OpenCV  4.5.2
Open Source Computer Vision
/usr/src/RPM/BUILD/libopencv-4.5.2/BUILD/doc/contrib_tutorials.markdown File Reference
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K1
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:126
cv::HOGDescriptor::DescriptorStorageFormat
DescriptorStorageFormat
Definition: objdetect.hpp:379
cv::dnn::BlankLayer
Definition: all_layers.hpp:74
cv::GKernelImpl
Definition: gkernel.hpp:59
cv::cudev::PtrTraitsBase
Definition: traits.hpp:56
cv::CALIB_FIX_K4
@ CALIB_FIX_K4
Definition: calib3d.hpp:504
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::sfm::SFM_IO_OPENSFM
@ SFM_IO_OPENSFM
Definition: io.hpp:60
cv::RNG::uniform
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
cv_vrecp_f32
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
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:479
cv::MatIterator_
Matrix read-write iterator.
Definition: mat.hpp:3133
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:432
cv::REDUCE_MIN
@ REDUCE_MIN
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:233
cv::ml::DTrees::Node::defaultDir
int defaultDir
Definition: ml.hpp:1168
cv::COLOR_YUV2RGBA_I420
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:668
cv::v_pack_triplets
v_reg< _Tp, n > v_pack_triplets(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2736
cv::gapi::wip::IStreamSource::pull
virtual bool pull(Data &data)=0
cv::gapi::GBackend
Definition: gkernel.hpp:375
cv::cudev::ResizePtrSz
Definition: resize.hpp:77
cv::softdouble::max
static softdouble max()
Biggest finite value.
Definition: softfloat.hpp:358
CV_16F
#define CV_16F
Definition: interface.h:80
cv::v_float64x2
Definition: intrin_rvv.hpp:516
cv::dnn_objdetect::InferBbox
A class to post process model predictions.
Definition: core_detect.hpp:37
cv::instr::TYPE_GENERAL
@ TYPE_GENERAL
Definition: instrumentation.hpp:47
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::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:349
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::fisheye::CALIB_USE_INTRINSIC_GUESS
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:3766
cv::floodFill
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
cv::cudev::BrdWrap::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
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::bit_rshift
Definition: functional.hpp:269
cv::Vec3b
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:410
cv::GRunArg::GRunArg
GRunArg(const T &t, const Meta &m=Meta{}, typename std::enable_if< detail::in_variant< T, GRunArgBase >::value, int >::type=0)
Definition: garg.hpp:137
cv::viz::Color::orange
static Color orange()
cv::VIDEOWRITER_PROP_DEPTH
@ VIDEOWRITER_PROP_DEPTH
Defaults to CV_8U.
Definition: videoio.hpp:202
cv::CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:578
cv::viz::Color::bluberry
static Color bluberry()
CPU_AVX512_KNL
@ CPU_AVX512_KNL
Knights Landing with AVX-512F/CD/ER/PF.
Definition: cvdef.h:335
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::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::OutputArray
const typedef _OutputArray & OutputArray
Definition: mat.hpp:443
cv::cuda::StereoConstantSpaceBP
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:217
cv::COLOR_RGBA2YUV_IYUV
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:740
cv::detail::GCompoundContext
Definition: gcompoundkernel.hpp:30
cv::CAP_PROP_XI_DEVICE_SN
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:480
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:111
NCVMatrix::ptr
T * ptr() const
Definition: NCV.hpp:823
cv::detail::Blender::dst_mask_
UMat dst_mask_
Definition: blenders.hpp:94
cv::Matx::t
Matx< _Tp, n, m > t() const
transpose the matrix
cv::SORT_DESCENDING
@ SORT_DESCENDING
Definition: core.hpp:163
cv::xfeatures2d::matchGMS
void matchGMS(const Size &size1, const Size &size2, const std::vector< KeyPoint > &keypoints1, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, std::vector< DMatch > &matchesGMS, const bool withRotation=false, const bool withScale=false, const double thresholdFactor=6.0)
GMS (Grid-based Motion Statistics) feature matching strategy described in .
cv::detail::PlaneProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
util.hpp
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::linemod::Detector::pyramidLevels
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:369
cv::cudev::MakeVec< schar, 2 >::type
char2 type
Definition: vec_traits.hpp:77
copy.hpp
cv::detail::ocl_get_in
Definition: goclkernel.hpp:106
cv::rawInOut
static _InputOutputArray rawInOut(_Tp &v)
resize.hpp
type_traits.hpp
cv::ocl::haveSVM
bool haveSVM()
cv::gapi::video::BackgroundSubtractorType
BackgroundSubtractorType
Definition: video.hpp:92
cv::cudacodec::Uncompressed_YV12
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:262
cv::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
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::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: gkernel.hpp:219
cv::Affine3::cast
Affine3< Y > cast() const
cv::fitEllipseDirect
RotatedRect fitEllipseDirect(InputArray points)
Fits an ellipse around a set of 2D points.
cv::ximgproc::HoughOp
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:88
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::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::gapi::GKernelPackage::include
void include(const cv::gapi::GBackend &backend, const std::string &kernel_id)
Adds a new kernel based on it's backend and id into the kernel package.
Definition: gkernel.hpp:622
cv::cuda::FEATURE_SET_COMPUTE_10
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:990
simd512::v_uint16
v_uint16x32 v_uint16
Maximum available vector register capacity 16-bit unsigned integer values.
Definition: intrin.hpp:390
cv::stereo::StereoBinaryBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::parallel::tbb::ParallelForBackend::getNumThreads
virtual int getNumThreads() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:109
cv::sfm::libmv_CameraIntrinsicsOptions::focal_length_x
double focal_length_x
Definition: simple_pipeline.hpp:109
cv::detail::BundleAdjusterBase::edges_
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:215
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::cuda::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: cudaoptflow.hpp:258
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::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::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::~TrackerAdaBoostingTargetState
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracking_internals.hpp:535
cv::Error::StsBadSize
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
util.hpp
cv::gapi::wip::draw::freetype_font
This structure specifies which FreeType font to use by FText primitives.
Definition: render_types.hpp:30
cv::Matx44f
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:254
cv::GMatDesc::withSize
GMatDesc withSize(cv::Size sz) const
Definition: gmat.hpp:138
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:486
cv::GFluidKernelImpl
Definition: gfluidkernel.hpp:414
cv::xfeatures2d::BriefDescriptorExtractor
Class for computing BRIEF descriptors described in .
Definition: xfeatures2d.hpp:130
cv::cudev::atomicMax
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
cv::cuda::GpuMatND::step
StepArray step
Definition: cuda.hpp:524
vsx_utils.hpp
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::cudev::Block::blockSize
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
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_GPHOTO2_WIDGET_ENUMERATE
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:611
cv::detail::tracked_cv_mat::tracked_cv_mat
tracked_cv_mat(cv::Mat &m)
Definition: gcpukernel.hpp:214
NCVBroxOpticalFlowDescriptor
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:69
cv::sfm::libmv_ReconstructionOptions
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:138
cv::ft::MULTI_STEP
@ MULTI_STEP
processing in multiple step
Definition: types.hpp:62
cv::RMat::get
T * get() const
Definition: rmat.hpp:132
cuda_stream_accessor.hpp
cv::cudev::Sum
Definition: reduce_to_vec.hpp:65
HaarFeature64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
cv::CAP_PROP_FRAME_WIDTH
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:138
cv::ocl::Device::name
String name() const
cv::gapi::fluid::View::Cache::m_linePtrs
std::vector< const uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:45
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::Quat::y
_Tp y
Definition: quaternion.hpp:1618
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:426
cv::AgastFeatureDetector_Impl::type
int type
Definition: agast.txt:7534
GAPI_Assert
#define GAPI_Assert
Definition: assert.hpp:20
cv::gapi::GFunctor::GFunctor
GFunctor(const char *id)
Definition: gkernel.hpp:424
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:699
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::ximgproc::createSuperpixelLSC
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
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::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::videostab::WeightingDeblurer::setSensitivity
void setSensitivity(float val)
Definition: deblurring.hpp:101
cv::rgbd::RgbdNormals::setRows
void setRows(int val)
Definition: depth.hpp:128
cv::dnn::TextDetectionModel
Base class for text detection networks.
Definition: dnn.hpp:1421
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::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::ximgproc::segmentation::SelectiveSearchSegmentationStrategySize
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
cv::ImwriteFlags
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:86
cv::quality::QualityGMSD::QualityGMSD
QualityGMSD(_mat_data refImgData)
Definition: qualitygmsd.hpp:85
cv::detail::VectorRef::mov
void mov(VectorRef &v)
Definition: garray.hpp:301
cv::CAP_PROP_XI_GAIN
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:401
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:2096
cv::ml::DTrees::Node::left
int left
Index of the left child node.
Definition: ml.hpp:1166
cv::datasets::GR_skig
Definition: gr_skig.hpp:105
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::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::parallel::openmp::ParallelForBackend::getName
const char * getName() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:64
cv::cudev::multiplies
Definition: functional.hpp:95
NPPST_MEM_ALLOC_ERR
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
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:137
cv::COLOR_BayerGR2BGR_VNG
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:767
cv::ovis::ENTITY_ANIMBLEND_MODE
@ ENTITY_ANIMBLEND_MODE
Definition: ovis.hpp:79
cv::face::FacemarkLBF::Params::detectROI
Rect detectROI
Definition: facemarkLBF.hpp:89
tracking.hpp
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:1329
cv::cudev::TexturePtr
Definition: texture.hpp:185
cv::cuda::HostMem::AllocType
AllocType
Definition: cuda.hpp:733
cv::ocl::Device::type
int type() const
cv::COLOR_YUV2GRAY_YUYV
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:725
cv::detail::get_out< cv::GScalar >::get
static cv::Scalar & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:262
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:823
cv::cudev::SelectIf::type
ThenType type
Definition: type_traits.hpp:98
cv::ml::KNearest
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:436
cv::face::BasicFaceRecognizer::_num_components
int _num_components
Definition: facerec.hpp:45
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
simple_pipeline.hpp
cv::Vec::value_type
_Tp value_type
Definition: matx.hpp:344
linear_index.h
cv::CAP_PROP_IOS_DEVICE_WHITEBALANCE
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:550
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::detail::accepted_infer_types
Definition: infer.hpp:34
cv::DetectionBasedTracker::numTrackedSteps
int numTrackedSteps
Definition: detection_based_tracker.hpp:204
cv::CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:483
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:841
cv::cudev::FindMinValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:91
omnidir.hpp
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
cv::detail::OptRef::OptHolder::reset
virtual void reset()=0
cvCeil
int cvCeil(const cv::softfloat &a)
Rounds number up to integer.
cv::cudev::Texture
Definition: texture.hpp:205
cv::AGAST
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
cv::text::BaseOCR
Definition: ocr.hpp:92
cv::dnn::RNNLayer
Classical recurrent layer.
Definition: all_layers.hpp:181
cv::NORM_L2
@ NORM_L2
Definition: base.hpp:185
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:2799
cv::cuda::gammaCorrection
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
cv::AgastFeatureDetector_Impl::setThreshold
void setThreshold(int threshold_)
Definition: agast.txt:7523
cv::gapi::ie::Params< cv::gapi::Generic >::backend
GBackend backend() const
Definition: ie.hpp:239
cv::detail::GTypeTraits
Definition: gtype_traits.hpp:50
cv::softfloat::pi
static softfloat pi()
Correct pi approximation.
Definition: softfloat.hpp:218
cv::MatExpr::flags
int flags
Definition: mat.hpp:3549
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::Quat::createFromYRot
static Quat< _Tp > createFromYRot(const _Tp theta)
get a quaternion from a rotation about the Y-axis by .
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)
cv::gapi::ie::detail::ParamDesc::reshape_table
std::map< std::string, std::vector< std::size_t > > reshape_table
Definition: ie.hpp:72
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::GTransformImpl
Definition: gtransform.hpp:69
cv::MatConstIterator
Definition: mat.hpp:3015
cv::datasets::PD_inriaObj::bndboxes
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
optical_flow.hpp
cv::gapi::ie::backend
cv::gapi::GBackend backend()
cv::dnn::DictValue::pi
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:103
cv::Quat::acosh
Quat< _Tp > acosh() const
return arccosh value of this quaternion, arccosh could be calculated as:
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_RGB
#define CV_RGB(r, g, b)
Definition: imgproc.hpp:4363
block.hpp
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::GTypeInfo::ctor
detail::HostCtor ctor
Definition: gkernel.hpp:33
utility.hpp
cv::cudev::vseteq2
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
cv::cudev::logical_and
Definition: functional.hpp:194
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:485
NCVMemPtr::memtype
NCVMemoryType memtype
Definition: NCV.hpp:442
cv::rgbd::Odometry::RIGID_BODY_MOTION
@ RIGID_BODY_MOTION
Definition: depth.hpp:531
cv::dc
@ dc
Definition: container_avi.private.hpp:136
cv::QuatEnum::INT_YZY
@ INT_YZY
Intrinsic rotations with the Euler angles type Y-Z-Y.
Definition: quaternion.hpp:109
cv::detail::tracking::contrib_feature::CvParams::printDefaults
virtual void printDefaults() const
NcvRect32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
Cv16suf
Definition: cvdef.h:367
cv::kinfu::Intr::Intr
Intr()
Definition: intrinsics.hpp:61
cv::cudev::blockScanInclusive
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:186
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::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::detail::WrapValue::wrap
static auto wrap(const T &t) -> typename std::remove_reference< T >::type
Definition: gtype_traits.hpp:167
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:142
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))
flann.hpp
white_balance.hpp
simd512::v_int64
v_int64x8 v_int64
Maximum available vector register capacity 64-bit signed integer values.
Definition: intrin.hpp:400
cv::detail::ocl_get_in::get
static T get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:125
cv::Affine3::rvec
Vec3 rvec() const
cv::detail::tracking::TrackerContribSamplerCSC::Params::initInRad
float initInRad
radius for gathering positive instances during init
Definition: tracking_internals.hpp:656
cv::face::StandardCollector::PredictResult::distance
double distance
Definition: predict_collector.hpp:88
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::ogl::Buffer::empty
bool empty() const
cv::datasets::PD_caltechObj::name
std::string name
Definition: pd_caltech.hpp:64
cv::AsyncPromise::setException
void setException(const cv::Exception &exception)
cv::rgbd::RgbdNormals::setMethod
void setMethod(int val)
Definition: depth.hpp:168
cv::Mat::u
UMatData * u
interaction with UMat
Definition: mat.hpp:2116
cv::gemm
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
cv::videostab::TranslationBasedLocalOutlierRejector::ransacParams
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
cv::CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:519
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_Y
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:417
cv::legacy::TrackerMedianFlow::Params::maxLevel
int maxLevel
maximal pyramid level number for Lucas-Kanade optical flow
Definition: tracking_legacy.hpp:200
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::cv_abs
_Tp cv_abs(_Tp x)
Definition: base.hpp:397
cv::videostab::RansacParams::niters
int niters() const
Definition: motion_core.hpp:92
cv::datasets::woodenBoard
@ woodenBoard
Definition: gr_skig.hpp:89
cvv::impl::finalShow
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
cv::cudev::SobelXPtr::src
SrcPtr src
Definition: deriv.hpp:146
cv::detail::tracking::TrackerTargetState::targetPosition
Point2f targetPosition
Definition: tracking.detail.hpp:204
cv::MatStep::p
size_t * p
Definition: mat.hpp:600
cv::ximgproc::Box
Definition: edgeboxes.hpp:57
cv::cudev::exp2
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
cv::videostab::NullOutlierRejector
Definition: outlier_rejection.hpp:67
cv::GPlaidMLContext::m_args
std::vector< GArg > m_args
Definition: gplaidmlkernel.hpp:52
cv::Mat::flags
int flags
Definition: mat.hpp:2092
cv::noArray
InputOutputArray noArray()
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:379
OPENCV_HAL_IMPL_C_RSHR_PACK
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2989
UINT64
uint64_t UINT64
Definition: descriptor.hpp:63
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:4331
cv::Mat::Mat
Mat() CV_NOEXCEPT
cv::GOpaque::GOpaque
GOpaque()
Definition: gopaque.hpp:318
cv::Complex
A complex number class.
Definition: types.hpp:74
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::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::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::util::make_optional
optional< typename std::decay< T >::type > make_optional(T &&value)
Definition: optional.hpp:171
cv::parallel::openmp::ParallelForBackend::parallel_for
virtual void parallel_for(int tasks, FN_parallel_for_body_cb_t body_callback, void *callback_data) CV_OVERRIDE
Definition: parallel_for.openmp.hpp:37
cv::ocl::Kernel::args
Kernel & args(const _Tps &... kernel_args)
Setup OpenCL Kernel arguments. Avoid direct using of set(i, ...) methods.
Definition: ocl.hpp:473
cv::float16_t::zero
static float16_t zero()
Definition: cvdef.h:906
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::v512_setall_u64
v_uint64x8 v512_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2869
cv::Allocator::const_reference
const typedef value_type & const_reference
Definition: cvstd.hpp:117
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:327
cv::VideoCaptureAPIs
VideoCaptureAPIs
cv::VideoCapture API backends identifier.
Definition: videoio.hpp:90
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::AgastFeatureDetector::DetectorType
DetectorType
Definition: features2d.hpp:602
cv::face::FacemarkAAM::Config
Optional parameter for fitting process.
Definition: facemarkAAM.hpp:80
cv::COLORMAP_TURBO
@ COLORMAP_TURBO
Definition: imgproc.hpp:4332
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::ovis::ENTITY_SCALE
@ ENTITY_SCALE
Definition: ovis.hpp:77
cv::ocl::KernelArg::flags
int flags
Definition: ocl.hpp:421
cv::aruco::DICT_7X7_50
@ DICT_7X7_50
Definition: dictionary.hpp:154
cv::String
std::string String
Definition: cvstd.hpp:150
cv::detail::tracking::contrib_feature::CvFeatureParams::create
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
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 >())
cv::BRISK::setThreshold
virtual void setThreshold(int threshold)
Set detection threshold.
Definition: features2d.hpp:387
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::gapi::split4
std::tuple< GMat, GMat, GMat, GMat > split4(const GMat &src)
Divides a 4-channel matrix into 4 single-channel matrices.
cv::CAP_PROP_XI_USED_FFS_SIZE
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:523
cv::fisheye::CALIB_ZERO_DISPARITY
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:3776
cv::stereo::CV_QUADRATIC_INTERPOLATION
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:118
cv::ogl::Arrays::empty
bool empty() const
cv::cudev::HistogramBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
NCV_UNKNOWN_ERROR
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
cv::cudev::vadd2
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
cv::text::ERFILTER_NM_RGBLGrad
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:244
CV_MAT_DEPTH
#define CV_MAT_DEPTH(flags)
Definition: interface.h:83
cv::WARP_FILL_OUTLIERS
@ WARP_FILL_OUTLIERS
Definition: imgproc.hpp:267
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::stereo::PropagationParameters::neighborhoodSize
int neighborhoodSize
Definition: quasi_dense_stereo.hpp:52
cv::rgbd::RgbdPlane::setSensorErrorC
void setSensorErrorC(double val)
Definition: depth.hpp:441
cv::vuint8mf2_t::vuint8mf2_t
vuint8mf2_t(const uchar *ptr)
Definition: intrin_rvv.hpp:27
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::ImreadModes
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:69
cv::cudev::ThreshTruncFunc::thresh
T thresh
Definition: functional.hpp:736
CV_DbgCheck
#define CV_DbgCheck(v, test_expr, msg)
Some complex conditions: CV_Check(src2, src2.empty() || (src2.type() == src1.type() && src2....
Definition: check.hpp:141
cv::ppf_match_3d::HSHTBL_i::hashfunc
size_t(* hashfunc)(uint)
Definition: t_hash_int.hpp:71
NCVPipeObjDet_Default
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:354
ncvHaarLoadFromFile_host
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::meanShift
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
cv::detail::OpaqueKind::CV_SCALAR
@ CV_SCALAR
cv::viz::MouseEvent::button
MouseButton button
Definition: types.hpp:328
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
cv::xfeatures2d::PCTSignatures::REGULAR
@ REGULAR
Generate points in a regular grid.
Definition: xfeatures2d.hpp:465
cv::OutputArrayOfArrays
OutputArray OutputArrayOfArrays
Definition: mat.hpp:444
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:2679
cv::detail::TransverseMercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::rgbd::RgbdOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:700
cv::aruco::DICT_7X7_1000
@ DICT_7X7_1000
Definition: dictionary.hpp:157
cv::detail::GTypeOf
Definition: gtype_traits.hpp:120
cv::quality::QualityGMSD::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitygmsd.hpp:34
OPENCV_HAL_IMPL_RVV_INIT_FP
#define OPENCV_HAL_IMPL_RVV_INIT_FP(_Tpv, _Tp, width, suffix)
Definition: intrin_rvv.hpp:573
cv::v_uint16x16
v_reg< ushort, 16 > v_uint16x16
Sixteen 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:514
CV_CheckLT
#define CV_CheckLT(v1, v2, msg)
Definition: check.hpp:117
OPENCV_HAL_IMPL_ROTATE_SHIFT_OP
#define OPENCV_HAL_IMPL_ROTATE_SHIFT_OP(suffix, opA, opB)
Helper macro.
Definition: intrin_cpp.hpp:1280
cv::detail::waveCorrect
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
cv::viz::WCone
This 3D Widget defines a cone. :
Definition: widgets.hpp:330
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::sfm::SFM_REFINE_FOCAL_LENGTH
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:124
cv::cuda::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:85
cv::cudev::thresh_binary_inv_func
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
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::datasets::word
Definition: tr_icdar.hpp:60
cv::omnidir::internal::estimateUncertainties
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::COLOR_BayerBG2GRAY
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:758
cv::CAP_PROP_XI_LUT_EN
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:493
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::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::cudacodec::EncoderParams::ProfileLevel
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:97
cv::util::type_list_index::value
static const constexpr std::size_t value
Definition: variant.hpp:44
cv::gapi::own::operator+=
Size & operator+=(Size &lhs, const Size &rhs)
Definition: types.hpp:117
cv::detail::tracking::online_boosting::BaseClassifier::eval
int eval(const Mat &image)
cv::cudev::vavg2
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
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::datasets::MSM_epfl
Definition: msm_epfl.hpp:77
cv::GeneralizedHoughGuil
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:902
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::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:408
cv::detail::Graph::Graph
Graph(int num_vertices=0)
Definition: util.hpp:88
cv::Point_
Template class for 2D points specified by its coordinates x and y.
Definition: types.hpp:157
cv::cudev::SobelXPtr
Definition: deriv.hpp:141
cv::COLOR_RGB2HLS_FULL
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:618
cv::GInferList2Base::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:303
OPENCV_HAL_IMPL_RVV_FLT_BIT_OP
#define OPENCV_HAL_IMPL_RVV_FLT_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1252
cv::kinfu::VolumeType::TSDF
@ TSDF
cv::Vec4s
Vec< short, 4 > Vec4s
Definition: matx.hpp:415
CV_CUDEV_RGB2YUV_INST
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
cv::DIST_L2
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:303
cv::GKernel::inKinds
GKinds inKinds
Definition: gkernel.hpp:52
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::CalibrateRobertson
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:577
cv::detail::calibrateRotatingCamera
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
_v512_set_epu64
#define _v512_set_epu64(a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:20
cv::cudev::maximum
Definition: functional.hpp:310
cv::detail::tracking::contrib_feature::CvParams::read
virtual bool read(const FileNode &node)=0
cv::detail::RotationWarperBase::projector_
P projector_
Definition: warpers.hpp:187
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::cudev::MakeVec< bool, 4 >::type
uchar4 type
Definition: vec_traits.hpp:84
cv::videostab::DeblurerBase::radius_
int radius_
Definition: deblurring.hpp:84
NppStInterpMode
NppStInterpMode
Definition: NPP_staging.hpp:100
cv::Stitcher::workScale
double workScale() const
Definition: stitching.hpp:304
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:364
cv::GInferBase::id
static constexpr const char * id()
Definition: infer.hpp:267
cv::cudev::RemapPtr2::mapx
MapXPtr mapx
Definition: remap.hpp:81
cv::BORDER_CONSTANT
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:269
cv::videostab::GaussianMotionFilter::setParams
void setParams(int radius, float stdev=-1.f)
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::legacy::TrackerTLD::Params
Definition: tracking_legacy.hpp:235
cv::GPlaidMLKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gplaidmlkernel.hpp:132
cv::stereo::StereoBinarySGBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
cv::img_hash::pHash
void pHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes pHash value of the input image.
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::ogl::unmapGLBuffer
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
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::datasets::PascalObj::truncated
bool truncated
Definition: or_pascal.hpp:71
cv::MatExpr::min
static MatExpr min(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3693
cv::vint16mf2_t::val
short val[4]
Definition: intrin_rvv.hpp:61
cv::v_int8x16::val
schar val[16]
Definition: intrin_rvv.hpp:290
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:71
cv::DMatch::DMatch
DMatch()
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::UnscentedKalmanFilterParams
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:152
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:400
cv::cuda::DisparityBilateralFilter
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:298
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::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::TickMeter::getAvgTimeSec
double getAvgTimeSec() const
returns average time in seconds
Definition: utility.hpp:360
cv::CAP_PROP_IOS_DEVICE_FLASH
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:549
cv::CAP_PROP_XI_CC_MATRIX_10
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:452
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::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:182
cv::text::OCRBeamSearchDecoder::ClassifierCallback::~ClassifierCallback
virtual ~ClassifierCallback()
Definition: ocr.hpp:409
cv::cudev::PtrTraitsBase::getRows
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
cv::datasets::MSM_epflObj
Definition: msm_epfl.hpp:69
cv::optflow::GPC_DESCRIPTOR_DCT
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:92
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:686
cv::viz::KeyboardEvent::symbol
String symbol
Definition: types.hpp:303
cv::operator|=
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::cudev::Min::rebind
Definition: reduce_to_vec.hpp:109
cv::Mat::clone
Mat clone() const CV_NODISCARD
Creates a full copy of the array and the underlying data.
cv::face::FacemarkAAM::Model::Texture
Definition: facemarkAAM.hpp:115
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::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsSpatialConstant
float hcellsSpatialConstant
Definition: retina.hpp:162
cv::watershed
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
cv::cuda::DYNAMIC_PARALLELISM
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:1005
cv::UMatData::data
uchar * data
Definition: mat.hpp:562
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
cv::rgbd::RgbdPlane::RGBD_PLANE_METHOD_DEFAULT
@ RGBD_PLANE_METHOD_DEFAULT
Definition: depth.hpp:334
hal_ni_merge64s
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
cv::LineIterator::LineIterator
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
initializes the iterator
Definition: imgproc.hpp:4813
cv::v256_load_expand_q
v_reg< typename V_TypeTraits< _Tp >::q_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v256_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1993
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::mcc::DetectorParameters::minInterContourDistance
int minInterContourDistance
Definition: checker_detector.hpp:120
cv::util::throw_error
void throw_error(ExceptionType &&e)
Definition: throw.hpp:23
cv::viz::Color::cyan
static Color cyan()
cv::checkChessboard
bool checkChessboard(InputArray img, Size size)
general.h
cv::aruco::DICT_5X5_1000
@ DICT_5X5_1000
Definition: dictionary.hpp:149
cv::v_float64x2::get0
double get0() const
Definition: intrin_rvv.hpp:540
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.detail.hpp:335
cv::kinfu::Intr::Projector::Projector
Projector(Intr intr)
Definition: intrinsics.hpp:41
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_OUTPUT_VECTOR_GRID_SIZE_UNDEFINED
@ NV_OF_OUTPUT_VECTOR_GRID_SIZE_UNDEFINED
Definition: cudaoptflow.hpp:485
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:128
cv::detail::tracking::contrib_feature::CvLBPEvaluator::~CvLBPEvaluator
virtual ~CvLBPEvaluator() CV_OVERRIDE
Definition: feature.hpp:371
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:160
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::CirclesGridFinderParameters::squareSize
float squareSize
Distance between two adjacent points. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1653
cv::stereo::StereoBinaryBM::setTextureThreshold
virtual void setTextureThreshold(int textureThreshold)=0
cv::gapi::ie::detail::ParamDesc::model_path
std::string model_path
Definition: ie.hpp:51
cvv::impl::CallMetaData
Optional information about a location in Code.
Definition: call_meta_data.hpp:20
cv::COLOR_YUV2BGRA_UYNV
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:699
cv::cuda::BackgroundSubtractorFGD
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:144
cv::detail::tracking::online_boosting::ClassifierThreshold::ClassifierThreshold
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
edgepreserving_filter.hpp
cv::COLORMAP_OCEAN
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4317
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD_FALS
@ RGBD_NORMALS_METHOD_FALS
Definition: depth.hpp:78
cv::parallel::tbb::ParallelForBackend::CallbackProxy::operator()
void operator()() const
Definition: parallel_for.tbb.hpp:82
gkernel.hpp
cv::CAP_PROP_VIEWFINDER
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:619
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::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::viz::Color::yellow
static Color yellow()
segmentation.hpp
cv::v_int8x16::v_int8x16
v_int8x16(vint8m1_t v)
Definition: intrin_rvv.hpp:266
cv::Affine3
Affine transform.
Definition: affine.hpp:126
cv::detail::tracking::online_boosting::BaseClassifier::replaceClassifierStatistic
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
cv::COLOR_BGR5652RGBA
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:567
cv::legacy::TrackerMOSSE
the MOSSE (Minimum Output Sum of Squared Error) tracker
Definition: tracking_legacy.hpp:334
cv::cudacodec::RawVideoSource
Interface for video demultiplexing. :
Definition: cudacodec.hpp:317
cv::videostab::StabilizerBase::stabilizedFrames_
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:137
cv::rapid::drawWireframe
void drawWireframe(InputOutputArray img, InputArray pts2d, InputArray tris, const Scalar &color, int type=LINE_8, bool cullBackface=false)
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::mcc::CCheckerDraw
checker draw
Definition: checker_model.hpp:112
cv::stereo::symetricCensusTransform
void symetricCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
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::instr::FLAGS
FLAGS
Definition: instrumentation.hpp:108
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::ml::SVMSGD::SOFT_MARGIN
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1811
cv::COLOR_YUV2RGB_I420
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:659
cv::CirclesGridFinderParameters::convexHullFactor
float convexHullFactor
Definition: calib3d.hpp:1644
cv::MatOp
Definition: mat.hpp:3430
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::Scalar_< double >::all
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
cv::datasets::SR_div2k
Definition: sr_div2k.hpp:28
cv::cudev::CommonAreaInterPtr::area_height
float area_height
Definition: interpolation.hpp:300
cv::MediaFrame::View
Definition: media.hpp:56
cv::cudev::BrdWrap
Definition: extrapolation.hpp:197
cv::gapi::own::Scalar::val
double val[4]
Definition: scalar.hpp:35
cv::cudev::vsetle2
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
cv::v_load_aligned
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1652
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:768
trace.hpp
ovx.hpp
cv::videostab::ToFileMotionWriter::setMotionModel
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:214
cv::gapi::wip::GCaptureSource
OpenCV's VideoCapture-based streaming source.
Definition: cap.hpp:47
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::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::cudev::exp10
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
cv::cuda::GpuMatND::flags
int flags
Definition: cuda.hpp:513
cv::line_descriptor::KeyLine::getStartPointInOctave
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:156
cv::linemod::ColorGradient
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:166
cv::utils::getConfigurationParameterString
cv::String getConfigurationParameterString(const char *name, const char *defaultValue)
cv::CAP_PROP_XI_WB_KG
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:422
cv::CAP_DSHOW
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:102
cv::CAP_PROP_XI_LIMIT_BANDWIDTH
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:428
cv::DetectionBasedTracker::innerParameters
InnerParameters innerParameters
Definition: detection_based_tracker.hpp:179
cv::VideoCapture::getExceptionMode
bool getExceptionMode()
query if exception mode is active
Definition: videoio.hpp:897
cv::DescriptorMatcher::read
void read(const String &fileName)
Definition: features2d.hpp:1108
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:1219
cv::videostab::InpainterBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
cv::SAMPLING_UNIFORM
@ SAMPLING_UNIFORM
Definition: calib3d.hpp:545
cv::Stitcher::waveCorrectKind
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:204
cv::detail::GInferOutputsTyped::GInferOutputsTyped
GInferOutputsTyped()=default
cv::InferAPIRoi
Definition: infer.hpp:228
NPPST_INVALID_SCALE
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
cv::PaniniWarper
Definition: warpers.hpp:215
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::cudev::saturate_cast< ushort >
__device__ __forceinline__ ushort saturate_cast< ushort >(schar v)
Definition: saturate_cast.hpp:156
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:46
cv::cudev::UnaryNegate
Definition: functional.hpp:941
cv::DetectionBasedTracker::TrackedObject::numDetectedFrames
int numDetectedFrames
Definition: detection_based_tracker.hpp:187
cv::GKernelImpl::opaque
util::any opaque
Definition: gkernel.hpp:61
cv::BaseCascadeClassifier::MaskGenerator
Definition: objdetect.hpp:207
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::datasets::FR_adienceObj::dy
int dy
Definition: fr_adience.hpp:77
cv::detail::OpaqueRef::OpaqueRef
OpaqueRef(T &&obj)
Definition: gopaque.hpp:250
cv::mcc::MCC24
@ MCC24
Standard Macbeth Chart with 24 squares.
Definition: checker_model.hpp:48
cv::COLOR_YUV2GRAY_YUNV
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:726
cv::GEMM_3_T
@ GEMM_3_T
transposes src3
Definition: base.hpp:222
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:613
cv::detail::CompileArgTag< GFluidOutputRois >::tag
static const char * tag()
Definition: gfluidkernel.hpp:152
oilpainting.hpp
cv::Vec2i
Vec< int, 2 > Vec2i
Definition: matx.hpp:421
cv::gapi::wip::draw::Line::pt2
cv::Point pt2
The second point of the line segment.
Definition: render_types.hpp:226
cv::SAMPLING_PROSAC
@ SAMPLING_PROSAC
Definition: calib3d.hpp:546
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::gapi::StereoOutputFormat::DISPARITY_FIXED16_11_5
@ DISPARITY_FIXED16_11_5
cv::empty_gopaque_desc
GOpaqueDesc empty_gopaque_desc()
Definition: gopaque.hpp:46
cv::ppf_match_3d::transPCCoeff
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
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::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:1395
cv::gapi::KalmanParams::processNoiseCov
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: video.hpp:38
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(const GPCMatchingParams &params)
Definition: sparse_matching_gpc.hpp:149
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:563
cv::softdouble::isInf
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:307
cv::COLOR_YUV2GRAY_420
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:673
cv::CAP_PROP_XI_CC_MATRIX_02
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:450
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::COLOR_BayerGB2GRAY
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:759
cv::CAP_PROP_GPHOTO2_FLUSH_MSGS
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:615
cv::saliency::StaticSaliencySpectralResidual::getImageWidth
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
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:600
cv::gapi::detail::getCompileArgs
cv::GCompileArgs getCompileArgs(const std::vector< char > &p)
Definition: s11n.hpp:326
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D()
Definition: pose_3d.hpp:73
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:341
cv::Param::INT
@ INT
cv::gapi::video::BackgroundSubtractorParams::threshold
double threshold
Definition: video.hpp:113
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::ximgproc::DTFilter
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:66
cv::cuda::findMinMax
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::DetectionBasedTracker::InnerParameters
Definition: detection_based_tracker.hpp:165
cv::softfloat::setSign
softfloat setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:177
cv::ovis::MATERIAL_TEXTURE0
@ MATERIAL_TEXTURE0
Definition: ovis.hpp:67
cv::detail::tracking::tbm::Track::lost
size_t lost
How many frames ago track has been lost.
Definition: tracking_by_matching.hpp:392
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
tls.hpp
cv::cudev::FindMinValExprBody
Definition: reduction.hpp:86
cv::CAP_INTELPERC_DEPTH_GENERATOR
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:586
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::dnn::MaxUnpoolLayer::poolPad
Size poolPad
Definition: all_layers.hpp:545
cv::GRunArg
Definition: garg.hpp:121
cv::va_intel::convertToVASurface
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
cv::cuda::COLOR_BayerRG2RGB_MHT
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
cv::DetectionBasedTracker::Object
std::pair< cv::Rect, int > Object
Definition: detection_based_tracker.hpp:134
cv::demosaicing
void demosaicing(InputArray src, OutputArray dst, int code, int dstCn=0)
main function for all demosaicing processes
tuple_adapter.hpp
cv::cudev::EnableIf
Definition: type_traits.hpp:107
cv::RotatedRect::RotatedRect
RotatedRect()
default constructor
cv::linemod::DepthNormal::difference_threshold
int difference_threshold
Definition: linemod.hpp:233
cv::cudev::DerivXPtr::index_type
int index_type
Definition: deriv.hpp:64
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
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::cudev::AffineMapPtr::value_type
float2 value_type
Definition: warping.hpp:63
cv::hdf::HDF5::H5_NONE
@ H5_NONE
No compression,.
Definition: hdf5.hpp:127
cv::reg::MapShift::getShift
const cv::Vec< double, 2 > & getShift() const
Definition: mapshift.hpp:85
cv::cudev::BrdReplicate::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:127
cv::GTransform
Definition: gtransform.hpp:24
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::text::OEM_TESSERACT_CUBE_COMBINED
@ OEM_TESSERACT_CUBE_COMBINED
Definition: ocr.hpp:87
cv::face::BasicFaceRecognizer::_eigenvectors
Mat _eigenvectors
Definition: facerec.hpp:49
cv::omnidir::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: omnidir.hpp:60
NCV_FILE_ERROR
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
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::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::viz::readMesh
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
cv::Mat_::elemSize1
size_t elemSize1() const
cv::DECOMP_SVD
@ DECOMP_SVD
Definition: base.hpp:138
cv::util::operator==
bool operator==(const util::monostate &, const util::monostate &)
Definition: variant.hpp:58
OPENCV_HAL_IMPL_C_SHIFTL
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2898
cv::detail::OptRef
Definition: gstreaming.hpp:33
cv::ocl::Context
Definition: ocl.hpp:247
cv::face::FacemarkLBF::Params::feats_m
std::vector< int > feats_m
Definition: facemarkLBF.hpp:84
cv::fisheye::stereoRectify
void stereoRectify(InputArray K1, InputArray D1, InputArray K2, InputArray D2, const Size &imageSize, InputArray R, InputArray tvec, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags, const Size &newImageSize=Size(), double balance=0.0, double fov_scale=1.0)
Stereo rectification for fisheye camera model.
cv::cudev::Sum::work_type
T work_type
Definition: reduce_to_vec.hpp:67
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::cudacodec::EncoderCallBack::~EncoderCallBack
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:140
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:592
cv::datasets::Dataset::Dataset
Dataset()
Definition: dataset.hpp:567
cv::detail::BundleAdjusterReproj::BundleAdjusterReproj
BundleAdjusterReproj()
Definition: motion_estimators.hpp:248
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:1236
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:2706
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD
RGBD_NORMALS_METHOD
Definition: depth.hpp:76
cv::detail::CompileArgTag< cv::gapi::video::BackgroundSubtractorParams >::tag
static const char * tag()
Definition: video.hpp:352
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::detail::unpackBlobs
void unpackBlobs(const cv::GInferInputs::Map &blobs, std::vector< cv::GArg > &args, std::vector< std::string > &names, cv::GKinds &kinds)
Definition: infer.hpp:382
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::TermCriteria
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:852
cv::cudev::GpuMat_::col
__host__ GpuMat_ col(int x) const
cv::CAP_PROP_OPENNI_GENERATOR_PRESENT
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:282
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::parallel::openmp::ParallelForBackend::ParallelForBackend
ParallelForBackend()
Definition: parallel_for.openmp.hpp:29
cv::datasets::humaneva_1
@ humaneva_1
Definition: hpe_humaneva.hpp:73
cv::RETR_CCOMP
@ RETR_CCOMP
Definition: imgproc.hpp:428
cv::Vec3w
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:418
cv::COLOR_RGBA2BGR565
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:565
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)
cv::v_load_halves
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1784
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:4327
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:352
cv::v512_setall_f64
v_float64x8 v512_setall_f64(double val)
Definition: intrin_cpp.hpp:2868
cv::hal::DFT2D::~DFT2D
virtual ~DFT2D()
Definition: hal.hpp:217
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:865
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::detail::SphericalPortraitProjector
Definition: warpers.hpp:619
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::dnn::DNN_TARGET_OPENCL
@ DNN_TARGET_OPENCL
Definition: dnn.hpp:90
cv::Matx::diag_type
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:115
cv::cudev::RemapPtr1Sz::rows
int rows
Definition: remap.hpp:94
kmeans_index.h
cv::omnidir::internal::fillFixedStereo
void fillFixedStereo(Mat &G, int flags, int n)
cv::detail::SphericalWarperGpu::SphericalWarperGpu
SphericalWarperGpu(float scale)
Definition: warpers.hpp:558
cv::detail::BundleAdjusterBase::pairwise_matches_
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:203
cv::cudev::scharrX_
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
cv::mcc::DetectorParameters::findCandidatesApproxPolyDPEpsMultiplier
double findCandidatesApproxPolyDPEpsMultiplier
Definition: checker_detector.hpp:114
cv::GArg::GArg
GArg()
Definition: garg.hpp:49
cv::ppf_match_3d::hashtableCreate
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(uint))
cv::cuda::AlphaCompTypes
AlphaCompTypes
Definition: cudaimgproc.hpp:159
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:256
binary_op.hpp
cv::detail::tracking::tbm::ITrackerByMatching
Tracker-by-Matching algorithm interface.
Definition: tracking_by_matching.hpp:416
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::Accumulator::Type
T Type
Definition: features2d.hpp:882
cv::v_reg
Definition: intrin_cpp.hpp:368
cv::ximgproc::RidgeDetectionFilter
Applies Ridge Detection Filter to an input image. Implements Ridge detection similar to the one in Ma...
Definition: ridgefilter.hpp:27
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::Cholesky
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::VIDEO_ACCELERATION_D3D11
@ VIDEO_ACCELERATION_D3D11
DirectX 11.
Definition: videoio.hpp:234
cv::Mat::DEPTH_MASK
@ DEPTH_MASK
Definition: mat.hpp:2084
cv::cuda::Stream::Null
static Stream & Null()
return Stream object for default CUDA stream
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::detail::tracking::online_boosting::Detector::getPatchIdxOfBestDetection
int getPatchIdxOfBestDetection()
cv::detail::tracking::online_boosting::BaseClassifier::getSelectedClassifier
int getSelectedClassifier() const
cv::CAP_PROP_XI_HOUS_TEMP
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:438
cv::KalmanFilter::statePre
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:393
cv::aruco::Dictionary::markerSize
int markerSize
Definition: dictionary.hpp:65
cv::Rect
Rect2i Rect
Definition: types.hpp:462
cv::ppf_match_3d::ICP::ICP
ICP()
Definition: icp.hpp:90
cv::aruco::Board
Board of markers.
Definition: aruco.hpp:272
cv::GComputation::compile
auto compile(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GCompiled >::type
Definition: gcomputation.hpp:373
cv::Allocator::reference
value_type & reference
Definition: cvstd.hpp:116
cv::CAP_PROP_XI_CC_MATRIX_32
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:462
cv::TickMeter::stop
void stop()
stops counting ticks.
Definition: utility.hpp:310
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:927
cv::gapi::onnx::Params::cfgPostProc
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &out_metas, const PostProc &pp)
Configures graph output and sets the post processing function from user.
Definition: onnx.hpp:135
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::datasets::GR_chalearnObj::fps
int fps
Definition: gr_chalearn.hpp:78
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::COLOR_BGRA2YUV_I420
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:739
cv::BOWImgDescriptorExtractor::dmatcher
Ptr< DescriptorMatcher > dmatcher
Definition: features2d.hpp:1536
cv::find4QuadCornerSubpix
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
cv::videostab::StabilizerBase::setCorrectionForInclusion
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:92
cv::detail::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:418
cv::Node::findChild
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1076
cv::cuda::SURF_CUDA::trace
GpuMat trace
Definition: cuda.hpp:193
cv::FILTER_SCHARR
@ FILTER_SCHARR
Definition: imgproc.hpp:209
cv::vuint32mf2_t
Definition: intrin_rvv.hpp:71
cv::cuda::FEATURE_SET_COMPUTE_35
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:998
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:211
NCVVector::copySolid
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
cv::COLOR_BayerRG2RGB_VNG
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:771
CV_CUDEV_BINARY_FUNCTION_INST
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
weighted_median_filter.hpp
cv::viz::FONT_SIZE
@ FONT_SIZE
Definition: widgets.hpp:66
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::cudev::Min
Definition: reduce_to_vec.hpp:105
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::~UnscentedKalmanFilter
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:63
cv::utils::optional_shared_lock_guard::~optional_shared_lock_guard
~optional_shared_lock_guard()
Definition: lock.private.hpp:106
cv::datasets::genderType
genderType
Definition: fr_adience.hpp:60
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::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::LSD_REFINE_NONE
@ LSD_REFINE_NONE
No refinement applied.
Definition: imgproc.hpp:490
cv::CAP_PROP_OPENNI_FRAME_MAX_DEPTH
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:271
cv::detail::PaniniProjector::a
float a
Definition: warpers.hpp:432
cv::ppf_match_3d::ICP
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:80
cv::INTER_MAX
@ INTER_MAX
Definition: imgproc.hpp:264
cv::ximgproc::Boxes
std::vector< Box > Boxes
Definition: edgeboxes.hpp:63
cv::ovis::MATERIAL_TEXTURE1
@ MATERIAL_TEXTURE1
Definition: ovis.hpp:69
ncvHaarStoreNVBIN_host
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::DescriptorMatcher::DescriptorCollection
Definition: features2d.hpp:1151
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:3168
cv::COLOR_RGB2HSV
@ COLOR_RGB2HSV
Definition: imgproc.hpp:595
cv::detail::tracking::contrib_feature::CvHOGFeatureParams
Definition: feature.hpp:296
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::gapi::video::BackgroundSubtractorParams::BackgroundSubtractorParams
BackgroundSubtractorParams()
default constructor
Definition: video.hpp:125
cv::cudev::PyrUpBody::src
SrcPtr src
Definition: warping.hpp:132
cv::kinfu::Intr::Reprojector::fxinv
float fxinv
Definition: intrinsics.hpp:35
cv::dnn::BackendNode::BackendNode
BackendNode(int backendId)
cv::vfloat64mf2_t::val
double val[1]
Definition: intrin_rvv.hpp:121
cv::ocl::KernelArg::sz
size_t sz
Definition: ocl.hpp:424
cv::gapi::wip::draw::Circle::color
cv::Scalar color
The color of the circle.
Definition: render_types.hpp:188
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::detail::tracking::online_boosting::StrongClassifierDirectSelection::getROI
Rect getROI() const
cv::CAP_PROP_XI_CC_MATRIX_23
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:459
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:105
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::instr::FLAGS_EXPAND_SAME_NAMES
@ FLAGS_EXPAND_SAME_NAMES
Definition: instrumentation.hpp:112
cv::Point3_
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:239
cv::BufferPoolController::getReservedSize
virtual size_t getReservedSize() const =0
cv::ccm::COLOR_SPACE_Lab_D50_2
@ COLOR_SPACE_Lab_D50_2
non-RGB color space
Definition: ccm.hpp:124
cv::cudev::maxVal_
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
NCV.hpp
cv::Error::StsOk
@ StsOk
everything is ok
Definition: base.hpp:69
cv::TrackerCSRT::Params::use_hog
bool use_hog
Definition: tracking.hpp:45
cv::detail::GTypeTraits::op_kind
static constexpr const OpaqueKind op_kind
Definition: gtype_traits.hpp:54
cv::segmentation::IntelligentScissorsMB
Intelligent Scissors image segmentation.
Definition: segmentation.hpp:30
cv::vint8mf2_t
Definition: intrin_rvv.hpp:35
cv::Out_Tag
Definition: gproto.hpp:90
cv::SiftDescriptorExtractor
SIFT SiftDescriptorExtractor
Definition: features2d.hpp:335
cv::gapi::wip::GCaptureSource::descr_of
virtual GMetaArg descr_of() const override
Definition: cap.hpp:109
cv::viz::WCircle
This 3D Widget defines a circle.
Definition: widgets.hpp:306
cv::saliency::StaticSaliency
Definition: saliencyBaseClasses.hpp:85
cv::rgbd::RgbdFrame::image
Mat image
Definition: depth.hpp:473
cv::v_float32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:423
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::ogl::Buffer::channels
int channels() const
cv::videostab::InpainterBase::radius
virtual int radius() const
Definition: inpainting.hpp:71
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::saliency::StaticSaliencyFineGrained::create
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
cv::GCPUContext::inArg
const T & inArg(int input)
Definition: gcpukernel.hpp:96
reduce.hpp
cv::GMatDesc::size
GAPI_PROP cv::Size size
Definition: gmat.hpp:81
cv::kinfu::Params::intr
Matx33f intr
camera intrinsics
Definition: kinfu.hpp:83
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::cudev::LutPtrSz
Definition: lut.hpp:75
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::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...
Ncv32f
float Ncv32f
Definition: NCV.hpp:133
cv::UMatData::size
size_t size
Definition: mat.hpp:564
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::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:241
CPU_MAX_FEATURE
@ CPU_MAX_FEATURE
Definition: cvdef.h:341
cv::rgbd::DepthCleaner::setWindowSize
void setWindowSize(int val)
Definition: depth.hpp:235
cv::dnn::details::_LayerStaticRegisterer
Definition: layer.details.hpp:57
cv::abs
static uint64 abs(uint64 a)
Definition: cvstd.hpp:69
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::calc
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:400
cv::cudev::PyrUpBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
cv::ml::SVM::COEF
@ COEF
Definition: ml.hpp:674
simd512::v_int32
v_int32x16 v_int32
Maximum available vector register capacity 32-bit signed integer values.
Definition: intrin.hpp:396
cv::videostab::WobbleSuppressorBase::frameCount
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
cv::detail::ChannelsCompensator::getNrFeeds
int getNrFeeds()
Definition: exposure_compensate.hpp:156
cv::gapi::detail::getVectorOfStrings
std::vector< std::string > getVectorOfStrings(const std::vector< char > &p)
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:3420
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:64
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:102
cv::datasets::TR_icdarObj::fileName
std::string fileName
Definition: tr_icdar.hpp:68
cv::cudev::saturate_cast_func
Definition: functional.hpp:663
cv::Vec2b
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:409
cv::cudev::RemapPtr1Sz::cols
int cols
Definition: remap.hpp:94
cv::cudev::LinearInterPtr
Definition: interpolation.hpp:97
OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP
#define OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1324
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:405
cv::ConnectedComponentsAlgorithmsTypes
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:407
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::detail::tracking::tbm::TrackerParams::time_affinity_w
float time_affinity_w
Time affinity weight.
Definition: tracking_by_matching.hpp:285
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::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyColor
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
cv::utils::logging::LOG_LEVEL_WARNING
@ LOG_LEVEL_WARNING
Warning message.
Definition: logger.defines.hpp:29
cv::datasets::cameraParam::mat1
Matx33d mat1
Definition: msm_epfl.hpp:62
cv::cudacodec::EncoderParams
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:85
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::detail::SphericalWarper
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:315
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyFill
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
cv::AgastFeatureDetector::AGAST_7_12d
@ AGAST_7_12d
Definition: features2d.hpp:604
cv::cudev::blockReduce
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
cv::legacy::TrackerKCF::Params
Definition: tracking_legacy.hpp:271
cv::CAP_PROP_XI_DECIMATION_PATTERN
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:410
cv::line_descriptor::BinaryDescriptor::Params::reductionRatio
int reductionRatio
Definition: descriptor.hpp:200
cv::NORMCONV_FILTER
@ NORMCONV_FILTER
Normalized Convolution Filtering.
Definition: photo.hpp:800
cv::gapi::own::Size::height
int height
Definition: types.hpp:114
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:216
NCVVectorAlloc::NCVVectorAlloc
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
cv::DataDepth::fmt
@ fmt
Definition: traits.hpp:290
cv::MatExpr::op
const MatOp * op
Definition: mat.hpp:3548
cv::v256_load_aligned
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1667
split_merge.hpp
Ncv32f_a
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
cv::COLOR_Lab2RGB
@ COLOR_Lab2RGB
Definition: imgproc.hpp:609
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::detail::tracking::TrackerModel
Abstract class that represents the model of the target.
Definition: tracking.detail.hpp:276
cv::FONT_HERSHEY_COMPLEX
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: imgproc.hpp:826
cv::GIOProtoArgs::GIOProtoArgs
GIOProtoArgs(const GProtoArgs &args)
Definition: gproto.hpp:62
cv::detail::ExtractArgsCallback
Definition: garg.hpp:257
cv::ogl::Texture2D::Format
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:288
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::EVENT_FLAG_RBUTTON
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:228
cv::gapi::wip::draw::Rect
This structure represents a rectangle to draw.
Definition: render_types.hpp:125
cv::patchNaNs
void patchNaNs(InputOutputArray a, double val=0)
converts NaNs to the given number
cv::cuda::COLOR_BayerRG2GRAY_MHT
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
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::COLOR_YUV2RGB_UYNV
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:689
source.hpp
cv::dnn::DNN_TARGET_HDDL
@ DNN_TARGET_HDDL
Definition: dnn.hpp:97
cv::AsyncArray
Returns result of asynchronous operations.
Definition: async.hpp:31
cv::face::createFacemarkLBF
Ptr< Facemark > createFacemarkLBF()
construct an LBF facemark detector
cv::moveWindow
void moveWindow(const String &winname, int x, int y)
Moves the window to the specified position.
cv::xfeatures2d::HarrisLaplaceFeatureDetector
Class implementing the Harris-Laplace feature detector as described in .
Definition: xfeatures2d.hpp:919
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:3709
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:1574
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
nppiStDecimate_32u_C1R
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::flann::CvType< unsigned short >::type
static int type()
Definition: flann.hpp:78
cv::SimpleBlobDetector::Params::minCircularity
float minCircularity
Definition: features2d.hpp:731
cv::vle8_v_i8mf4
vint8mf4_t vle8_v_i8mf4(const int8_t *base)
Definition: intrin_rvv.hpp:201
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::PaniniPortraitWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:234
cv::createAlignMTB
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
cv::CASCADE_SCALE_IMAGE
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
cv::ml::StatModel
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:318
cv::optflow::GPCTrainingSamples::size
size_t size() const
Definition: sparse_matching_gpc.hpp:114
cv::DrawMatchesFlags::DRAW_OVER_OUTIMG
@ DRAW_OVER_OUTIMG
cv::DrawMatchesFlags::NOT_DRAW_SINGLE_POINTS
@ NOT_DRAW_SINGLE_POINTS
Single keypoints will not be drawn.
cv::IMWRITE_EXR_COMPRESSION_RLE
@ IMWRITE_EXR_COMPRESSION_RLE
run length encoding
Definition: imgcodecs.hpp:116
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::legacy::TrackerCSRT::~TrackerCSRT
virtual ~TrackerCSRT() CV_OVERRIDE
Definition: tracking_legacy.hpp:525
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
cv::optflow::GPCTrainingParams::printProgress
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:128
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.
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::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
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:1393
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::ParamType< Algorithm >::const_param_type
const typedef Ptr< Algorithm > & const_param_type
Definition: core.hpp:3246
cv::Feature2D
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:147
OPENCV_HAL_IMPL_RVV_REDUCE_SAD
#define OPENCV_HAL_IMPL_RVV_REDUCE_SAD(_Tpvec, scalartype)
Definition: intrin_rvv.hpp:1719
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::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::dnn::Model::setInputSize
Model & setInputSize(int width, int height)
Definition: dnn.hpp:1128
cv::gapi::core::GMatScalar
std::tuple< GMat, GScalar > GMatScalar
Definition: core.hpp:36
cv::gapi::s11n::IIStream
Definition: s11n.hpp:102
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::gapi::deserialize
static T deserialize(const std::vector< char > &p)
Definition: s11n.hpp:50
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::detail::NoBundleAdjuster
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:221
cv::saliency::ObjectnessBING::setW
void setW(int val)
Definition: saliencySpecializedClasses.hpp:357
cv::countNonZero
int countNonZero(InputArray src)
Counts non-zero array elements.
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.
cv::gapi::bitwise_not
GMat bitwise_not(const GMat &src)
Inverts every bit of an array.
cv::GCPUContext::inVal
const cv::Scalar & inVal(int input)
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::stereo::PropagationParameters::lkTemplateSize
int lkTemplateSize
Definition: quasi_dense_stereo.hpp:56
final_show.hpp
cv::COLOR_Luv2BGR
@ COLOR_Luv2BGR
Definition: imgproc.hpp:610
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getMaxCatCount
int getMaxCatCount() const
Definition: feature.hpp:176
cv::v_int32x16
v_reg< int, 16 > v_int32x16
Sixteen 32-bit signed integer values.
Definition: intrin_cpp.hpp:543
cv::cuda::registerPageLocked
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
cv::v_int64x2::get0
int64 get0() const
Definition: intrin_rvv.hpp:507
cv::stereo::PropagationParameters::gftQualityThres
float gftQualityThres
Definition: quasi_dense_stereo.hpp:62
cv::setUseOptimized
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
CVAUX_STR
#define CVAUX_STR(__A)
Definition: version.hpp:14
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::OpaqueRef::mov
void mov(OpaqueRef &v)
Definition: gopaque.hpp:285
cv::optflow::ST_BILINEAR
@ ST_BILINEAR
Definition: rlofflow.hpp:25
cv::v_uint8x16::v_uint8x16
v_uint8x16()
Definition: intrin_rvv.hpp:232
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::GStreamingCompiled
Represents a computation (graph) compiled for streaming.
Definition: gstreaming.hpp:136
cv::ocl::OpenCLExecutionContext::bind
void bind() const
cv::sfm::preconditionerFromPoints
void preconditionerFromPoints(InputArray points, OutputArray T)
cv::inv
Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
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::dnn::Model::getNetwork_
Net & getNetwork_()
Definition: dnn.hpp:1184
CV_CUDEV_MAKE_VEC_INST
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
cv::rgbd::RgbdICPOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:977
cv::cuda::evenLevels
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
sparse_match_interpolator.hpp
cv::dnn::BaseConvolutionLayer::stride
Size stride
Definition: all_layers.hpp:213
cv::cudev::InRangeFunc
unary_function implementation of inRange
Definition: functional.hpp:919
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:45
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:334
cv::MOTION_HOMOGRAPHY
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:265
cv::COLOR_YUV2GRAY_UYVY
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:719
cv::gapi::fluid::View::InLine
const T * InLine(int i) const
Definition: gfluidbuffer.hpp:64
cv::text::ERStat::pixel
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
cv::WINDOW_FULLSCREEN
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:191
cv::QUAT_ASSUME_UNIT
@ QUAT_ASSUME_UNIT
Definition: quaternion.hpp:52
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::ximgproc::WMF_IV1
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
cv::gapi::onnx::detail::ParamDesc::normalize
std::vector< bool > normalize
Definition: onnx.hpp:60
cv::cvtColor
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
cv::viz::Color::navy
static Color navy()
cv::Vec4f
Vec< float, 4 > Vec4f
Definition: matx.hpp:429
cv::IMWRITE_EXR_COMPRESSION_DWAB
@ IMWRITE_EXR_COMPRESSION_DWAB
lossy DCT based compression, in blocks of 256 scanlines. More efficient space wise and faster to deco...
Definition: imgcodecs.hpp:124
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:1369
cv::datasets::GR_skigObj::type
actionType type
Definition: gr_skig.hpp:102
cv::v_uint64x8
v_reg< uint64, 8 > v_uint64x8
Eight 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:549
cv::gapi::mean
GScalar mean(const GMat &src)
Calculates an average (mean) of matrix elements.
cv::cudev::brdReflect
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
cv::utils::AllocatorStatisticsInterface::getCurrentUsage
virtual uint64_t getCurrentUsage() const =0
cv::gapi::wip::GCaptureSource::first
cv::Mat first
Definition: cap.hpp:58
cv::cudev::BrdBase::src
SrcPtr src
Definition: extrapolation.hpp:99
cv::gapi::onnx::Params::cfgPostProc
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &out_metas, const PostProc &pp, const std::vector< std::string > &names_to_remap)
Definition: onnx.hpp:163
cv::Matx32d
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:244
cv::stereo::StereoBinarySGBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::instr::useInstrumentation
bool useInstrumentation()
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::INTER_BITS
@ INTER_BITS
Definition: imgproc.hpp:287
warp.hpp
cv::cuda::HostMem::flags
int flags
Definition: cuda.hpp:792
cv::THRESH_BINARY
@ THRESH_BINARY
Definition: imgproc.hpp:321
hal_ni_log32f
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
OPENCV_HAL_IMPL_RVV_ABSDIFF
#define OPENCV_HAL_IMPL_RVV_ABSDIFF(_Tpvec, abs)
Definition: intrin_rvv.hpp:1677
viz3d.hpp
cv::Size2f
Size_< float > Size2f
Definition: types.hpp:345
cv::cudev::numeric_limits< schar >::max
__device__ static __forceinline__ schar max()
Definition: limits.hpp:70
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::parallel::tbb::ParallelForBackend::getName
const char * getName() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:145
cv::cuda::transpose
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
cv::MARKER_CROSS
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:839
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::datasets::cameraParam::imageWidth
int imageWidth
Definition: msm_epfl.hpp:66
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::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
Ptr2DSz ::index_type index_type
Definition: traits.hpp:62
cv::videostab::RansacParams::RansacParams
RansacParams()
Definition: motion_core.hpp:80
cv::FileStorage::write
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:891
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::cudev::binary_function
Definition: functional.hpp:68
cv::dnn::CorrelationLayer
Definition: all_layers.hpp:572
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:374
cv::getBuildInformation
const String & getBuildInformation()
Returns full configuration time cmake output.
cv::CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:429
cv::saliency::MotionSaliency
Definition: saliencyBaseClasses.hpp:111
common.hpp
cv::gapi::own::Point::Point
Point()=default
cv::reg::MapperGradAffine
Definition: mappergradaffine.hpp:52
cv::gapi::GKernelPackage::includesAPI
bool includesAPI() const
Definition: gkernel.hpp:577
integral.hpp
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D(double Alpha, size_t ModelIndex=0, size_t NumVotes=0)
Definition: pose_3d.hpp:83
cv::gapi::ie::detail::ParamDesc::layer_names_to_reshape
std::unordered_set< std::string > layer_names_to_reshape
Definition: ie.hpp:73
flann_base.hpp
ml.hpp
cv::instr::NodeData::m_fileName
const char * m_fileName
Definition: instrumentation.hpp:80
cv::ShapeContextDistanceExtractor
Implementation of the Shape Context descriptor and matching algorithm.
Definition: shape_distance.hpp:81
cv::Subdiv2D::Vertex::type
int type
Definition: imgproc.hpp:1228
cv::v_int64x8
v_reg< int64, 8 > v_int64x8
Eight 64-bit signed integer values.
Definition: intrin_cpp.hpp:551
cv::Quat::normalize
Quat< _Tp > normalize() const
return a normalized .
cv::multicalib::MultiCameraCalibration::edge::transform
Mat transform
Definition: multicalib.hpp:87
cv::v_uint32x4::v_uint32x4
v_uint32x4()
Definition: intrin_rvv.hpp:362
cv::COLOR_BGR2YUV_YV12
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:743
cv::aruco::CORNER_REFINE_APRILTAG
@ CORNER_REFINE_APRILTAG
Tag and corners detection based on the AprilTag 2 approach .
Definition: aruco.hpp:85
cv::GC_INIT_WITH_MASK
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:360
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.
filesystem.private.hpp
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::fisheye::CALIB_FIX_FOCAL_LENGTH
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:3777
cv::CAP_PROP_XI_CC_MATRIX_22
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:458
cv::ovis::SceneSettings
SceneSettings
Definition: ovis.hpp:44
cv::getVersionRevision
int getVersionRevision()
Returns revision field of the library version.
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::AVIReadContainer::getHeight
unsigned int getHeight()
Definition: container_avi.private.hpp:94
cv::CAP_PROP_PVAPI_BINNINGY
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:340
cv::ocl::OpenCLExecutionContext
Definition: ocl.hpp:754
cv::setRNGSeed
void setRNGSeed(int seed)
Sets state of default random number generator.
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::v_uint64x2::val
uint64 val[2]
Definition: intrin_rvv.hpp:480
cv::detail::SphericalProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::detail::Blender::NO
@ NO
Definition: blenders.hpp:68
cv::COLOR_RGB2YUV
@ COLOR_RGB2YUV
Definition: imgproc.hpp:636
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::cudev::RemapPtr2Sz
Definition: remap.hpp:103
cv::bioinspired::SegmentationParameters::thresholdOFF
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
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::detail::tracking::online_boosting::BaseClassifier::getErrors
void getErrors(float *errors)
cv::cudev::Texture::rows
int rows
Definition: texture.hpp:207
remap.hpp
cv::hal::exp64f
void exp64f(const double *src, double *dst, int n)
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:150
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::~WeakClassifierHaarFeature
virtual ~WeakClassifierHaarFeature()
cv::detail::KernelTypeMedium
Definition: gkernel.hpp:263
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::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:377
cv::Subdiv2D::topLeft
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1252
cv::datasets::Dataset::validation
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:581
cv::CALIB_FIX_TAUX_TAUY
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:511
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:92
cv::stereo::CV_MODIFIED_CS_CENSUS
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:14
wobble_suppression.hpp
cv::ft::inpaint
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
cv::cudev::IsPowerOf2
Definition: type_traits.hpp:89
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:62
cv::datasets::TRACK_alovObj
Definition: track_alov.hpp:61
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::LDR_SIZE
@ LDR_SIZE
Definition: photo.hpp:332
cv::INTER_AREA
@ INTER_AREA
Definition: imgproc.hpp:255
cv::Error::StsOutOfRange
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
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:2843
cv::VIDEO_ACCELERATION_ANY
@ VIDEO_ACCELERATION_ANY
Definition: videoio.hpp:230
cv::detail::get_out
Definition: gcpukernel.hpp:244
cv::Quat::createFromZRot
static Quat< _Tp > createFromZRot(const _Tp theta)
get a quaternion from a rotation about the Z-axis by .
cv::cudev::PyrDownBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
cv::cudev::LutPtrSz::rows
int rows
Definition: lut.hpp:77
cv::dnn::DetectionOutputLayer
Detection output layer.
Definition: all_layers.hpp:618
cv::softdouble::pi
static softdouble pi()
Correct pi approximation.
Definition: softfloat.hpp:360
cv::v_setall_u64
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2844
cv::detail::tracking::tbm::TrackedObject::object_id
int object_id
Unique object identifier (-1 if N/A).
Definition: tracking_by_matching.hpp:37
cv::reg::MapperPyramid::numLev_
int numLev_
Definition: mapperpyramid.hpp:68
cv::ReduceTypes
ReduceTypes
Definition: core.hpp:230
dmatch.hpp
cv::stereo::PropagationParameters::disparityGradient
int disparityGradient
Definition: quasi_dense_stereo.hpp:53
cv::Point_::operator=
Point_ & operator=(const Point_ &pt)
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::cudev::ReduceToColumnBody::src
SrcPtr src
Definition: reduction.hpp:198
cv::RETR_LIST
@ RETR_LIST
Definition: imgproc.hpp:423
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::NEIGH_FLANN_KNN
@ NEIGH_FLANN_KNN
Definition: calib3d.hpp:550
cv::ximgproc::EdgeDrawing::Params::Sigma
float Sigma
sigma value for internal GaussianBlur() function.
Definition: edge_drawing.hpp:59
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
simd512::vx_setall_u16
v_uint16 vx_setall_u16(ushort v)
Definition: intrin.hpp:497
cv::CMP_EQ
@ CMP_EQ
src1 is equal to src2.
Definition: base.hpp:211
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::v_int8x16
Definition: intrin_rvv.hpp:260
cv::hal::split8u
void split8u(const uchar *src, uchar **dst, int len, int cn)
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::viz::WArrow
This 3D Widget defines an arrow.
Definition: widgets.hpp:288
cv::kinfu::Params::icpDistThresh
float icpDistThresh
distance theshold for ICP in meters
Definition: kinfu.hpp:147
cv::cudev::vsetge2
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
cv::quality::QualitySSIM::_mat_data
Definition: qualityssim.hpp:53
cv::LMSolver::Callback::~Callback
virtual ~Callback()
Definition: calib3d.hpp:610
cv::detail::tracking::online_boosting::BaseClassifier::getIdxOfNewWeakClassifier
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:128
cv::gapi::GKernelPackage::includes
bool includes() const
Test if a particular kernel implementation KImpl is included in this kernel package.
Definition: gkernel.hpp:538
cv::xphoto::createSimpleWB
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
cv::GMatDesc::planar
GAPI_PROP bool planar
Definition: gmat.hpp:82
cv::gapi::s11n::detail::S11N::serialize
static void serialize(IOStream &, const T &)
Definition: base.hpp:28
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::sfm::skew
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
cv::linemod::DepthNormal::num_features
size_t num_features
Definition: linemod.hpp:234
cv::face::CParams::CParams
CParams(String cascade_model, double sf=1.1, int minN=3, Size minSz=Size(30, 30), Size maxSz=Size())
cv::gapi::div
GMat div(const GMat &src1, const GMat &src2, double scale, int ddepth=-1)
Performs per-element division of two matrices.
cv::detail::tracking::contrib_feature::CvHOGEvaluator
Definition: feature.hpp:301
cv::cudev::NormL1
Definition: vec_distance.hpp:61
cv::vuint8mf4_t::val
uchar val[4]
Definition: intrin_rvv.hpp:130
cv::legacy::Tracker
Base abstract class for the long-term tracker:
Definition: tracking_legacy.hpp:72
cv::COLOR_RGB2BGR555
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:573
cv::CCL_DEFAULT
@ CCL_DEFAULT
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity. The parallel implement...
Definition: imgproc.hpp:408
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:3136
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::videostab::StabilizerBase::motionEstimator
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:84
cv::ft::SINUS
@ SINUS
sinusoidal shape
Definition: types.hpp:56
cv::TrackerCSRT::Params::admm_iterations
int admm_iterations
Definition: tracking.hpp:64
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::v512_load
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load(const _Tp *ptr)
Load 512-bit length register contents from memory.
Definition: intrin_cpp.hpp:1636
NCVBroxOpticalFlowDescriptor::number_of_outer_iterations
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
cv::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:515
cv::CLAHE
Base class for Contrast Limited Adaptive Histogram Equalization.
Definition: imgproc.hpp:961
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:66
ppf_match_3d.hpp
cv::gapi::streaming::detail::GMeta::id
static const char * id()
Definition: meta.hpp:28
cv::kinfu::Intr::Intr
Intr(cv::Matx33f m)
Definition: intrinsics.hpp:63
cv::optflow::GPCPatchDescriptor
Definition: sparse_matching_gpc.hpp:65
CPU_AVX512_SKX
@ CPU_AVX512_SKX
Skylake-X with AVX-512F/CD/BW/DQ/VL.
Definition: cvdef.h:333
cv::detail::tracking::contrib_feature::CvFeatureParams::HOG
@ HOG
Definition: feature.hpp:147
cv::BackgroundSubtractor::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
cv::GCPUStKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:483
cv::LUT
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
cv::videostab::StabilizerBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:117
cv::xfeatures2d::PCTSignatures::GAUSSIAN
@ GAUSSIAN
Definition: xfeatures2d.hpp:482
cv::rgbd::RgbdFrame::ID
int ID
Definition: depth.hpp:472
cv::IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:148
CPU_VSX
@ CPU_VSX
Definition: cvdef.h: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::ximgproc::EdgeDrawing::Params::ScanInterval
int ScanInterval
Definition: edge_drawing.hpp:55
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::videostab::IOutlierRejector::~IOutlierRejector
virtual ~IOutlierRejector()
Definition: outlier_rejection.hpp:61
cv::datasets::OR_pascal
Definition: or_pascal.hpp:89
cv::cudev::SobelYPtr
Definition: deriv.hpp:188
cv::Mat::datalimit
const uchar * datalimit
Definition: mat.hpp:2103
cvstd.hpp
cv::line_descriptor::BinaryDescriptor::Params
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:186
cv::gapi::own::Point2f
Definition: types.hpp:31
cv::mcc::DetectorParameters::maxError
float maxError
Definition: checker_detector.hpp:117
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::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::face::FacemarkLBF::Params::bagging_overlap
double bagging_overlap
overlap ratio for training the LBF feature
Definition: facemarkLBF.hpp:76
cv::TermCriteria::TermCriteria
TermCriteria()
default constructor
cv::mcc::DetectorParameters::create
static Ptr< DetectorParameters > create()
cv::CAP_INTELPERC_IR_GENERATOR
@ CAP_INTELPERC_IR_GENERATOR
Definition: videoio.hpp:588
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:687
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
OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1372
cv::CirclesGridFinderParameters::minDistanceToAddKeypoint
int minDistanceToAddKeypoint
Definition: calib3d.hpp:1636
G_TYPED_KERNEL
#define G_TYPED_KERNEL(Class,...)
Definition: gkernel.hpp:344
cv::detail::GCompoundKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcompoundkernel.hpp:119
cv::mcc::DetectorParameters::confidenceThreshold
double confidenceThreshold
Definition: checker_detector.hpp:112
cv::cudacodec::FormatInfo::chromaFormat
ChromaFormat chromaFormat
Definition: cudacodec.hpp:284
cv::detail::CameraParams::aspect
double aspect
Definition: camera.hpp:66
cv::sfm::triangulatePoints
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
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::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:47
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:70
cv::RMat::View::dims
const std::vector< int > & dims() const
Definition: rmat.hpp:70
scalar.hpp
cv::ccm::DISTANCE_TYPE
DISTANCE_TYPE
Enum of possible functions to calculate the distance between colors.
Definition: ccm.hpp:344
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::detail::tracking::online_boosting::Detector::getPatchIdxOfDetection
int getPatchIdxOfDetection(int detectionIdx)
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::CAP_PROP_MODE
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:145
cv::AVIReadContainer::m_is_indx_present
bool m_is_indx_present
Definition: container_avi.private.hpp:132
cv::gapi::plaidml::config::dev_id
std::string dev_id
Device ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:30
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::cuda::GpuMatND::StepArray
std::vector< size_t > StepArray
Definition: cuda.hpp:362
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::detail::tracking::online_boosting::BaseClassifier::weakClassifier
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:143
cv::checkHardwareSupport
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
cv::SparseMat::Hdr::nodeSize
size_t nodeSize
Definition: mat.hpp:2682
CV_16SC1
#define CV_16SC1
Definition: interface.h:106
nppStBorderClamp
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
cv::detail::MultiBandBlender
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:127
cv::util::get
const T & get(const util::variant< Types... > &v)
Definition: variant.hpp:397
OPENCV_HAL_IMPL_RVV_EXTRACT
#define OPENCV_HAL_IMPL_RVV_EXTRACT(_Tpvec, _Tp, suffix, width, vmv)
Definition: intrin_rvv.hpp:670
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::viz::AMBIENT
@ AMBIENT
Definition: widgets.hpp:70
cv::RMat::Adapter
Definition: rmat.hpp:101
cv::utils::logging::getLogTagLevel
cv::utils::logging::LogLevel getLogTagLevel(const char *tag)
cv::GFluidOutputRois
This structure allows to control the output image region which Fluid backend will produce in the grap...
Definition: gfluidkernel.hpp:109
cv::img_hash::BlockMeanHashMode
BlockMeanHashMode
Definition: block_mean_hash.hpp:16
cv::linemod::Match::class_id
String class_id
Definition: linemod.hpp:285
cv::BackgroundSubtractorKNN
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:229
hierarchical_clustering_index.h
cv::detail::tracking::online_boosting::BaseClassifier::BaseClassifier
BaseClassifier(int numWeakClassifier, int iterationInit)
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::ccm::COLORCHECKER_Macbeth
@ COLORCHECKER_Macbeth
Macbeth ColorChecker.
Definition: ccm.hpp:89
cv::dnn::Net::LayerId
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:473
cv::gapi::s11n::detail::has_S11N_spec::value
static constexpr bool value
Definition: base.hpp:37
cv::cudev::SobelYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
cv::WARP_POLAR_LINEAR
@ WARP_POLAR_LINEAR
Remaps an image to/from polar space.
Definition: imgproc.hpp:282
cv::utils::lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:18
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.
simd512::v_float32
v_float32x16 v_float32
Maximum available vector register capacity 32-bit floating point values (single precision)
Definition: intrin.hpp:402
cv::rgbd::RgbdICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:929
cv::cudev::DefaultReduceToVecPolicy::block_size_y
@ block_size_y
Definition: reduce_to_vec.hpp:215
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:216
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::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::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:198
cv::HOGDescriptor::~HOGDescriptor
virtual ~HOGDescriptor()
Default destructor.
Definition: objdetect.hpp:434
cv::cuda::FEATURE_SET_COMPUTE_50
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:999
cv::depthToString
const char * depthToString(int depth)
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
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::GCPUContext::m_args
std::vector< GArg > m_args
Definition: gcpukernel.hpp:123
cv::reg::MapProjec::getProjTr
const cv::Matx< double, 3, 3 > & getProjTr() const
Definition: mapprojec.hpp:84
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::COLOR_RGB2RGBA
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:534
cv::detail::PaniniPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
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:269
cv::CommandLineParser::get
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:866
cv::detail::OCVStCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:451
cv::utils::dumpSizeT
static String dumpSizeT(size_t argument)
Definition: bindings_utils.hpp:39
cv::stereo::StereoBinarySGBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
HaarStage64::getStartClassifierRootNodeOffset
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:307
cv::fisheye::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:3769
cv::COLOR_BGR2HSV
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value) with H range 0..180 if 8 bit image, color conversions
Definition: imgproc.hpp:594
cv::videostab::StabilizerBase::trimRatio_
float trimRatio_
Definition: stabilizer.hpp:121
nppiStTranspose_64f_C1R
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::InferAPI
Definition: infer.hpp:218
cv::BORDER_REPLICATE
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:270
reduce.hpp
cv::MORPH_GRADIENT
@ MORPH_GRADIENT
Definition: imgproc.hpp:220
cv::cudev::bind2nd
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:1014
cv::GTransform::GTransform
GTransform(const std::string &d, const F &p, const F &s)
Definition: gtransform.hpp:34
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_)
Definition: intrin.hpp:133
cv::plot::Plot2d
Definition: plot.hpp:65
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:2696
cv::cudev::TypeTraits::is_pointer
@ is_pointer
Definition: type_traits.hpp:140
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:555
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::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::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::linemod::QuantizedPyramid::~QuantizedPyramid
virtual ~QuantizedPyramid()
Definition: linemod.hpp:59
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:724
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::cudev::PerspectiveMapPtr
Definition: warping.hpp:107
Ncv32u_a
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:215
cv::ximgproc::SLICO
@ SLICO
Definition: slic.hpp:132
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::cudev::IsPowerOf2::value
@ value
Definition: type_traits.hpp:91
swt_text_detection.hpp
cv::quality::QualityBRISQUE::_range
cv::Mat _range
Definition: qualitybrisque.hpp:68
tuple.hpp
cv::detail::ChannelsCompensator::setNrFeeds
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:155
cv::dnn::TextDetectionModel_DB
This class represents high-level API for text detection DL networks compatible with DB model.
Definition: dnn.hpp:1555
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:107
cv::ppf_match_3d::PPF3DDetector
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:97
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::CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:431
cv::CAP_PROP_XI_AEAG_LEVEL
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:396
cv::detail::OptRef::Holder
Definition: gstreaming.hpp:40
cv::GCPUStKernelImpl::State
S State
Definition: gcpukernel.hpp:481
cv::QT_CHECKBOX
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:259
cv::cudev::DefaultGlobReducePolicy::block_size_x
@ block_size_x
Definition: reduce.hpp:296
cv::structured_light::GrayCodePattern::Params::height
int height
Definition: graycodepattern.hpp:80
cv::kinfu::Volume
Definition: volume.hpp:18
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::rgbd::ICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:795
qualitybrisque.hpp
OPENCV_HAL_IMPL_C_INIT_VAL
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, prefix, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2830
cv::GOpaque
Definition: gopaque.hpp:33
gtransform.hpp
cv::detail::SeamFinder::VORONOI_SEAM
@ VORONOI_SEAM
Definition: seam_finders.hpp:62
cv::utils::fs::remove_all
void remove_all(const cv::String &path)
cv::superres::DualTVL1OpticalFlow
Definition: optical_flow.hpp:103
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::init
virtual void init(const CvFeatureParams &fp) CV_OVERRIDE
cv::v_int64x2::v_int64x2
v_int64x2(int64 v0, int64 v1)
Definition: intrin_rvv.hpp:494
cv::CAP_PROP_OPENNI2_SYNC
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:283
cv::ovis::SCENE_SHADOWS
@ SCENE_SHADOWS
Enable real-time shadows in the scene. All entities cast shadows by default. Control via ENTITY_CAST_...
Definition: ovis.hpp:57
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:2670
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.
VADisplay
void * VADisplay
Definition: va_intel.hpp:22
cv::CALIB_ZERO_TANGENT_DIST
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:499
cv::util::optional::value
T & value()
Definition: optional.hpp:139
cv::MatExpr::max
static MatExpr max(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3703
cv::CAP_PROP_PVAPI_BINNINGX
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:339
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:4324
cv::linemod::DepthNormal::distance_threshold
int distance_threshold
Definition: linemod.hpp:232
cv::NORM_RELATIVE
@ NORM_RELATIVE
flag
Definition: base.hpp:206
NCVMatrix::_height
Ncv32u _height
Definition: NCV.hpp:834
cv::GFluidKernelImpl::kernel
static GFluidKernel kernel()
Definition: gfluidkernel.hpp:423
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:268
cv::v_int8x16::get0
schar get0() const
Definition: intrin_rvv.hpp:285
cv::v_reinterpret_as_s8
v_reg< schar, n0 *sizeof(_Tp0)/sizeof(schar)> v_reinterpret_as_s8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2885
cv::detail::tracking::online_boosting::Detector::getNumDetections
int getNumDetections()
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::BOWKMeansTrainer::clusterCount
int clusterCount
Definition: features2d.hpp:1456
cv::Accumulator< short >::Type
float Type
Definition: features2d.hpp:888
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::vuint16mf2_t::val
ushort val[4]
Definition: intrin_rvv.hpp:49
cv::cuda::ALPHA_PLUS
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
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::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:62
logger.h
cv::dnn::ExpLayer::shift
float shift
Definition: all_layers.hpp:506
cv::GCall::yieldP
GMatP yieldP(int output=0)
cv::ocl::finish
void finish()
cv::v_float64x8
v_reg< double, 8 > v_float64x8
Eight 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:547
GAPI_PROP
#define GAPI_PROP
Definition: exports.hpp:20
cv::FastFeatureDetector::DetectorType
DetectorType
Definition: features2d.hpp:542
cv::Matx31f
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:232
cv::UMatData::allocatorContext
std::shared_ptr< void > allocatorContext
Definition: mat.hpp:572
simd512::vx_load_low
v_float64 vx_load_low(const double *ptr)
Definition: intrin.hpp:573
radial_variance_hash.hpp
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::gapi::ie::detail::ParamDesc::output_names
std::vector< std::string > output_names
Definition: ie.hpp:57
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::superres::PyrLKOpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::PyRotationWarper::setScale
void setScale(float)
Definition: warpers.hpp:130
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:4330
cv::legacy::TrackerBoosting::Params::samplerSearchFactor
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:156
NcvPoint2D32u
Definition: NCV.hpp:200
cv::ml::DTrees::Node::value
double value
Definition: ml.hpp:1161
cv::gapi::onnx::Params::cfgPostProc
Params< Net > & cfgPostProc(std::vector< cv::GMatDesc > &&out_metas, PostProc &&pp)
Definition: onnx.hpp:145
cv::cuda::setDevice
void setDevice(int device)
Sets a device and initializes it for the current thread.
cv::videostab::StabilizerBase::stabilizationMotions_
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:139
cv::viz::KeyboardEvent::code
unsigned char code
Definition: types.hpp:304
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::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::gapi::own::detail::MatHeader::operator=
MatHeader & operator=(MatHeader &&src)
Definition: mat.hpp:65
cv::TLSDataAccumulator::_cleanupDetachedData
void _cleanupDetachedData()
Definition: tls.hpp:191
cv::QuatEnum::EXT_ZXZ
@ EXT_ZXZ
Extrinsic rotations with the Euler angles type Z-X-Z.
Definition: quaternion.hpp:123
cv::quality::quality_utils::get_column_range
cv::Mat get_column_range(const cv::Mat &data)
Definition: quality_utils.hpp:62
cv::cudev::NormL1::value_type
int value_type
Definition: vec_distance.hpp:63
cv::detail::OptRef::OptHolder::Ptr
std::shared_ptr< OptHolder > Ptr
Definition: gstreaming.hpp:38
cv::dnn::BNLLLayer
Definition: all_layers.hpp:483
cv::detail::OpaqueKind::CV_BOOL
@ CV_BOOL
cv::Mat::deallocate
void deallocate()
internal use function, consider to use 'release' method instead; deallocates the matrix data
cv::rgbd::RgbdNormals::getCols
int getCols() const
Definition: depth.hpp:132
cv::Stitcher::seamFinder
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:244
cv::Quat::tan
Quat< _Tp > tan() const
return tan value of this quaternion, tan could be calculated as:
cv::aruco::DetectorParameters::aprilTagMinClusterPixels
int aprilTagMinClusterPixels
Definition: aruco.hpp:182
cv::detail::StereographicWarper
Definition: warpers.hpp:381
cv::MORPH_RECT
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:232
cv::SOLVEPNP_IPPE
@ SOLVEPNP_IPPE
Definition: calib3d.hpp:465
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::aruco::DetectorParameters::perspectiveRemoveIgnoredMarginPerCell
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:172
cv::COLOR_YUV2RGBA_UYNV
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:698
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::createMergeRobertson
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
cv::INPAINT_TELEA
@ INPAINT_TELEA
Use the algorithm proposed by Alexandru Telea .
Definition: photo.hpp:97
cv::legacy::MultiTracker_Alt::MultiTracker_Alt
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracking_legacy.hpp:425
OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COMPARATOR
#define OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COMPARATOR(i, field)
Definition: functional.hpp:810
cv::large_kinfu::Params::frameSize
Size frameSize
frame size in pixels
Definition: large_kinfu.hpp:39
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])
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:108
cv::detail::in_variant
Definition: garg.hpp:113
GAPI_WRAP
#define GAPI_WRAP
Definition: exports.hpp:21
cv::cudev::TexturePtr::texObj
cudaTextureObject_t texObj
Definition: texture.hpp:190
cv::GC_INIT_WITH_RECT
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:356
cv::DetectionBasedTracker::IDetector::setScaleFactor
void setScaleFactor(float value)
Definition: detection_based_tracker.hpp:100
cv::datasets::AR_sportsObj
Definition: ar_sports.hpp:60
cv::detail::tracking::contrib_feature::CvHOGEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
cv::detail::VectorRefT::wref
std::vector< T > & wref()
Definition: garray.hpp:186
cv::cudev::SobelYPtrSz::rows
int rows
Definition: deriv.hpp:209
cv::cuda::sqrSum
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
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::ximgproc::WMF_IV2
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
cv::TrackerKCF::Params
Definition: tracking.hpp:117
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
NCVMemoryTypeDevice
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
graycodepattern.hpp
cv::kinfu::makeVolume
Ptr< Volume > makeVolume(const VolumeParams &_volumeParams)
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::DetectionBasedTracker::Parameters
Definition: detection_based_tracker.hpp:60
cv::CirclesGridFinderParameters::minDensity
float minDensity
Definition: calib3d.hpp:1634
cv::Node::m_payload
OBJECT m_payload
Definition: utility.hpp:1125
schar
signed char schar
Definition: interface.h:48
cv::text::ERStat::min_probability_ancestor
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
cv::datasets::GR_chalearnObj
Definition: gr_chalearn.hpp:75
traits.hpp
dataset.hpp
cv::SparseMatConstIterator::hashidx
size_t hashidx
Definition: mat.hpp:3222
cv::MatIterator_::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3139
cv::dnn::InterpLayer
Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2.
Definition: all_layers.hpp:674
cv::UMatData::MemoryFlag
MemoryFlag
Definition: mat.hpp:536
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::GRunArgs
std::vector< GRunArg > GRunArgs
Definition: garg.hpp:165
cv::xfeatures2d::FASTForPointSet
void FASTForPointSet(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true, cv::FastFeatureDetector::DetectorType type=FastFeatureDetector::TYPE_9_16)
Estimates cornerness for prespecified KeyPoints using the FAST algorithm.
cv::stereo::MatchQuasiDense::p0
cv::Point2i p0
Definition: quasi_dense_stereo.hpp:29
cv::cudev::ScharrXPtr
Definition: deriv.hpp:234
cv::FileNode::read
static void read(const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value)
Definition: persistence.hpp:1194
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
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::IMWRITE_PAM_FORMAT_RGB
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:149
cv::cudev::IsUnaryFunction::No::a
Yes a[2]
Definition: functional.hpp:1027
cv::ppf_match_3d::indexPCFlann
void * indexPCFlann(Mat pc)
cv::GCall::m_priv
std::shared_ptr< Priv > m_priv
Definition: gcall.hpp:69
OPENCV_HAL_IMPL_RVV_REDUCE
#define OPENCV_HAL_IMPL_RVV_REDUCE(_Tpvec, func, scalartype, suffix, width, red)
Definition: intrin_rvv.hpp:1491
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::CALIB_CB_ACCURACY
@ CALIB_CB_ACCURACY
Definition: calib3d.hpp:485
cv::face::FacemarkAAM::Model::Texture::A0
Mat A0
average of gray values from all face region in the dataset
Definition: facemarkAAM.hpp:121
cv::dnn::ScaleLayer::axis
int axis
Definition: all_layers.hpp:555
CPU_NEON
@ CPU_NEON
Definition: cvdef.h:324
cv::CAP_REALSENSE
@ CAP_REALSENSE
Synonym for CAP_INTELPERC.
Definition: videoio.hpp:113
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:1324
cv::bioinspired::RETINA_COLOR_DIAGONAL
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
cv::PaniniPortraitWarper
Definition: warpers.hpp:226
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::stereo::StereoMatcher::setSpeckleWindowSize
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
cv::cuda::ImagePyramid
Definition: cudalegacy.hpp:70
cv::Mat_::channels
int channels() const
mapper.hpp
cv::detail::ExposureCompensator::setMatGains
virtual void setMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:89
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:494
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::cuda::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
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::rgbd::RgbdFrame::normals
Mat normals
Definition: depth.hpp:476
cv::detail::PlaneWarper
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:199
cv::Vec4i
Vec< int, 4 > Vec4i
Definition: matx.hpp:423
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::rgbd::RgbdOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:652
cv::Mat_::cross
Mat_ cross(const Mat_ &m) const
cross-product
cv::detail::PlaneProjector
Definition: warpers.hpp:191
cv::rgbd::FastICPOdometry::getSigmaSpatial
float getSigmaSpatial() const
Definition: depth.hpp:1104
cv::cudev::NearestInterPtrSz::cols
int cols
Definition: interpolation.hpp:78
cv::cudev::smem_tuple
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
cv::graph_dump_path
Ask G-API to dump compiled graph in Graphviz format under the given file name.
Definition: gcommon.hpp:248
cv::datasets::AR_sports
Definition: ar_sports.hpp:66
cv::cudev::countNonZero_
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
cv::text::ERGROUPING_ORIENTATION_HORIZ
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:279
cv::ppf_match_3d::HSHTBL_i::nodes
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
cv::v_uint32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:360
cv::CAP_OPENNI_GRAY_IMAGE
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:306
cv::detail::OpaqueKind::CV_STRING
@ CV_STRING
cv::fisheye::CALIB_FIX_PRINCIPAL_POINT
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:3775
cv::ParamType< unsigned >::member_type
unsigned member_type
Definition: core.hpp:3263
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::In_Tag
Definition: gproto.hpp:89
cv::USAC_FAST
@ USAC_FAST
USAC, fast settings.
Definition: calib3d.hpp:450
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::text::ocr_engine_mode
ocr_engine_mode
Tesseract.OcrEngineMode Enumeration.
Definition: ocr.hpp:83
cv::detail::tracking::TrackerSamplerCSC::Params::trackMaxPosNum
int trackMaxPosNum
Definition: tracking.detail.hpp:370
cv::DetectionBasedTracker::DETECTED_TEMPORARY_LOST
@ DETECTED_TEMPORARY_LOST
Definition: detection_based_tracker.hpp:142
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:245
cv::detail::tracking::online_boosting::Detector::classifySmooth
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
CV_AVX_512VBMI
#define CV_AVX_512VBMI
Definition: cv_cpu_dispatch.h:292
cv::USAC_PROSAC
@ USAC_PROSAC
USAC, sorted points, runs PROSAC.
Definition: calib3d.hpp:452
cv::Mat_::begin
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
cv::CAP_PROP_XI_DECIMATION_SELECTOR
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:407
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:1338
cv::detail::plaidml_get_out< cv::GMat >::get
static plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:95
cv::IMWRITE_EXR_COMPRESSION_ZIPS
@ IMWRITE_EXR_COMPRESSION_ZIPS
zlib compression, one scan line at a time
Definition: imgcodecs.hpp:117
cv::gapi::ie::Params< cv::gapi::Generic >::cfgNumRequests
Params & cfgNumRequests(size_t nireq)
Definition: ie.hpp:232
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(const T &obj)
Definition: gopaque.hpp:151
cv::dnn::PoolingLayer
Definition: all_layers.hpp:245
cv::hal::invSqrt64f
void invSqrt64f(const double *src, double *dst, int len)
cv::CAP_DC1394
@ CAP_DC1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:98
reduction.hpp
CvVideoCamera::customPreviewLayer
CALayer * customPreviewLayer
Definition: cap_ios.h:105
cv::ovis::createPlaneMesh
void createPlaneMesh(const String &name, const Size2f &size, InputArray image=noArray())
cv::cudev::DefaultSplitMergePolicy::block_size_y
@ block_size_y
Definition: split_merge.hpp:497
NcvSize32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
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.
cv::DFT_COMPLEX_INPUT
@ DFT_COMPLEX_INPUT
Definition: base.hpp:256
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:720
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::COLOR_YUV2BGR_I420
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:660
cv::ocl::vecopTypeToStr
const char * vecopTypeToStr(int t)
HaarFeature64
Definition: NCVHaarObjectDetection.hpp:78
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:384
cv::datasets::word::value
std::string value
Definition: tr_icdar.hpp:62
cv::ocl::Device::version
String version() const
cv::viz::SHADING
@ SHADING
Definition: widgets.hpp:69
cv::cudev::BrdBase
Definition: extrapolation.hpp:94
MatToCGImage
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
cv::gapi::python::GPythonFunctor
Definition: python.hpp:40
cv::TrackerKCF::Params::split_coeff
bool split_coeff
split the training coefficients into two matrices
Definition: tracking.hpp:128
cv::Quat::operator[]
_Tp & operator[](std::size_t n)
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:499
nppiStTranspose_32u_C1R_host
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::QuatEnum::EXT_YXZ
@ EXT_YXZ
Extrinsic rotations with the Euler angles type Y-X-Z.
Definition: quaternion.hpp:115
cv::ShapeMatchModes
ShapeMatchModes
Shape matching methods.
Definition: imgproc.hpp:457
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:638
cv::datasets::TR_icdar
Definition: tr_icdar.hpp:74
cv::COLOR_GRAY2RGB
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:554
cv::waitKeyEx
int waitKeyEx(int delay=0)
Similar to waitKey, but returns full key code.
cv::detail::InOutInfo
Definition: infer.hpp:82
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)
NCVMatrix
Definition: NCV.hpp:738
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::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:582
cv::omnidir::XYZ
@ XYZ
Definition: omnidir.hpp:77
cv::datasets::SLAM_tumindoorObj::transformMat
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
cv::detail::tracking
Definition: tracking.detail.hpp:22
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:184
cv::viz::Camera::setFov
void setFov(const Vec2d &fov)
Definition: types.hpp:222
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:420
render.hpp
cv::CAP_PROP_EXPOSURE
@ CAP_PROP_EXPOSURE
Exposure (only for those cameras that support).
Definition: videoio.hpp:151
cv::SHOW_TRACKBAR
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
cv::datasets::cameraParam::mat4
double mat4[3]
Definition: msm_epfl.hpp:65
cv::gapi::own::Scalar::all
static Scalar all(double v0)
Definition: scalar.hpp:33
cv::datasets::AR_hmdb
Definition: ar_hmdb.hpp:67
cv::detail::OpaqueKind::CV_UNKNOWN
@ CV_UNKNOWN
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::Size2i
Size_< int > Size2i
Definition: types.hpp:343
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:3088
cv::split
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
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:99
cv::ocl::convertFromImage
void convertFromImage(void *cl_mem_image, UMat &dst)
Convert OpenCL image2d_t to UMat.
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::datasets::word::y
int y
Definition: tr_icdar.hpp:63
cv::Mat_::step1
size_t step1(int i=0) const
_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::imreadmulti
bool imreadmulti(const String &filename, std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
cv::QtFont::dx
float dx
horizontal interval between letters
Definition: highgui.hpp:723
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::ogl::Arrays
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:406
cv::text::OEM_TESSERACT_ONLY
@ OEM_TESSERACT_ONLY
Definition: ocr.hpp:85
cv::KalmanFilter::measurementMatrix
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:397
cv::v_int64x2::val
int64 val[2]
Definition: intrin_rvv.hpp:512
cv::CAP_PROP_SAR_DEN
@ CAP_PROP_SAR_DEN
Sample aspect ratio: num/den (den)
Definition: videoio.hpp:177
cv::ImwritePNGFlags
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:135
cv::SimpleBlobDetector::Params::minDistBetweenBlobs
float minDistBetweenBlobs
Definition: features2d.hpp:722
cv::cudev::IntegerAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:273
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:2546
cv::legacy::TrackerBoosting::~TrackerBoosting
virtual ~TrackerBoosting() CV_OVERRIDE
Definition: tracking_legacy.hpp:177
cv::Formatter::FormatType
FormatType
Definition: core.hpp:3035
cv::InterpolationMasks
InterpolationMasks
Definition: imgproc.hpp:286
cv::PCA::Flags
Flags
Definition: core.hpp:2409
cv::LineIterator::ptr
uchar * ptr
Definition: imgproc.hpp:4857
cv::cudev::NearestInterPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
cv::hal::DFT1D::~DFT1D
virtual ~DFT1D()
Definition: hal.hpp:208
cv::GCPUKernelImpl
Definition: gcpukernel.hpp:462
nppiStTranspose_32f_C1R_host
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::utils::fs::getCacheDirectoryForDownloads
cv::String getCacheDirectoryForDownloads()
cv::datasets::OR_pascalObj::filename
std::string filename
Definition: or_pascal.hpp:80
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::datasets::FR_adienceObj::gender
genderType gender
Definition: fr_adience.hpp:73
cv::VecCommaInitializer::VecCommaInitializer
VecCommaInitializer(Vec< _Tp, m > *_vec)
cv::xfeatures2d::AffineFeature2D::create
static Ptr< AffineFeature2D > create(Ptr< FeatureDetector > keypoint_detector)
Creates an instance where keypoint detector and descriptor extractor are identical.
Definition: xfeatures2d.hpp:964
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::DrawMatchesFlags::DEFAULT
@ DEFAULT
cv::softfloat::zero
static softfloat zero()
Zero constant.
Definition: softfloat.hpp:204
cv::ppf_match_3d::hashtableRead
hashtable_int * hashtableRead(FILE *f)
cv::softdouble::getExp
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:316
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:136
cv::Subdiv2D::recentEdge
int recentEdge
Definition: imgproc.hpp:1250
cv::gapi::max
GMat max(const GMat &src1, const GMat &src2)
Calculates per-element maximum of two matrices.
cv::ximgproc::THINNING_GUOHALL
@ THINNING_GUOHALL
Definition: ximgproc.hpp:115
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::detail::DpSeamFinder::costFunction
CostFunction costFunction() const
Definition: seam_finders.hpp:128
cv::AsyncPromise::getArrayResult
AsyncArray getArrayResult()
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::datasets::join::Px
double Px
Definition: gr_chalearn.hpp:67
cv::gapi::own::detail::MatHeader::cols
int cols
Definition: mat.hpp:79
cv::ximgproc::Box::score
float score
Definition: edgeboxes.hpp:60
cv::optflow::GPCPatchSample
Definition: sparse_matching_gpc.hpp:77
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::AutoBuffer::~AutoBuffer
~AutoBuffer()
destructor. calls deallocate()
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:277
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:95
cv::cudev::SingleMaskChannels::index_type
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
cv::SIFT
Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform ...
Definition: features2d.hpp:276
cv::datasets::AR_sportsObj::labels
std::vector< int > labels
Definition: ar_sports.hpp:63
cv::AsyncPromise::_getImpl
void * _getImpl() const CV_NOEXCEPT
Definition: async_promise.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::xfeatures2d::Elliptic_KeyPoint::transf
Matx23f transf
the transformation between image space and local patch space
Definition: xfeatures2d.hpp:910
cv::ml::randMVNormal
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
cv::GCPUKernel
Definition: gcpukernel.hpp:135
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::datasets::FR_adience
Definition: fr_adience.hpp:83
cv::cudev::CommonAreaInterPtr
Definition: interpolation.hpp:294
CPU_AVX_512VL
@ CPU_AVX_512VL
Definition: cvdef.h:316
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::GMat::GMat
GAPI_WRAP GMat()
cv::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
cv::detail::GInferOutputsTyped
Definition: infer.hpp:89
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::ppf_match_3d::transformPCPose
Mat transformPCPose(Mat pc, const Matx44d &Pose)
cv::Matx::cols
@ cols
Definition: matx.hpp:104
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::v_float32x4
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:500
cv::FileStorage::State
State
Definition: persistence.hpp:323
cv::detail::tracking::contrib_feature::CvFeatureParams::maxCatCount
int maxCatCount
Definition: feature.hpp:155
cv::v_reinterpret_as_u16
v_reg< ushort, n0 *sizeof(_Tp0)/sizeof(ushort)> v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2886
cv::detail::BundleAdjusterAffine
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:289
cv::util::get_if
const T * get_if(const util::variant< Types... > *v) noexcept
Definition: variant.hpp:376
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::rgbd::FastICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:1128
cv::gapi::onnx::Params::cfgOutputLayers
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: onnx.hpp:101
cv::detail::ExtractArgsCallback::operator()
cv::GRunArgs operator()(const cv::GTypesInfo &info) const
Definition: garg.hpp:259
cv::COLOR_BayerRG2GRAY
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:760
cv::float16_t
Definition: cvdef.h:816
cv::ColorConversionCodes
ColorConversionCodes
Definition: imgproc.hpp:532
cv::GCtors
std::vector< detail::HostCtor > GCtors
Definition: gkernel.hpp:38
cv::cuda::SURF_CUDA::hessianThreshold
double hessianThreshold
Definition: cuda.hpp:182
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::CommonAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:299
cv::ccm::COLOR_SPACE_Lab_D50_10
@ COLOR_SPACE_Lab_D50_10
non-RGB color space
Definition: ccm.hpp:125
cv::gapi::wip::draw::Text::Text
Text()=default
cv::SparseMat::Node::hashval
size_t hashval
hash value
Definition: mat.hpp:2694
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::legacy::TrackerMedianFlow::Params
Definition: tracking_legacy.hpp:193
cv::cudev::ResizePtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
cv::GRunArgsP
std::vector< GRunArgP > GRunArgsP
Definition: garg.hpp:217
cv::parallel::openmp::ParallelForBackend::setNumThreads
virtual int setNumThreads(int nThreads) CV_OVERRIDE
Definition: parallel_for.openmp.hpp:56
cv::cudev::GpuMat_::row
__host__ GpuMat_ row(int y) const
cv::createEMDHistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::SOLVEPNP_AP3P
@ SOLVEPNP_AP3P
An Efficient Algebraic Solution to the Perspective-Three-Point Problem .
Definition: calib3d.hpp:464
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::optflow::GPCDetails::getCoordinatesFromIndex
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
cv::ppf_match_3d::destroyFlann
void destroyFlann(void *flannIndex)
cv::CAP_PROP_WB_TEMPERATURE
@ CAP_PROP_WB_TEMPERATURE
white-balance color temperature
Definition: videoio.hpp:181
cv::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:950
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::sfm::libmv_ReconstructionOptions::verbosity_level
int verbosity_level
Definition: simple_pipeline.hpp:155
cv::cudacodec::FormatInfo::height
int height
Definition: cudacodec.hpp:287
cv::cudev::identity
Definition: functional.hpp:280
cv::detail::InOutInfo::in_names
std::vector< std::string > in_names
Definition: infer.hpp:84
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
cvRound64
int64_t cvRound64(const cv::softdouble &a)
Rounds a number to nearest even long long integer.
cv::videostab::StabilizerBase::doInpainting_
bool doInpainting_
Definition: stabilizer.hpp:131
cv::util::bad_optional_access
Definition: optional.hpp:18
bufferpool.hpp
cv::cudev::NormL1::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
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:306
cv::xphoto::HAAR
@ HAAR
Definition: bm3d_image_denoising.hpp:64
cv::detail::CompileArgTag< cv::gapi::GKernelPackage >::tag
static const char * tag()
Definition: gkernel.hpp:736
exports.hpp
cv::FLOODFILL_FIXED_RANGE
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:380
cv::SOLVELP_SINGLE
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
cv::gapi::ie::detail::ParamDesc::Kind::Import
@ Import
cv::face::FacemarkLBF
Definition: facemarkLBF.hpp:48
cv::gapi::fluid::View::meta
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:75
cv::detail::tracking::TrackerContribFeatureHAAR
TrackerContribFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracking_internals.hpp:850
cv::COLOR_YUV2RGB_YUNV
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:707
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::gapi::ie::detail::ParamDesc::num_out
std::size_t num_out
Definition: ie.hpp:65
cv::saliency::ObjectnessBING::getW
int getW() const
Definition: saliencySpecializedClasses.hpp:353
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::mcc::DetectorParameters::B0factor
float B0factor
Definition: checker_detector.hpp:116
cv::CAP_ARAVIS
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:121
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::videostab::InpaintingPipeline::empty
bool empty() const
Definition: inpainting.hpp:112
cv::kinfu::Volume::raycastStepFactor
const float raycastStepFactor
Definition: volume.hpp:43
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::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::stereo::MatchQuasiDense::p1
cv::Point2i p1
Definition: quasi_dense_stereo.hpp:30
cv::dnn::PowerLayer
Definition: all_layers.hpp:495
cv::videostab::IMotionStabilizer
Definition: motion_stabilizing.hpp:59
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::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::datasets::triangle
@ triangle
Definition: gr_skig.hpp:63
cv::viz::Mesh::colors
Mat colors
point color of type CV_8UC3 or CV_8UC4 with only 1 row
Definition: types.hpp:130
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:18
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::MARKER_DIAMOND
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:842
cv::UsacParams::randomGeneratorState
int randomGeneratorState
Definition: calib3d.hpp:562
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::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::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:145
cv::TrackerKCF
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking.hpp:98
cv::asinh
Quat< T > asinh(const Quat< T > &q)
cv::rgbd::RgbdICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: depth.hpp:981
cv::rgbd::RgbdPlane::getSensorErrorA
double getSensorErrorA() const
Definition: depth.hpp:421
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::DataDepth
A helper class for cv::DataType.
Definition: traits.hpp:284
cv::gapi::own::descr_of
GMatDesc descr_of(const Mat &mat)
OPENCV_HAL_IMPL_RVV_ROTATE_OP
#define OPENCV_HAL_IMPL_RVV_ROTATE_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1755
cv::rgbd::ICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:831
cv::aruco::DetectorParameters::aprilTagQuadSigma
float aprilTagQuadSigma
Definition: aruco.hpp:179
simd512::v_uint32
v_uint32x16 v_uint32
Maximum available vector register capacity 32-bit unsigned integer values.
Definition: intrin.hpp:394
NPP_staging.hpp
cv::DIST_LABEL_CCOMP
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:371
cv::COLOR_YUV420sp2BGR
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:646
cv::GTypeInfo::shape
GShape shape
Definition: gkernel.hpp:31
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::beta
double beta
Default is 2.0.
Definition: kalman_filters.hpp:145
cv::EVENT_FLAG_CTRLKEY
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:230
cv::cuda::createLookUpTable
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
cv::cudev::thresh_trunc_func
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
cv::cudev::vseteq4
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
cv::CAP_PROP_OPENNI2_MIRROR
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:284
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::TrackerMIL::Params
Definition: tracking.hpp:757
cv::TonemapMantiuk
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:428
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::gapi::ie::detail::ParamDesc::config
IEConfig config
Definition: ie.hpp:70
cv::cudev::NearestInterPtr::src
SrcPtr src
Definition: interpolation.hpp:68
cv::QuatEnum::INT_ZXY
@ INT_ZXY
Intrinsic rotations with the Euler angles type Z-X-Y.
Definition: quaternion.hpp:104
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
simd512::v_int16
v_int16x32 v_int16
Maximum available vector register capacity 16-bit signed integer values.
Definition: intrin.hpp:392
cv::v_reinterpret_as_u8
v_reg< uchar, n0 *sizeof(_Tp0)/sizeof(uchar)> v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2884
cv::detail::BundleAdjusterBase
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:133
cv::NAryMatIterator::ptrs
uchar ** ptrs
data pointers
Definition: mat.hpp:3414
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:18
cv::ximgproc::AngleRangeOption
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:64
cv::gapi::wip::make_src
IStreamSource::Ptr make_src(Args &&... args)
Definition: source.hpp:50
cv::text::OCR_LEVEL_WORD
@ OCR_LEVEL_WORD
Definition: ocr.hpp:62
cv::detail::GCompoundKernel::F
std::function< void(GCompoundContext &ctx)> F
Definition: gcompoundkernel.hpp:44
cv::aruco::DICT_6X6_250
@ DICT_6X6_250
Definition: dictionary.hpp:152
cv::dnn::ShuffleChannelLayer::group
int group
Definition: all_layers.hpp:394
cv::stereo::CV_SPARSE_CENSUS
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:13
cv::cudev::BrdConstant::index_type
int index_type
Definition: extrapolation.hpp:63
cv::CAP_PVAPI_PIXELFORMAT_RGB24
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:364
cv::CAP_OPENNI_DISPARITY_MAP_32F
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:302
cv::v256_setall_u16
v_uint16x16 v256_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2850
cv::gapi::wip::draw::render
void render(cv::MediaFrame &frame, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on the input media frame passed drawing primitivies.
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_LOG_INFO
#define CV_LOG_INFO(tag,...)
Definition: logger.hpp:132
fast_hough_transform.hpp
cv::datasets::LEFT
@ LEFT
Definition: slam_tumindoor.hpp:62
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:442
cv::ocl::isOpenCLActivated
static bool isOpenCLActivated()
Definition: ocl_defs.hpp:19
cv::cudacodec::EncoderParams::AvgBitrate
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:91
cv::videostab::OnePassStabilizer::motionFilter
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:149
cv::Stitcher::setBundleAdjuster
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:226
cv::minEnclosingCircle
void minEnclosingCircle(InputArray points, Point2f &center, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
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
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:247
mat.hpp
cv::cudev::DefaultTransposePolicy::tile_dim
@ tile_dim
Definition: transpose.hpp:87
cv::stereo::StereoBinaryBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
cv::cudev::BrdBase::cols
int cols
Definition: extrapolation.hpp:100
cv::cudev::atan2
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
cv::kinfu::Params::volumeDims
Vec3i volumeDims
Resolution of voxel space.
Definition: kinfu.hpp:108
cv::v_uint32x4::lane_type
unsigned lane_type
Definition: intrin_rvv.hpp:359
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::viz::Color::green
static Color green()
cv::TrackerCSRT
the CSRT tracker
Definition: tracking.hpp:34
cv::rgbd::RgbdOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:664
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::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:73
cv::kinfu::Params::volumeType
kinfu::VolumeType volumeType
Definition: kinfu.hpp:80
nppiStDecimate_64s_C1R
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::Subdiv2D::Vertex::pt
Point2f pt
Definition: imgproc.hpp:1229
cv::dnn::SegmentationModel
This class represents high-level API for segmentation models.
Definition: dnn.hpp:1263
vec_traits.hpp
cv::linemod::Match::y
int y
Definition: linemod.hpp:283
cv::datasets::IS_weizmannObj::srcColor
std::string srcColor
Definition: is_weizmann.hpp:64
cv::gapi::wip::draw::FText::FText
FText()=default
cv::cudev::warpCopy
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
cv::Matx::randn
static Matx randn(_Tp a, _Tp b)
Generates normally distributed random numbers.
cv::cuda::SURF_CUDA::upright
bool upright
Definition: cuda.hpp:186
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::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:585
cv::QuatEnum::INT_YZX
@ INT_YZX
Intrinsic rotations with the Euler angles type Y-Z-X.
Definition: quaternion.hpp:103
cv::CAP_PROP_XI_AG_MAX_LIMIT
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:395
cv::CmpTypes
CmpTypes
comparison types
Definition: base.hpp:211
cv::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams::AugmentedUnscentedKalmanFilterParams
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:186
cv::face::FaceRecognizer::write
virtual void write(const String &filename) const
Saves a FaceRecognizer and its model state.
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::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:140
cv::datasets::TR_svtObj
Definition: tr_svt.hpp:66
cv::FileNode::FLOW
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:497
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:61
cv::gapi::streaming::detail::desync
G desync(const G &g)
Definition: desync.hpp:41
cv::saturate_cast< uchar >
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:100
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
NCVVectorReuse
Definition: NCV.hpp:689
cv::v_int64x4
v_reg< int64, 4 > v_int64x4
Four 64-bit signed integer values.
Definition: intrin_cpp.hpp:528
cv::CALIB_HAND_EYE_HORAUD
@ CALIB_HAND_EYE_HORAUD
Hand-eye Calibration .
Definition: calib3d.hpp:534
cv::detail::TransformTag
Definition: gcommon.hpp:37
cv::stereo::StereoBinaryBM::setPreFilterType
virtual void setPreFilterType(int preFilterType)=0
desync.hpp
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::GC_PR_BGD
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:348
cv::utils::dumpRange
static String dumpRange(const Range &argument)
Definition: bindings_utils.hpp:107
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
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::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::USAGE_ALLOCATE_SHARED_MEMORY
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:460
cv::CAP_V4L2
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:94
cv::Mat::at
_Tp & at(int i0=0)
Returns a reference to the specified array element.
cv::Point3_::x
_Tp x
x coordinate of the 3D point
Definition: types.hpp:265
intrin_msa.hpp
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:545
cv::cudev::GlobPtrSz::rows
int rows
Definition: glob.hpp:87
cv::cudev::IsUnaryFunction::value
@ value
Definition: functional.hpp:1034
cv::borderInterpolate
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
cv::cuda::HOG::detectMultiScale
void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:191
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:478
cv::detail::PaniniPortraitProjector
Definition: warpers.hpp:451
cv::ximgproc::createEdgeAwareInterpolator
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
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::utils::getConfigurationParameterSizeT
size_t getConfigurationParameterSizeT(const char *name, size_t defaultValue)
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::rgbd::RgbdPlane::getThreshold
double getThreshold() const
Definition: depth.hpp:413
cv::MatIterator_::reference
_Tp & reference
Definition: mat.hpp:3137
cv::CALIB_THIN_PRISM_MODEL
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:508
cv::SparsePyrLKOpticalFlow
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:682
_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::ximgproc::qunitary
void qunitary(InputArray qimg, OutputArray qnimg)
divides each element by its modulus.
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:384
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::ximgproc::Box::y
int y
Definition: edgeboxes.hpp:59
cv::viz::KeyboardEvent::action
Action action
Definition: types.hpp:302
HaarClassifierCascadeDescriptor
Definition: NCVHaarObjectDetection.hpp:333
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:1518
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::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:60
cv::CAP_PROP_XI_BUFFER_POLICY
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:492
cv::datasets::GR_skigObj::rgb
std::string rgb
Definition: gr_skig.hpp:96
cv::COLOR_YUV2GRAY_UYNV
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:723
cv::Point2f
Point_< float > Point2f
Definition: types.hpp:192
cv::ocl::Program
Definition: ocl.hpp:508
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::datasets::TRACK_vot::data
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
GAPI_EXPORTS
#define GAPI_EXPORTS
Definition: exports.hpp:22
cv::cudev::gridPyrUp
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
marr_hildreth_hash.hpp
cv::COLOR_BGR5652GRAY
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:570
cv::max
softdouble max(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:441
cv::MJPEG
@ MJPEG
Definition: container_avi.private.hpp:73
extrapolation.hpp
cv::cuda::HoughSegmentDetector
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:399
cv::detail::last_type
Definition: gcomputation.hpp:27
cv::Error::StsFilterOffsetErr
@ StsFilterOffsetErr
incorrect filter offset value
Definition: base.hpp:100
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::GInferBase
Definition: infer.hpp:266
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::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::videostab::TranslationBasedLocalOutlierRejector
Definition: outlier_rejection.hpp:74
cv::cuda::HoughLinesDetector
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:341
cv::gapi::onnx::detail::ParamDesc::mean
std::vector< cv::Scalar > mean
Definition: onnx.hpp:54
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:127
cv::rgbd::RgbdPlane::RGBD_PLANE_METHOD
RGBD_PLANE_METHOD
Definition: depth.hpp:332
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:3068
reconstruct.hpp
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
cv::dnn::DNN_BACKEND_CUDA
@ DNN_BACKEND_CUDA
Definition: dnn.hpp:76
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:130
cv::cudev::ZipPtrSz::rows
int rows
Definition: zip.hpp:110
cv::detail::tracking::tbm::TrackerParams::min_det_conf
float min_det_conf
Min confidence of detection.
Definition: tracking_by_matching.hpp:287
cv::datasets::female
@ female
Definition: fr_adience.hpp:63
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
reduce_key_val.hpp
cv::ml::Boost
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1332
cv::gapi::wip::draw::Mosaic::Mosaic
Mosaic()
Definition: render_types.hpp:255
cv::instr::FLAGS_MAPPING
@ FLAGS_MAPPING
Definition: instrumentation.hpp:111
cv::cudev::warpFill
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
cv::float16_t::float16_t
float16_t(float x)
Definition: cvdef.h:849
cv::ccm::COLOR_SPACE_Lab_D55_2
@ COLOR_SPACE_Lab_D55_2
non-RGB color space
Definition: ccm.hpp:128
cv::hal::normL2Sqr_
float normL2Sqr_(const float *a, const float *b, int n)
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)
ocr.hpp
cv::gapi::own::detail::MatHeader::flags
int flags
Definition: mat.hpp:76
cv::gapi::video::BackgroundSubtractorParams::detectShadows
bool detectShadows
If true, the algorithm will detect shadows and mark them.
Definition: video.hpp:116
cv::v512_load_halves
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1845
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::ximgproc::EdgeDrawing::Params::LineFitErrorThreshold
double LineFitErrorThreshold
Definition: edge_drawing.hpp:66
cv::Stitcher::blender
Ptr< detail::Blender > blender()
Definition: stitching.hpp:247
cv::viz::Color::magenta
static Color magenta()
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::solveLP
int solveLP(InputArray Func, InputArray Constr, OutputArray z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
NCVBroxOpticalFlowDescriptor::scale_factor
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
cv::CAP_PROP_XI_DEBUG_LEVEL
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:518
cv::face::FacemarkAAM::Params::texture_max_m
int texture_max_m
Definition: facemarkAAM.hpp:73
cv::FONT_HERSHEY_SCRIPT_SIMPLEX
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: imgproc.hpp:829
cv::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(const std::unordered_set< std::string > &layer_names)
Definition: ie.hpp:184
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::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::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::cudev::minus
Definition: functional.hpp:86
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)
cv::HOGDescriptor::nbins
int nbins
Number of bins used in the calculation of histogram of gradients. Default value is 9.
Definition: objdetect.hpp:599
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::softfloat::setExp
softfloat setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:181
cv::cudev::SobelXPtrSz::cols
int cols
Definition: deriv.hpp:163
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::FileNode::begin
FileNodeIterator begin() const
returns iterator pointing to the first node element
cv::videostab::KeypointBasedMotionEstimator::setFrameMask
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:246
cv::detail::PlanePortraitProjector
Definition: warpers.hpp:656
cv::COLOR_YUV2RGB_UYVY
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:683
cv::MORPH_ERODE
@ MORPH_ERODE
see erode
Definition: imgproc.hpp:214
cv::CALIB_FIX_K5
@ CALIB_FIX_K5
Definition: calib3d.hpp:505
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::EVENT_MBUTTONUP
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:217
cv::SVD::solveZ
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
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
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::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::NeighborSearchMethod
NeighborSearchMethod
Definition: calib3d.hpp:550
cv::datasets::TR_icdarObj::lex100
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
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:79
cv::PCAProject
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
nppStSupersample
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
cv::dnn::TanHLayer
Definition: all_layers.hpp:459
tracking.detail.hpp
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::detail::tracking::TrackerStateEstimator
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracking.detail.hpp:230
cv::Accumulator< unsigned short >::Type
float Type
Definition: features2d.hpp:886
cv::GShape::GMAT
@ GMAT
cv::UndistortTypes
UndistortTypes
cv::undistort mode
Definition: calib3d.hpp:3554
cv::detail::ChannelsCompensator::setSimilarityThreshold
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:157
cv::CAP_OPENNI_VALID_DEPTH_MASK
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:303
cv::dnn::Model::getImpl
Impl * getImpl() const
Definition: dnn.hpp:1187
cv::multicalib::MultiCameraCalibration
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:72
cv::Node::Node
Node()
Definition: utility.hpp:1057
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::cudev::DefaultCopyPolicy
Definition: copy.hpp:349
cv::detail::selectRandomSubset
void selectRandomSubset(int count, int size, std::vector< int > &subset)
cv::cudev::TypesEquals::value
@ value
Definition: type_traits.hpp:119
cv::CAP_PROP_XI_SENSOR_TAPS
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:415
cv::Tracker
Base abstract class for the long-term tracker.
Definition: tracking.hpp:713
cv::cudev::NormHamming::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
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::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::gapi::GFunctor::~GFunctor
virtual ~GFunctor()=default
cv::Param::STRING
@ STRING
cv::AgastFeatureDetector::NONMAX_SUPPRESSION
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:609
cv::detail::BasicVectorRef::m_desc
cv::GArrayDesc m_desc
Definition: garray.hpp:126
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::datasets::FR_adienceObj::face_id
int face_id
Definition: fr_adience.hpp:71
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
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::face::CParams::scaleFactor
double scaleFactor
Parameter specifying how much the image size is reduced at each image scale.
Definition: facemark_train.hpp:37
CV_SUBMAT_FLAG
#define CV_SUBMAT_FLAG
Definition: cvdef.h:475
cv::dnn::getPlane
static Mat getPlane(const Mat &m, int n, int cn)
Definition: shape_utils.hpp:108
cv::Quat::toRotVec
Vec< _Tp, 3 > toRotVec(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform this quaternion to a Rotation vector.
cv::CCL_SPAGHETTI
@ CCL_SPAGHETTI
Same as CCL_BOLELLI. It is preferable to use the flag with the name of the algorithm (CCL_SPAGHETTI) ...
Definition: imgproc.hpp:414
cv::FileStorage::READ
@ READ
value, open the file for reading
Definition: persistence.hpp:309
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::COLOR_YUV2BGRA_I420
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:669
cv::detail::GTypeTraits< cv::GArray< T > >::wrap_in
static cv::detail::VectorRef wrap_in(const std::vector< T > &t)
Definition: gtype_traits.hpp:88
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::DrawMatchesFlags::DRAW_RICH_KEYPOINTS
@ DRAW_RICH_KEYPOINTS
cv::videostab::PyrLkOptFlowEstimatorBase::winSize
virtual Size winSize() const
Definition: optical_flow.hpp:85
cv::ocl::Device::localMemSize
size_t localMemSize() const
cv::cudev::numeric_limits< ushort >::max
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
cv::detail::tracking::contrib_feature::CvLBPEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:376
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::v_int16x16
v_reg< short, 16 > v_int16x16
Sixteen 16-bit signed integer values.
Definition: intrin_cpp.hpp:516
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::ximgproc::EdgeDrawing::Params::PFmode
bool PFmode
Parameter Free mode will be activated when this value is true.
Definition: edge_drawing.hpp:48
cv::VideoCapture::cap
Ptr< CvCapture > cap
Definition: videoio.hpp:921
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:575
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:472
cv::cudev::brdReflect101
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
CPU_AVX_512IFMA512
@ CPU_AVX_512IFMA512
Definition: cvdef.h:312
cv::cudacodec::JPEG
@ JPEG
Definition: cudacodec.hpp:252
cv::Subdiv2D::Vertex
Definition: imgproc.hpp:1220
cv::detail::TransHelper
Definition: gtransform.hpp:41
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_beta
float parasolCells_beta
Definition: retina.hpp:176
cv::WINDOW_GUI_NORMAL
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:195
cv::dnn::SliceLayer::sliceSteps
std::vector< std::vector< int > > sliceSteps
Definition: all_layers.hpp:367
pose_graph.hpp
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::power
Quat< T > power(const Quat< T > &q, const Quat< T > &p, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
cv::CAP_PROP_XI_ROW_FPN_CORRECTION
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:508
garg.hpp
cv::SOLVELP_UNFEASIBLE
@ SOLVELP_UNFEASIBLE
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
cv::kinfu::Intr::Reprojector::cx
float cx
Definition: intrinsics.hpp:35
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::v_float32x8
v_reg< float, 8 > v_float32x8
Eight 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:522
cv::rgbd::RgbdOdometry::getMaxDepth
double getMaxDepth() const
Definition: depth.hpp:668
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::face::StandardCollector
Default predict collector.
Definition: predict_collector.hpp:82
cv::GrabCutModes
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:353
cv::Error::StsUnsupportedFormat
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
cv::gapi::fluid::Buffer::OutLineB
uint8_t * OutLineB(int index=0)
Definition: gfluidbuffer.hpp:118
cv::text::ERGROUPING_ORIENTATION_ANY
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:290
cv::v_cleanup
void v_cleanup()
Definition: intrin_cpp.hpp:3300
NcvRect32s::x
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
cv::QuatEnum::INT_YXZ
@ INT_YXZ
Intrinsic rotations with the Euler angles type Y-X-Z.
Definition: quaternion.hpp:102
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:734
cv::NORM_L1
@ NORM_L1
Definition: base.hpp:176
cv::COLOR_BGR5552RGBA
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:579
cv::cuda::GpuMatND
Definition: cuda.hpp:358
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::Mat::ptr
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
cv::CALIB_FIX_K3
@ CALIB_FIX_K3
Definition: calib3d.hpp:503
ncvDebugOutput
void ncvDebugOutput(const cv::String &msg)
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:516
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::detail::tracking::online_boosting::EstimatedGaussDistribution::~EstimatedGaussDistribution
virtual ~EstimatedGaussDistribution()
cv::detail::tracking::contrib_feature::CvFeatureParams::LBP
@ LBP
Definition: feature.hpp:146
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::LineIterator::plusStep
int plusStep
Definition: imgproc.hpp:4862
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::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::viz::Color::red
static Color red()
cv::COLOR_YUV2GRAY_I420
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:678
cv::stereo::StereoMatcher::getBlockSize
virtual int getBlockSize() const =0
cv::flann::CvType< float >::type
static int type()
Definition: flann.hpp:81
NCVVector::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:621
cv::cudacodec::RawVideoSource::~RawVideoSource
virtual ~RawVideoSource()
Definition: cudacodec.hpp:320
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::gapi::s11n::detail::S11N::deserialize
static T deserialize(IIStream &)
Definition: base.hpp:31
cv::detail::GInferOutputsTyped::GInferOutputsTyped
GInferOutputsTyped(std::shared_ptr< cv::GCall > call)
Definition: infer.hpp:93
cv::gapi::streaming::G_API_OP
G_API_OP(GY,< GMat(GFrame)>, "org.opencv.streaming.Y")
Definition: format.hpp:23
cv::v_float32x4::val
float val[4]
Definition: intrin_rvv.hpp:448
cv::MediaFormat
MediaFormat
Definition: gframe.hpp:45
cv::ximgproc::WMFWeightType
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:64
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::cudev::TupleTraits::size
@ size
Definition: tuple.hpp:67
cv::line_descriptor::LSDParam::log_eps
double log_eps
Definition: descriptor.hpp:705
cv::reg::MapTypeCaster
Definition: mapperpyramid.hpp:79
debug_mode.hpp
cv::ximgproc::RICInterpolator
Sparse match interpolation algorithm based on modified piecewise locally-weighted affine estimator ca...
Definition: sparse_match_interpolator.hpp:146
cv::gapi::onnx::detail::ParamDesc::num_out
std::size_t num_out
Definition: onnx.hpp:45
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
nppiStTranspose_64u_C1R_host
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::gapi::fluid::Border::type
int type
Definition: gfluidbuffer.hpp:28
cv::cudev::project1st::operator()
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
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:1004
cv::gapi::ie::Params::params
cv::util::any params() const
Definition: ie.hpp:192
cv::gapi::GNetParam::backend
GBackend backend
Definition: infer.hpp:654
cv::detail::CompileArgTag
Definition: gcommon.hpp:32
nppiStSqrIntegralGetSize_8u64u
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::bioinspired::SegmentationParameters::SegmentationParameters
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
CV_MAT_CN
#define CV_MAT_CN(flags)
Definition: cvdef.h:467
mapaffine.hpp
cv::softdouble::zero
static softdouble zero()
Zero constant.
Definition: softfloat.hpp:346
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:801
cv::cudev::atomicMin
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
cv::ParamType< uint64 >::const_param_type
uint64 const_param_type
Definition: core.hpp:3270
transpose.hpp
cv::UMat::flags
int flags
Definition: mat.hpp:2557
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::datasets::PD_inriaObj::sType
sampleType sType
Definition: pd_inria.hpp:72
cv::utils::shared_lock_guard::release
void release()
Definition: lock.private.hpp:53
cv::ocl::Platform::empty
bool empty() const
Definition: ocl.hpp:319
cv::videostab::MotionInpainter::optFlowEstimator
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
cv::viz::Camera::getPrincipalPoint
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:224
cv::dnn::shape
static MatShape shape(const int *dims, const int n)
Definition: shape_utils.hpp:119
cv::FileStorage::write
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:988
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:1001
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)
cv::pc
@ pc
Definition: container_avi.private.hpp:136
OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS
#define OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS(_Tpvec, _Tp)
Definition: intrin_rvv.hpp:2419
NCVVector::clear
void clear()
Definition: NCV.hpp:579
cv::SCORE_METHOD_MSAC
@ SCORE_METHOD_MSAC
Definition: calib3d.hpp:549
cv::detail::ExtractMetaCallback::c
CallBackT c
Definition: garg.hpp:268
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
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
volume.hpp
cv::cuda::NvidiaOpticalFlow_1_0::NV_OF_PERF_LEVEL_SLOW
@ NV_OF_PERF_LEVEL_SLOW
Definition: cudaoptflow.hpp:409
cv::CAP_PROP_BRIGHTNESS
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for those cameras that support).
Definition: videoio.hpp:146
cv::CAP_OPENNI2
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:114
cv::detail::tracked_cv_mat::r
cv::Mat r
Definition: gcpukernel.hpp:215
cv::Matx13f
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:223
cv::videostab::OnePassStabilizer::setMotionFilter
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:148
cv::AVIWriteContainer::isEmptyFrameOffset
bool isEmptyFrameOffset() const
Definition: container_avi.private.hpp:164
cv::ocl::ProgramSource::hash_t
uint64 hash_t
Definition: ocl.hpp:556
cv::text::ERStat::probability
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
cv::util::variant::index_of
static constexpr std::size_t index_of()
Definition: variant.hpp:358
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::quality::QualityBase::_qualityMap
_mat_type _qualityMap
Output quality maps if generated by algorithm.
Definition: qualitybase.hpp:57
cv::detail::get_in< cv::GFrame >::get
static cv::MediaFrame get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:168
cv::WARP_INVERSE_MAP
@ WARP_INVERSE_MAP
Definition: imgproc.hpp:274
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::superres::createOptFlow_DualTVL1_CUDA
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
cv::softdouble::min
static softdouble min()
Smallest normalized value.
Definition: softfloat.hpp:354
cv::ocl::PlatformInfo::p
Impl * p
Definition: ocl.hpp:656
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)
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
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::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:593
cv::omnidir::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:58
cv::cuda::GpuMat::data
uchar * data
pointer to the data
Definition: cuda.hpp:329
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
call_meta_data.hpp
cv::WND_PROP_VISIBLE
@ WND_PROP_VISIBLE
checks whether the window exists and is visible
Definition: highgui.hpp:204
media.hpp
cv::xfeatures2d::FREAK
Class implementing the FREAK (Fast Retina Keypoint) keypoint descriptor, described in .
Definition: xfeatures2d.hpp:85
cv::face::FacemarkAAM::Params::m
int m
Definition: facemarkAAM.hpp:68
cv::AVIReadContainer::parseMovi
bool parseMovi(frame_list &in_frame_list)
Definition: container_avi.private.hpp:106
cv::detail::BundleAdjusterBase::num_images_
int num_images_
Definition: motion_estimators.hpp:196
cv::WND_PROP_AUTOSIZE
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:201
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::dnn_objdetect::InferBbox::detections
std::vector< object > detections
Vector which holds the final detections of the model.
Definition: core_detect.hpp:53
cv::ft::ONE_STEP
@ ONE_STEP
processing in one step
Definition: types.hpp:61
cv::gapi::KalmanParams
Structure for the Kalman filter's initialization parameters.
Definition: video.hpp:22
cv::AgastFeatureDetector::AGAST_5_8
@ AGAST_5_8
Definition: features2d.hpp:604
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::REDUCE_AVG
@ REDUCE_AVG
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:231
cv::aruco::DetectorParameters::adaptiveThreshWinSizeStep
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:158
cv::cudev::project2nd
Definition: functional.hpp:298
cv::DIST_MASK_3
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:313
cv::videostab::IMotionStabilizer::~IMotionStabilizer
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
cv::cudev::scharrYPtr
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
cv::CAP_PROP_GIGA_FRAME_OFFSET_X
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:563
cv::viz::Color::black
static Color black()
cv::cudev::ScharrYPtr
Definition: deriv.hpp:281
cv::CAP_PROP_XI_BINNING_SELECTOR
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:403
cv::TrackerGOTURN
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
Definition: tracking.hpp:797
cv::GMatDesc::depth
GAPI_PROP int depth
Definition: gmat.hpp:79
cv::datasets::AR_sportsObj::videoUrl
std::string videoUrl
Definition: ar_sports.hpp:62
cv::detail::MercatorProjector
Definition: warpers.hpp:473
cv::detail::tracking::tld::tld_InitDataset
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
cv::PyRotationWarper::PyRotationWarper
PyRotationWarper()
Definition: warpers.hpp:56
cv::datasets::AR_hmdbObj::name
std::string name
Definition: ar_hmdb.hpp:63
cv::loadWindowParameters
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
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:997
cv::cuda::GpuMatND::dims
int dims
matrix dimensionality
Definition: cuda.hpp:516
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:667
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:161
cv::videostab::MM_UNKNOWN
@ MM_UNKNOWN
Definition: motion_core.hpp:68
cv::AVIReadContainer::getFramesCount
size_t getFramesCount()
Definition: container_avi.private.hpp:91
cv::cudev::BrdReplicate
Definition: extrapolation.hpp:120
cv::AKAZE
Class implementing the AKAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:821
cv::CirclesGridFinderParameters::keypointScale
int keypointScale
Definition: calib3d.hpp:1637
cv::THRESH_BINARY_INV
@ THRESH_BINARY_INV
Definition: imgproc.hpp:322
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
type_traits.hpp
cv::CAP_GPHOTO2
@ CAP_GPHOTO2
gPhoto2 connection
Definition: videoio.hpp:117
CPU_AVX_512PF
@ CPU_AVX_512PF
Definition: cvdef.h:314
ground_truth.h
cv::cudev::TypeTraits::is_float
@ is_float
Definition: type_traits.hpp:145
cv::detail::GOpaqueU::m_hint
std::shared_ptr< TypeHintBase > m_hint
Definition: gopaque.hpp:93
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::KeyPointsFilter::KeyPointsFilter
KeyPointsFilter()
Definition: features2d.hpp:109
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)
edge_drawing.hpp
cv::legacy::TrackerBoosting
the Boosting tracker
Definition: tracking_legacy.hpp:148
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:244
cv::line_descriptor::KeyLine
A class to represent a line.
Definition: descriptor.hpp:102
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::detail::tracking::online_boosting::Detector::Detector
Detector(StrongClassifierDirectSelection *classifier)
cv::EVENT_MOUSEWHEEL
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:221
cv::cudev::MakeVec< schar, 3 >::type
char3 type
Definition: vec_traits.hpp:78
cv::ppf_match_3d::samplePCUniformInd
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
cv::cudev::DefaultHistogramPolicy::block_size_x
@ block_size_x
Definition: histogram.hpp:103
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:111
descriptor.hpp
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
cv::cudev::Sum::rebind
Definition: reduce_to_vec.hpp:69
HaarStage64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:274
cv::cudev::thresh_binary_func
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
cv::xfeatures2d::BoostDesc
Class implementing BoostDesc (Learning Image Descriptors with Boosting), described in and .
Definition: xfeatures2d.hpp:409
cv::util::optional::operator->
T * operator->()
Definition: optional.hpp:109
cv::ximgproc::StructuredEdgeDetection
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:97
cv::sfm::homogeneousToEuclidean
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
cv::DMatch::queryIdx
int queryIdx
query descriptor index
Definition: types.hpp:815
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:898
cv::gapi::BGR2YUV
GMat BGR2YUV(const GMat &src)
Converts an image from BGR color space to YUV color space.
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::colorMode
bool colorMode
Definition: retina.hpp:161
cv::Allocator::const_pointer
const typedef value_type * const_pointer
Definition: cvstd.hpp:115
cv::DetectionBasedTracker::TrackedObject::TrackedObject
TrackedObject(const cv::Rect &rect)
Definition: detection_based_tracker.hpp:191
cv::sfm::SFM_IO_VISUALSFM
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
cv::line_descriptor::BinaryDescriptor::Params::widthOfBand_
int widthOfBand_
Definition: descriptor.hpp:197
cv::CAP_OPENNI
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:104
cv::dnn::ConstLayer
Definition: all_layers.hpp:83
cv::useOpenVX
bool useOpenVX()
Check if use of OpenVX is enabled.
cv::text::PSM_SINGLE_WORD
@ PSM_SINGLE_WORD
Definition: ocr.hpp:77
cv::optflow::GPCForest::create
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:298
cv::CLOSE_CAMERA
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
cv::RETR_EXTERNAL
@ RETR_EXTERNAL
Definition: imgproc.hpp:421
cv::atan
Quat< T > atan(const Quat< T > &q)
cv::text::PSM_CIRCLE_WORD
@ PSM_CIRCLE_WORD
Definition: ocr.hpp:78
cv::rgbd::RgbdNormals::method_
int method_
Definition: depth.hpp:180
CV_SUBMINOR_VERSION
#define CV_SUBMINOR_VERSION
Definition: version.hpp:24
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:145
cv::cornerSubPix
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
INCVMemAllocator::maxSize
virtual size_t maxSize(void) const =0
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
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::gapi::serialize
std::vector< char > serialize(const cv::GComputation &c)
cv::stereo::StereoBinaryBM::getPreFilterType
virtual int getPreFilterType() const =0
cv::ccm::LINEARIZATION_COLORLOGPOLYFIT
@ LINEARIZATION_COLORLOGPOLYFIT
logarithmic polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:335
cv::detail::ImageFeatures::img_size
Size img_size
Definition: matchers.hpp:61
cv::LineIterator::ptr0
const uchar * ptr0
Definition: imgproc.hpp:4858
cv::kinfu::Params::truncateThreshold
float truncateThreshold
Threshold for depth truncation in meters.
Definition: kinfu.hpp:157
cv::cudev::NormL1::mySum
result_type mySum
Definition: vec_distance.hpp:66
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
cv::img_hash::ColorMomentHash::ColorMomentHash
ColorMomentHash()
Definition: color_moment_hash.hpp:25
cv::omnidir::internal::findMedian
double findMedian(const Mat &row)
cv::DMatch::trainIdx
int trainIdx
train descriptor index
Definition: types.hpp:816
cv::v512_cleanup
void v512_cleanup()
Definition: intrin_cpp.hpp:3305
cv::cuda::DeviceInfo::ComputeModeProhibited
@ ComputeModeProhibited
Definition: cuda.hpp:1124
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::Matx33f
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:246
cv::linemod::Match::operator==
bool operator==(const Match &rhs) const
Definition: linemod.hpp:277
cv::BOWImgDescriptorExtractor
Class to compute an image descriptor using the bag of visual words.
Definition: features2d.hpp:1472
cv::instr::getTrace
InstrNode * getTrace()
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::MIXED_CLONE
@ MIXED_CLONE
Definition: photo.hpp:719
cv::ScoreMethod
ScoreMethod
Definition: calib3d.hpp:549
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:1036
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:179
cv::superres::PyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int val)=0
cv::detail::is_gmat_type::value
static const constexpr bool value
Definition: gfluidkernel.hpp:258
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::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::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
map.hpp
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)
gcompiled.hpp
cv::Rect_::contains
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
cv::CirclesGridFinderParameters
Definition: calib3d.hpp:1630
cv::SparseMatIterator
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3235
cv::videostab::MotionInpainter::borderMode
int borderMode() const
Definition: inpainting.hpp:156
cv::bgsegm::BackgroundSubtractorGMG
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:99
cv::cudacodec::SF_IYUV
@ SF_IYUV
Definition: cudacodec.hpp:78
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:466
cv::videostab::StabilizerBase::frameSource
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
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::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::viz::WTrajectory
Trajectories.
Definition: widgets.hpp:604
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:59
cv::GComputationT< std::tuple< R... >(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:224
cv::CONTOURS_MATCH_I1
@ CONTOURS_MATCH_I1
Definition: imgproc.hpp:458
cv::ButtonCallback
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:290
nn_index.h
cv::dnn::PoolingLayer::type
int type
Definition: all_layers.hpp:248
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::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::gapi::ie::Params< cv::gapi::Generic >::pluginConfig
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:215
cv::bioinspired::RetinaParameters::IplMagnoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:175
cv::detail::FeaturesMatcher::FeaturesMatcher
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:152
cv::videostab::WobbleSuppressorBase::setMotionEstimator
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
CvAbstractCamera
Definition: cap_ios.h:42
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::legacy::MultiTracker::objects
std::vector< Rect2d > objects
Definition: tracking_legacy.hpp:411
cv::TrackerCSRT::Params::use_gray
bool use_gray
Definition: tracking.hpp:47
cv::videostab::ColorAverageInpainter
Definition: inpainting.hpp:174
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::CAP_PROP_POS_MSEC
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:135
CPU_SSE3
@ CPU_SSE3
Definition: cvdef.h:297
cv::ppf_match_3d::HSHTBL_i
Definition: t_hash_int.hpp:67
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()
stereo.hpp
cv::text::ERStat::pixels
std::vector< int > * pixels
Definition: erfilter.hpp:97
cv::CAP_PROP_GIGA_FRAME_OFFSET_Y
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:564
facerec.hpp
cv::datasets::dark
@ dark
Definition: gr_skig.hpp:84
cv::GOpaqueDesc
Definition: gopaque.hpp:39
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::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:738
cv::ximgproc::THINNING_ZHANGSUEN
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:114
cv::videostab::ColorInpainter
Definition: inpainting.hpp:183
cv::bgsegm::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:62
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:158
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:293
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::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
cv::Range::Range
Range()
cv::aruco::DetectorParameters::minOtsuStdDev
double minOtsuStdDev
Definition: aruco.hpp:174
cv::rgbd::DepthCleaner::DEPTH_CLEANER_NIL
@ DEPTH_CLEANER_NIL
Definition: depth.hpp:195
cv::utils::fs::exists
bool exists(const cv::String &path)
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::v_uint16x8::val
ushort val[8]
Definition: intrin_rvv.hpp:322
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::COLOR_BGR2YUV
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:635
CV_IN_OUT
#define CV_IN_OUT
Definition: cvdef.h:452
cv::rgbd::isValidDepth
bool isValidDepth(const float &depth)
Definition: depth.hpp:27
cv::Error::StsKernelStructContentErr
@ StsKernelStructContentErr
incorrect transform kernel content
Definition: base.hpp:99
cv::stereo::StereoMatcher::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::cudev::VecTraits< char1 >::all
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
cv::CALIB_FIX_ASPECT_RATIO
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:497
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::EstimatedGaussDistribution
EstimatedGaussDistribution()
cv::TrackerGOTURN::Params
Definition: tracking.hpp:804
cv::detail::GraphEdge
Definition: util.hpp:72
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
private.hpp
cv::cudev::ConstantPtrSz::rows
int rows
Definition: constant.hpp:69
cv::VideoCapture
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:664
cv::vwcvtu_x_x_v_u16m1
vuint16m1_t vwcvtu_x_x_v_u16m1(vuint8mf2_t v)
Definition: intrin_rvv.hpp:190
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::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::ogl::Texture2D::cols
int cols() const
cv::SparseMat_
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2944
cv::text::OCRHMMDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:204
cv::softdouble::getFrac
softdouble getFrac() const
Get a fraction part.
Definition: softfloat.hpp:329
cv::sfm::libmv_CameraIntrinsicsOptions::focal_length_y
double focal_length_y
Definition: simple_pipeline.hpp:110
cv::CAP_OPENNI_DEPTH_MAP
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:299
cv::legacy::TrackerMOSSE::~TrackerMOSSE
virtual ~TrackerMOSSE() CV_OVERRIDE
Definition: tracking_legacy.hpp:341
cv::ovis::ENTITY_CAST_SHADOWS
@ ENTITY_CAST_SHADOWS
Definition: ovis.hpp:80
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::ovis::updateTexture
void updateTexture(const String &name, InputArray image)
cv::cudev::ThreshTruncFunc
Definition: functional.hpp:734
CPU_MSA
@ CPU_MSA
Definition: cvdef.h:326
cv::QT_STYLE_OBLIQUE
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:253
cv::detail::Yield< cv::GMat >::yield
static cv::GMat yield(cv::GCall &call, int i)
Definition: gkernel.hpp:76
cv::TM_CCOEFF_NORMED
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3743
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor()
Creates the HOG descriptor and detector with default params.
Definition: objdetect.hpp:385
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::GProtoInputArgs
GIOProtoArgs< In_Tag > GProtoInputArgs
Definition: gproto.hpp:92
cv::detail::OpaqueKind::CV_UINT64
@ CV_UINT64
cv::saliency::StaticSaliencySpectralResidual::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
cv::Accumulator< unsigned char >::Type
float Type
Definition: features2d.hpp:885
cv::gapi::own::Point
Definition: types.hpp:21
cv::threshold
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
cv::CAP_PROP_XI_IS_COOLED
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:434
cv::detail::tracking::TrackerModel::confidenceMaps
std::vector< ConfidenceMap > confidenceMaps
Definition: tracking.detail.hpp:331
cv::detail::GInferOutputsTyped::at
OutT at(const std::string &name)
Definition: infer.hpp:98
cv::MatSize
Definition: mat.hpp:577
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::MORPH_HITMISS
@ MORPH_HITMISS
Definition: imgproc.hpp:226
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_XI_COLOR_FILTER_ARRAY
@ CAP_PROP_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:444
cv::detail::BestOf2NearestMatcher::num_matches_thresh2_
int num_matches_thresh2_
Definition: matchers.hpp:195
cv::v_int8x64
v_reg< schar, 64 > v_int8x64
Sixty four 8-bit signed integer values.
Definition: intrin_cpp.hpp:535
cv::rapid::Rapid
wrapper around silhouette based 3D object tracking function for uniform access
Definition: rapid.hpp:138
cv::accumulateSquare
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator image.
cv::hfs::HfsSegment
Definition: hfs.hpp:45
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::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:174
cv::datasets::HPE_humanevaObj::type2
std::string type2
Definition: hpe_humaneva.hpp:65
cv::invertAffineTransform
void invertAffineTransform(InputArray M, OutputArray iM)
Inverts an affine transformation.
cv::CAP_PROP_PAN
@ CAP_PROP_PAN
Definition: videoio.hpp:169
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
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:1003
cv::detail::StereographicWarper::StereographicWarper
StereographicWarper(float scale)
Definition: warpers.hpp:384
cv::Mat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2094
cv::dnn::PoolingLayer::strides
std::vector< size_t > strides
Definition: all_layers.hpp:249
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::v_reg::v_reg
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:418
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:203
cv::COLOR_BayerGB2RGB
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:754
cv::detail::ocl_get_out
Definition: goclkernel.hpp:163
cv::Allocator::pointer
value_type * pointer
Definition: cvstd.hpp:114
cv::CAP_PROP_XI_DEVICE_RESET
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:506
cv::cudev::gridFindMinVal
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
cv::img_hash::RadialVarianceHash::RadialVarianceHash
RadialVarianceHash()
Definition: radial_variance_hash.hpp:38
cv::MediaFrame::View::ptr
Ptrs ptr
Definition: media.hpp:69
cv::Mat::isContinuous
bool isContinuous() const
Reports whether the matrix is continuous or not.
cv::Subdiv2D
Definition: imgproc.hpp:998
cv::detail::OpaqueKind::CV_DRAW_PRIM
@ CV_DRAW_PRIM
cv::SimpleBlobDetector::Params
Definition: features2d.hpp:715
cv::COLOR_GRAY2BGR555
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:581
cv::videostab::TwoPassStabilizer::setWobbleSuppressor
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:171
cv::viz::MouseEvent::type
Type type
Definition: types.hpp:327
cv::SCORE_METHOD_MAGSAC
@ SCORE_METHOD_MAGSAC
Definition: calib3d.hpp:549
cv::detail::tracking::tbm::ResizedImageDescriptor::size
cv::Size size() const override
Returns descriptor size.
Definition: tracking_by_matching.hpp:124
cv::MergeRobertson
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:677
cv::WND_PROP_VSYNC
@ WND_PROP_VSYNC
enable or disable VSYNC (in OpenGL mode)
Definition: highgui.hpp:206
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::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::p1
int p1
Definition: feature.hpp:327
cv::detail::tracking::TrackerModel::trajectory
Trajectory trajectory
Definition: tracking.detail.hpp:334
gfluidbuffer.hpp
cv::TLSDataAccumulator::release
void release()
Release associated thread data and free TLS key.
Definition: tls.hpp:178
cv::videostab::TwoPassStabilizer
Definition: stabilizer.hpp:163
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
histogram.hpp
cv::stereo::StereoMatcher::setBlockSize
virtual void setBlockSize(int blockSize)=0
cv::Param::MAT_VECTOR
@ MAT_VECTOR
cv::detail::flatten_g< cv::GMat >::type
cv ::Mat type
Definition: garray.hpp:330
cv::legacy::TrackerMIL::~TrackerMIL
virtual ~TrackerMIL() CV_OVERRIDE
Definition: tracking_legacy.hpp:139
cv::waitKey
int waitKey(int delay=0)
Waits for a pressed key.
cv::GCPUStKernelImpl::kernel
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:484
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:60
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::eval
int eval(float value)
cv::linemod::QuantizedPyramid
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:55
cv::Error::BadOffset
@ BadOffset
offset is invalid
Definition: base.hpp:80
cv::videostab::InpainterBase::frames_
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
cv::COLORMAP_HOT
@ COLORMAP_HOT
Definition: imgproc.hpp:4323
NppStInterpolationState::pFV
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
cv::detail::CylindricalPortraitWarper::CylindricalPortraitWarper
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:647
cv::detail::ProjectorBase
Base class for warping logic implementation.
Definition: warpers.hpp:141
cv::GCPUContext::outValR
cv::Scalar & outValR(int output)
cv::datasets::RIGHT
@ RIGHT
Definition: slam_tumindoor.hpp:63
cv::SparseMat::Node
sparse matrix node - element of a hash table
Definition: mat.hpp:2691
CV_ENUM_FLAGS
#define CV_ENUM_FLAGS(EnumType)
Definition: cvdef.h:614
cv::FileStorage::isOpened
virtual bool isOpened() const
Checks whether the file is opened.
cv::linemod::QuantizedPyramid::Candidate::score
float score
Definition: linemod.hpp:96
cv::normL1
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:424
cv::xfeatures2d::VGG::VGG_120
@ VGG_120
Definition: xfeatures2d.hpp:359
cv::AgastFeatureDetector_Impl::getThreshold
int getThreshold() const
Definition: agast.txt:7524
cv::detail::OpaqueKind::CV_DOUBLE
@ CV_DOUBLE
cv::TermCriteria::COUNT
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:860
cv::v_pack
v_reg< uchar, 2 *n > v_pack(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
Definition: intrin_cpp.hpp:2977
cv::ocl::KernelArg::WriteOnlyNoSize
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:415
cv::COLOR_YUV420p2RGBA
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:670
cv::EVENT_LBUTTONDOWN
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:212
cv::cuda::COLOR_BayerBG2GRAY_MHT
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
cv::CAP_PROP_DC1394_OFF
@ CAP_PROP_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:249
cv::v512_load_expand_q
v_reg< typename V_TypeTraits< _Tp >::q_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v512_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:2023
cv::mcc::SG140
@ SG140
DigitalSG with 140 squares.
Definition: checker_model.hpp:49
cv::BOWTrainer::descriptors
std::vector< Mat > descriptors
Definition: features2d.hpp:1433
cv::aruco::DetectorParameters::aprilTagQuadDecimate
float aprilTagQuadDecimate
Definition: aruco.hpp:178
cv::cuda::SURF_CUDA::sum
GpuMat sum
Definition: cuda.hpp:191
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:3214
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:508
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::CAP_PROP_ROLL
@ CAP_PROP_ROLL
Definition: videoio.hpp:171
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:459
cv::Matx::eye
static Matx eye()
cv::DetectionBasedTracker::InnerParameters::numStepsToShowWithoutDetecting
int numStepsToShowWithoutDetecting
Definition: detection_based_tracker.hpp:170
cv::dnn::ShiftLayer
Definition: all_layers.hpp:560
cv::dnn::Layer::name
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:386
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::QtButtonTypes
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:257
simd512::vx_setall_s32
v_int32 vx_setall_s32(int v)
Definition: intrin.hpp:499
cv::RECURS_FILTER
@ RECURS_FILTER
Recursive Filtering.
Definition: photo.hpp:799
cv::NAryMatIterator::idx
size_t idx
Definition: mat.hpp:3423
cv::gapi::countNonZero
GOpaque< int > countNonZero(const GMat &src)
Counts non-zero array elements.
cv::ocl::Kernel
Definition: ocl.hpp:429
cv::cudev::UnaryTransformPtrSz::rows
int rows
Definition: transform.hpp:77
cv::datasets::join::Rx
double Rx
Definition: gr_chalearn.hpp:67
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::line_descriptor::DrawLinesMatchesFlags::DEFAULT
@ DEFAULT
Definition: descriptor.hpp:1157
cv::ShapeTransformer
Abstract base class for shape transformation algorithms.
Definition: shape_transformer.hpp:58
cv::viz::KeyboardEvent
This class represents a keyboard event.
Definition: types.hpp:287
cv::cudev::numeric_limits< uint >::max
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
cv::rgbd::RgbdPlane::getMinSize
int getMinSize() const
Definition: depth.hpp:397
cv::CAP_PVAPI_PIXELFORMAT_BGRA32
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:367
cv::GFluidKernel::GFluidKernel
GFluidKernel()
Definition: gfluidkernel.hpp:74
cv::Mat::SUBMATRIX_FLAG
@ SUBMATRIX_FLAG
Definition: mat.hpp:2083
cv::videostab::WobbleSuppressorBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
cv::instr::NodeData::m_funError
bool m_funError
Definition: instrumentation.hpp:84
cv::cudev::BinaryTupleAdapter
Definition: tuple_adapter.hpp:78
cv::rgbd::RgbdICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:957
cv::detail::tracking::contrib_feature::CvHaarEvaluator::isIntegral
bool isIntegral
Definition: feature.hpp:281
cv::COLOR_YUV420sp2GRAY
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:679
cv::gapi::ie::Params::Params
Params(const std::string &model, const std::string &device)
Definition: ie.hpp:107
cv::detail::NoSeamFinder
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:76
cv::FileStorage::write
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:909
cv::cudev::SingleMaskChannels::value_type
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
cv::COLOR_Luv2LRGB
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:633
cv::ximgproc::FastLineDetector::~FastLineDetector
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
cv::detail::tracking::TrackerContribSamplerCSC::Params
Definition: tracking_internals.hpp:653
cv::sfm::SFM_REFINE_PRINCIPAL_POINT
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:125
cv::Matx::shortdim
@ shortdim
Definition: matx.hpp:110
cv::SimpleBlobDetector::Params::blobColor
uchar blobColor
Definition: features2d.hpp:725
cv::quality::QualityPSNR::setMaxPixelValue
void setMaxPixelValue(double val)
sets the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:87
cv::dnn::ChannelsPReLULayer
Definition: all_layers.hpp:447
cv::PCA::eigenvectors
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2545
cv::viz::WPlane
This 3D Widget defines a finite plane.
Definition: widgets.hpp:249
cv::detail::MercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
seeds.hpp
cv::cudev::NormL2::result_type
float result_type
Definition: vec_distance.hpp:125
cv::detail::GCompoundKernel
Definition: gcompoundkernel.hpp:40
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:1119
cv::utils::testRaiseGeneralException
static void testRaiseGeneralException()
Definition: bindings_utils.hpp:120
cv::GTransform::F
std::function< GComputation()> F
Definition: gtransform.hpp:28
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::vle16_v_u16mf2
vuint16mf2_t vle16_v_u16mf2(const uint16_t *ptr)
Definition: intrin_rvv.hpp:168
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::cudev::PtrTraitsBase::value_type
Ptr2D::value_type value_type
Definition: traits.hpp:61
cv::operator^=
v_reg< _Tp, n > & operator^=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
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::v_reinterpret_as_s16
v_reg< short, n0 *sizeof(_Tp0)/sizeof(short)> v_reinterpret_as_s16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2887
cv::detail::SphericalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::v_matmul
v_reg< float, n > v_matmul(const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Matrix multiplication.
Definition: intrin_cpp.hpp:3196
cv::CAP_PVAPI_DECIMATION_2OUTOF8
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:355
cv::Quat::CV_QUAT_EPS
static constexpr _Tp CV_QUAT_EPS
Definition: quaternion.hpp:215
cv::gapi::GNetParam
Definition: infer.hpp:652
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::face::FacemarkAAM::Model::Texture::max_m
int max_m
unused delete
Definition: facemarkAAM.hpp:116
CV_ERROR_OK
@ CV_ERROR_OK
No error.
Definition: llapi.h:41
cv::face::FacemarkAAM::Model::scales
std::vector< float > scales
defines the scales considered to build the model
Definition: facemarkAAM.hpp:108
cv::frame_list
std::deque< std::pair< uint64_t, uint32_t > > frame_list
Definition: container_avi.private.hpp:68
cv::videostab::LpMotionStabilizer
Definition: motion_stabilizing.hpp:117
cv::optflow::GPCTree::operator==
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:186
cv::cudev::BrdReflect
Definition: extrapolation.hpp:171
HaarFeature64_CreateCheck_MaxRectField
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
cv::startLoop
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
cv::CAP_PROP_TILT
@ CAP_PROP_TILT
Definition: videoio.hpp:170
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:130
CvCapture
struct CvCapture CvCapture
Definition: videoio.hpp:69
rmat.hpp
cv::julia::initJulia
void initJulia(int argc, char **argv)
cv::Affine3d
Affine3< double > Affine3d
Definition: affine.hpp:291
cv::cudacodec::EncoderParams::PeakBitrate
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:92
dist.h
cv::CAP_OPENNI2_ASUS
@ CAP_OPENNI2_ASUS
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:115
cv::detail::Graph::create
void create(int num_vertices)
Definition: util.hpp:89
cv::Rect_::operator=
Rect_ & operator=(const Rect_ &r)
cv::DECOMP_NORMAL
@ DECOMP_NORMAL
Definition: base.hpp:151
cv::cudev::DefaultGlobReducePolicy
Definition: reduce.hpp:293
cv::CAP_PROP_XI_LED_MODE
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:389
CPU_AVX_512F
@ CPU_AVX_512F
Definition: cvdef.h:307
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:900
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::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::Affine3::Affine3
Affine3()
Default constructor. It represents a 4x4 identity matrix.
cv::LineSegmentDetectorModes
LineSegmentDetectorModes
Variants of Line Segment Detector.
Definition: imgproc.hpp:489
cv::gapi::fluid::operator==
bool operator==(const Border &b1, const Border &b2)
cv::viz::SHADING_GOURAUD
@ SHADING_GOURAUD
Definition: widgets.hpp:84
cv::cudev::DefaultHistogramPolicy
Definition: histogram.hpp:100
cv::ppf_match_3d::hashtableResize
int hashtableResize(hashtable_int *hashtbl, size_t size)
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::DescriptorMatcher::trainDescCollection
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1189
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::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::rgbd::RgbdPlane::setSensorErrorA
void setSensorErrorA(double val)
Definition: depth.hpp:425
cv::UsacParams::loSampleSize
int loSampleSize
Definition: calib3d.hpp:559
cv::UMatData::flags
UMatData::MemoryFlag flags
Definition: mat.hpp:566
cv::linemod::ColorGradient::strong_threshold
float strong_threshold
Definition: linemod.hpp:193
cv::cudev::PerspectiveMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:112
cv::hal::magnitude64f
void magnitude64f(const double *x, const double *y, double *dst, int n)
cv::Quat::z
_Tp z
Definition: quaternion.hpp:1618
cv::util::copy_through_move_t::get
const T & get() const
Definition: copy_through_move.hpp:20
qualitymse.hpp
cv::Stitcher::waveCorrection
bool waveCorrection() const
Definition: stitching.hpp:198
cv::detail::Graph
Definition: util.hpp:85
CPU_AVX_512VNNI
@ CPU_AVX_512VNNI
Definition: cvdef.h:318
cv::gapi::GFunctor::backend
virtual cv::gapi::GBackend backend() const =0
cv::ocl::Device::isIntel
bool isIntel() const
Definition: ocl.hpp:192
cv::RNG_MT19937
Mersenne Twister random number generator.
Definition: core.hpp:2939
cv::datasets::AR_hmdbObj::id
int id
Definition: ar_hmdb.hpp:62
cv::CAP_PROP_XI_AEAG_ROI_WIDTH
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:418
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:303
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:46
cv::Stitcher::setFeaturesMatcher
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:214
CPU_SSE
@ CPU_SSE
Definition: cvdef.h:295
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar
Definition: feature.hpp:223
cv::CAP_PROP_AUTO_WB
@ CAP_PROP_AUTO_WB
enable/ disable auto white-balance
Definition: videoio.hpp:180
cv::dnn::BaseConvolutionLayer::pads_end
std::vector< size_t > pads_end
Definition: all_layers.hpp:216
cv::FileNode::SEQ
@ SEQ
sequence
Definition: persistence.hpp:493
cv::ocl::KernelArg::ReadWrite
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:405
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::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::detail::ProjectorBase::t
float t[3]
Definition: warpers.hpp:152
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::legacy::Tracker::sampler
Ptr< TrackerContribSampler > sampler
Definition: tracking_legacy.hpp:108
CV_8U
#define CV_8U
Definition: interface.h:73
simd512::vx_setall_f32
v_float32 vx_setall_f32(float v)
Definition: intrin.hpp:501
cv::Vec::operator[]
const _Tp & operator[](int i) const
cv::videostab::MotionEstimatorL1
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:153
cv::vwcvtu_x_x_v_u32m1
vuint32m1_t vwcvtu_x_x_v_u32m1(vuint16mf2_t v)
Definition: intrin_rvv.hpp:192
cv::gapi::GKernelPackage::include
void include(const GFunctor &functor)
Definition: gkernel.hpp:501
cv::cudev::IntegerAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:239
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::aruco::DetectorParameters::minDistanceToBorder
int minDistanceToBorder
Definition: aruco.hpp:164
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:398
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:338
cv::optflow::RLOFOpticalFlowParameter::maxIteration
int maxIteration
Definition: rlofflow.hpp:139
cv::xphoto::BM3D_STEP2
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
cv::cudev::LaplacianPtr< 1, SrcPtr >::index_type
int index_type
Definition: deriv.hpp:332
cv::GMatDesc::GMatDesc
GAPI_WRAP GMatDesc(int d, int c, cv::Size s, bool p=false)
Definition: gmat.hpp:85
cv::QuatEnum::EXT_XYX
@ EXT_XYX
Extrinsic rotations with the Euler angles type X-Y-X.
Definition: quaternion.hpp:119
CV_8S
#define CV_8S
Definition: interface.h:74
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_OVERRIDE
#define CV_OVERRIDE
Definition: cvdef.h:744
cv::BFMatcher::~BFMatcher
virtual ~BFMatcher()
Definition: features2d.hpp:1208
cv::cudev::PerspectiveMapPtrSz::rows
int rows
Definition: warping.hpp:127
cv::COLOR_BGRA2YUV_YV12
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:745
cv::utils::testAsyncException
static AsyncArray testAsyncException()
Definition: bindings_utils.hpp:134
cv::CAP_PROP_XI_MANUAL_WB
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:390
cv::dnn::PoolingLayer::isGlobalPooling
std::vector< bool > isGlobalPooling
Definition: all_layers.hpp:252
cv::ppf_match_3d::Pose3D::~Pose3D
virtual ~Pose3D()
Definition: pose_3d.hpp:123
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:82
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:213
cv::Error::GpuApiCallError
@ GpuApiCallError
GPU API call error.
Definition: base.hpp:117
cv::cudev::InRangeFunc::lowerb
MakeVec< T, cn >::type lowerb
Definition: functional.hpp:920
HaarFeatureDescriptor32::isTilted
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:152
cv::ccm::CONST_COLOR
CONST_COLOR
Macbeth and Vinyl ColorChecker with 2deg D50.
Definition: ccm.hpp:88
cv::cudev::CommonAreaInterPtrSz
Definition: interpolation.hpp:365
cv::img_hash::ColorMomentHash
Image hash based on color moments.
Definition: color_moment_hash.hpp:20
cv::ocl::Context::p
Impl * p
Definition: ocl.hpp:298
cv::cudev::blockCopy
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
cv::xfeatures2d::matchLOGOS
void matchLOGOS(const std::vector< KeyPoint > &keypoints1, const std::vector< KeyPoint > &keypoints2, const std::vector< int > &nn1, const std::vector< int > &nn2, std::vector< DMatch > &matches1to2)
LOGOS (Local geometric support for high-outlier spatial verification) feature matching strategy descr...
cv::mcc::DetectorParameters::adaptiveThreshConstant
double adaptiveThreshConstant
Definition: checker_detector.hpp:109
cv::_InputOutputArray
Definition: mat.hpp:385
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::utils::BufferArea::zeroFill
void zeroFill(T *&ptr)
Fill one of buffers with zeroes.
Definition: buffer_area.private.hpp:88
cv::dnn::ConvolutionLayer
Definition: all_layers.hpp:221
cv::structured_light::GrayCodePattern::Params
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:76
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::datasets::MSM_epflObj::p
Matx34d p
Definition: msm_epfl.hpp:73
cv::ocl::OpenCLExecutionContextScope::~OpenCLExecutionContextScope
~OpenCLExecutionContextScope()
Definition: ocl.hpp:847
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).
NppStInterpolationState::size
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
cv::COLOR_BayerRG2RGB_EA
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:782
cv::cudev::sqr_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
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:288
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 *)
NCVMatrixAlloc::isMemAllocated
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
cv::isAligned
static bool isAligned(const T &data)
Alignment check of passed values.
Definition: utility.hpp:517
nppiStIntegral_32f32f_C1R_host
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::DetectionBasedTracker::trackedObjects
std::vector< TrackedObject > trackedObjects
Definition: detection_based_tracker.hpp:205
cv::sfm::depth
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
cv::gapi::onnx::detail::ParamDesc::names_to_remap
std::vector< std::string > names_to_remap
Definition: onnx.hpp:62
cv::CAP_ANDROID
@ CAP_ANDROID
Android - not used.
Definition: videoio.hpp:106
cv::datasets::turnaround
@ turnaround
Definition: gr_skig.hpp:70
cv::Error::StsObjectNotFound
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
cv::ovis::ENTITY_MATERIAL
@ ENTITY_MATERIAL
Definition: ovis.hpp:76
cv::Allocator::destroy
void destroy(pointer p)
Definition: cvstd.hpp:136
cv::CAP_PROP_XI_CC_MATRIX_31
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:461
cv::Allocator::address
const_pointer address(const_reference r)
Definition: cvstd.hpp:130
cv::rgbd::RgbdPlane::setBlockSize
void setBlockSize(int val)
Definition: depth.hpp:393
cv::util::holds_alternative
bool holds_alternative(const util::variant< Types... > &v) noexcept
Definition: variant.hpp:406
cv::cudev::ScharrXPtrSz::rows
int rows
Definition: deriv.hpp:256
cv::sum
Scalar sum(InputArray src)
Calculates the sum of array elements.
simd512::vx_setzero_u32
v_uint32 vx_setzero_u32()
Definition: intrin.hpp:517
cv::ml::LogisticRegression::RegKinds
RegKinds
Regularization kinds.
Definition: ml.hpp:1672
cv::cudev::ScharrYPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
cv::detail::createWeightMap
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
cv::BORDER_DEFAULT
@ BORDER_DEFAULT
same as BORDER_REFLECT_101
Definition: base.hpp:277
cv::DetectionBasedTracker::IDetector::IDetector
IDetector()
Definition: detection_based_tracker.hpp:71
util.hpp
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:836
cv::GArray::GArray
GArray(detail::GArrayU &&ref)
Definition: garray.hpp:356
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:386
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:764
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::optflow::OpticalFlowPCAFlow::dampingFactor
const float dampingFactor
Definition: pcaflow.hpp:102
cv::HOGDescriptor
Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.
Definition: objdetect.hpp:372
cv::COLOR_BGR2XYZ
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:584
cv::COLOR_BayerBG2RGB
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:753
cv::CompressedRectilinearWarper
Definition: warpers.hpp:193
cv::Feature2D::detectAndCompute
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
cv::detail::TypeHintBase
Definition: garray.hpp:61
cv::createEMDL1HistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
OPENCV_HAL_IMPL_RVV_INTERLEAVED
#define OPENCV_HAL_IMPL_RVV_INTERLEAVED(_Tpvec, _Tp, suffix, width)
Definition: intrin_rvv.hpp:2166
cv::CAP_PROP_PVAPI_PIXELFORMAT
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:341
cv::CAP_GSTREAMER
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:118
cv::COLOR_BGR2YCrCb
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:589
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:451
cv::detail::tracking::tbm::Track::objects
TrackedObjects objects
Detected objects;.
Definition: tracking_by_matching.hpp:386
cv::GArg::unsafe_get
const T & unsafe_get() const
Definition: garg.hpp:82
cv::datasets::cameraParam
Definition: msm_epfl.hpp:60
cv::BFMatcher::isMaskSupported
virtual bool isMaskSupported() const CV_OVERRIDE
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1210
cv::cudev::RemapPtr2
Definition: remap.hpp:75
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::detail::tracking::tbm::TrackerParams::reid_thr
float reid_thr
Affinity threshold for re-identification.
Definition: tracking_by_matching.hpp:300
cv::COLOR_BGRA2BGR555
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:576
cv::toUpperCase
static std::string toUpperCase(const std::string &str)
Definition: cvstd.hpp:178
deriv.hpp
cvdefs.hpp
OpenCV_API_Header_t::api_description
const char * api_description
API description (debug purposes only)
Definition: llapi.h:56
cv::detail::GInferInputsTyped::Map
std::unordered_map< std::string, StorageT > Map
Definition: infer.hpp:151
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:3720
cv::ocl::PlatformInfo
Definition: ocl.hpp:627
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
cudafilters.hpp
cv::cudev::DerivYPtr::src
SrcPtr src
Definition: deriv.hpp:106
cv::detail::OpaqueRef::reset
void reset()
Definition: gopaque.hpp:259
cv::softdouble::v
uint64_t v
Definition: softfloat.hpp:362
cv::Mat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2106
cv::stereo::StereoBinarySGBM::getP1
virtual int getP1() const =0
cv::detail::tracking::contrib_feature::CvHaarEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
cv::CAP_FIREWARE
@ CAP_FIREWARE
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:96
cv::v_extract_n
_Tp v_extract_n(const v_reg< _Tp, n > &v)
Vector extract.
Definition: intrin_cpp.hpp:2400
cvv::FinalShowCaller::~FinalShowCaller
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
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:2685
cv::v_pack_store
void v_pack_store(uchar *ptr, const v_reg< ushort, n > &a)
Definition: intrin_cpp.hpp:3042
cv::videostab::DeblurerBase::blurrinessRates
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
cv::aruco::DetectorParameters::cornerRefinementMinAccuracy
double cornerRefinementMinAccuracy
Definition: aruco.hpp:169
cv::dynafu::Params
kinfu::Params Params
DynamicFusion implementation.
Definition: dynafu.hpp:44
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::printAttrs
virtual void printAttrs() const CV_OVERRIDE
cv::TrackerCSRT::Params::scale_lr
float scale_lr
Definition: tracking.hpp:71
cv::KMEANS_PP_CENTERS
@ KMEANS_PP_CENTERS
Definition: core.hpp:217
cv::videostab::MoreAccurateMotionWobbleSuppressor
Definition: wobble_suppression.hpp:113
cv::line_descriptor::KeyLine::endPointX
float endPointX
Definition: descriptor.hpp:128
cv::viz::Color::pink
static Color pink()
video.hpp
cv::AffineDescriptorExtractor
AffineFeature AffineDescriptorExtractor
Definition: features2d.hpp:270
cv::ParamType< bool >::member_type
bool member_type
Definition: core.hpp:3199
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:3102
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::util::bad_any_cast
Definition: any.hpp:42
cv::detail::tracking::TrackerTargetState::targetHeight
int targetHeight
Definition: tracking.detail.hpp:206
cv::dnn::LSTMLayer
LSTM recurrent layer.
Definition: all_layers.hpp:90
cv::v_lut_pairs
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut_pairs(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2636
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::datasets::MSM_middleburyObj::k
Matx33d k
Definition: msm_middlebury.hpp:63
cv::boxPoints
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
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::CAP_PROP_OPENNI_APPROX_FRAME_SYNC
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:278
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:560
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::face::FacemarkLBF::BBox::y
double y
Definition: facemarkLBF.hpp:105
cv::Allocator::address
pointer address(reference r)
Definition: cvstd.hpp:129
cv::detail::tracking::contrib_feature::CvHOGEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
cv::TrackerCSRT::Params::template_size
float template_size
Definition: tracking.hpp:56
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::GPCForest::train
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:257
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::detail::OpaqueKind::CV_MAT
@ CV_MAT
cv::detail::WaveCorrectKind
WaveCorrectKind
Definition: motion_estimators.hpp:328
cv::CHAIN_APPROX_TC89_KCOS
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:446
cv::KAZE::DiffusivityType
DiffusivityType
Definition: features2d.hpp:762
cv::detail::CylindricalWarperGpu::CylindricalWarperGpu
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:590
cv::detail::get_out< cv::GArray< U > >::get
static std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:276
cv::directx::getTypeFromDXGI_FORMAT
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
cv::cudev::BrdConstant::rows
int rows
Definition: extrapolation.hpp:66
cv::dnn::getLayerFactoryImpl
LayerFactory_Impl & getLayerFactoryImpl()
cv::GKernel::M
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gkernel.hpp:46
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::datasets::OR_sunObj::label
int label
Definition: or_sun.hpp:62
cv::detail::ImageFeatures::descriptors
UMat descriptors
Definition: matchers.hpp:63
cv::KalmanFilter::processNoiseCov
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:398
cv::cudev::greater_equal
Definition: functional.hpp:172
cv::GFrameDesc::fmt
MediaFormat fmt
Definition: gframe.hpp:57
cv::COLOR_RGB2GRAY
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:552
OPENCV_HAL_IMPL_C_SHIFTR
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2915
cv::cudev::IsBinaryFunction::No::a
Yes a[2]
Definition: functional.hpp:1040
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::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::AVIReadContainer::m_movi_start
unsigned long long int m_movi_start
Definition: container_avi.private.hpp:126
cv::instr::NodeData::m_retAddress
void * m_retAddress
Definition: instrumentation.hpp:82
cv::ppf_match_3d::hashtableInsert
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
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::Matx::all
static Matx all(_Tp alpha)
cv::videostab::StabilizerBase::doCorrectionForInclusion
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:93
cv::uint8_t
::uint8_t uint8_t
Definition: cvdef.h:799
cv::detail::tracking::tbm::TrackerParams::aff_thr_fast
float aff_thr_fast
Definition: tracking_by_matching.hpp:273
cv::cudev::hypot
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
cv::superres::createFrameSource_Video
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
cv::hal::LU64f
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
cv::cudev::TransposeBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
cv::AutoBuffer
Automatically Allocated Buffer Class.
Definition: utility.hpp:100
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:82
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::gapi::ie::detail::ParamDesc::is_generic
bool is_generic
Definition: ie.hpp:69
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_tau
float localAdaptintegration_tau
Definition: retina.hpp:176
cv::COLOR_YUV2RGBA_YUYV
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:714
cv::WarperCreator::~WarperCreator
virtual ~WarperCreator()
Definition: warpers.hpp:142
cv::viz::Color::gold
static Color gold()
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::CAP_PROP_XI_CC_MATRIX_00
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:448
cv::parallel::tbb::ParallelForBackend::getThreadNum
virtual int getThreadNum() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:98
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:525
cv::detail::PlanePortraitWarper
Definition: warpers.hpp:663
cv::Error::StsBackTrace
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
nppiStSqrIntegral_8u64u_C1R_host
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
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::stereo::CV_CS_CENSUS
@ CV_CS_CENSUS
Definition: descriptor.hpp:14
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::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:492
cv::getNumberOfCPUs
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
cv::optflow::INTERP_EPIC
@ INTERP_EPIC
Definition: rlofflow.hpp:33
cv::utils::logging::LogTagAuto::LogTagAuto
LogTagAuto(const char *_name, LogLevel _level)
Definition: logger.hpp:51
nppiStDecimate_64s_C1R_host
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::GMetaArgs
std::vector< GMetaArg > GMetaArgs
Definition: gmetaarg.hpp:46
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:324
cv::rapid::extractLineBundle
void extractLineBundle(int len, InputArray ctl2d, InputArray img, OutputArray bundle, OutputArray srcLocations)
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::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:232
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:671
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:262
cv::gapi::calib3d::G_TYPED_KERNEL
G_TYPED_KERNEL(GStereo,< GMat(GMat, GMat, const StereoOutputFormat)>, "org.opencv.stereo")
Definition: stereo.hpp:26
cv::LDA::_eigenvectors
Mat _eigenvectors
Definition: core.hpp:2624
cv::cudacodec::EncoderParams::ForceIntra
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:98
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::detail::tracking::online_boosting::WeakClassifierHaarFeature
Definition: onlineBoosting.hpp:176
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::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::dnn::MishLayer
Definition: all_layers.hpp:471
filesystem.hpp
cv::face::StandardCollector::PredictResult::label
int label
Definition: predict_collector.hpp:87
CvVideoCamera
Definition: cap_ios.h:99
nppiStTranspose_32s_C1R_host
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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:616
NcvRect32s
Definition: NCV.hpp:148
cv::detail::DisjointSets::parent
std::vector< int > parent
Definition: util.hpp:64
cv::gapi::own::Mat::create
void create(const std::vector< int > &_dims, int _type)
Definition: mat.hpp:245
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::COLOR_YUV2BGR_Y422
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:688
cv::DIST_LABEL_PIXEL
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:373
cv::xphoto::LearningBasedWB
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:168
cv::cuda::HostMem::data
uchar * data
Definition: cuda.hpp:796
cv::UMat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2559
cv::cudev::SobelXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
cv::SparseMat::Hdr::freeList
size_t freeList
Definition: mat.hpp:2684
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:319
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
NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
cv::Param::ALGORITHM
@ ALGORITHM
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:73
cv::cuda::swapChannels
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
HaarFeatureDescriptor32_NumFeatures_Shift
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:125
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::LineIterator::minusDelta
int minusDelta
Definition: imgproc.hpp:4861
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_PVAPI_FSTRIGMODE_FREERUN
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:345
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:808
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
cvFloor
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:234
cv::CALIB_CB_FAST_CHECK
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:483
cv::GKernel::outShapes
GShapes outShapes
Definition: gkernel.hpp:51
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:402
cv::face::BasicFaceRecognizer::_threshold
double _threshold
Definition: facerec.hpp:46
cv::Subdiv2D::Vertex::firstEdge
int firstEdge
Definition: imgproc.hpp:1227
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 *)
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::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::cudev::Block::blockId
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
cv::CAP_PROP_ZOOM
@ CAP_PROP_ZOOM
Definition: videoio.hpp:164
cv::GInfer::tag
static constexpr const char * tag()
Definition: infer.hpp:318
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::DualQuat
Definition: dualquaternion.hpp:36
cv::COLOR_YUV420p2BGR
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:662
descriptor.hpp
cv::cuda::StereoBM
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:72
cv::cudev::RemapPtr2::src
SrcPtr src
Definition: remap.hpp:80
cv::detail::tracking::kalman_filters::UkfSystemModel
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:102
cv::_InputArray::KindFlag
KindFlag
Definition: mat.hpp:161
cv::cudev::Log2
Definition: type_traits.hpp:78
cv::Algorithm::read
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3111
NCV_ALLOCATOR_BAD_ALLOC
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
erfilter.hpp
cv::cuda::integral
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
cv::CALIB_CB_EXHAUSTIVE
@ CALIB_CB_EXHAUSTIVE
Definition: calib3d.hpp:484
cv::ppf_match_3d::Pose3D::residual
double residual
Definition: pose_3d.hpp:125
cv::GShape::GFRAME
@ GFRAME
interface.h
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::AffineFeatureDetector
AffineFeature AffineFeatureDetector
Definition: features2d.hpp:269
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::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:481
cv::datasets::HPE_humanevaObj::imageNames
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
cv::optflow::GPCTree::create
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:184
cv::CAP_PROP_FRAME_HEIGHT
@ CAP_PROP_FRAME_HEIGHT
Height of the frames in the video stream.
Definition: videoio.hpp:139
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:932
dynamic_bitset.h
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::CAP_PROP_XI_DOWNSAMPLING_TYPE
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:402
cv::simd128_width
@ simd128_width
Definition: intrin_cpp.hpp:555
cv::CMP_NE
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:216
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
cv::Point_::x
_Tp x
x coordinate of the point
Definition: types.hpp:186
cv::detail::SphericalWarperGpu
Definition: warpers.hpp:555
cv::rgbd::Odometry
Definition: depth.hpp:524
cv::cudacodec::VideoReader
Video reader interface.
Definition: cudacodec.hpp:296
cv::cudacodec::FormatInfo
Struct providing information about video file format. :
Definition: cudacodec.hpp:281
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::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:531
cv::TickMeter::reset
void reset()
resets internal values.
Definition: utility.hpp:374
cv::ximgproc::WMF_JAC
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
cv::cudev::vsetle4
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
NCVVector::~NCVVector
virtual ~NCVVector()
Definition: NCV.hpp:577
cv::setTrackbarPos
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
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::kinfu::Params::lightPose
Vec3f lightPose
light pose for rendering in meters
Definition: kinfu.hpp:144
cv::hconcat
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
cv::linemod::Detector::pyramid_levels
int pyramid_levels
Definition: linemod.hpp:397
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:498
cv::dnn::BaseConvolutionLayer::padMode
String padMode
Definition: all_layers.hpp:217
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_ACQ_TRANSPORT_BUFFER_SIZE
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:502
cv::v_round
v_reg< int, n > v_round(const v_reg< float, n > &a)
Round elements.
Definition: intrin_cpp.hpp:2427
cv::cudev::MakeVec< schar, 4 >::type
char4 type
Definition: vec_traits.hpp:79
cv::datasets::FR_adienceObj::tilt_ang
int tilt_ang
Definition: fr_adience.hpp:78
cv::datasets::rightleft
@ rightleft
Definition: gr_skig.hpp:65
cv::simd512_width
@ simd512_width
Definition: intrin_cpp.hpp:560
cv::AutoBuffer::size
size_t size() const
returns the current buffer size
cv::viz::Color::silver
static Color silver()
NCV_SUCCESS
@ NCV_SUCCESS
Definition: NCV.hpp:316
cv::ppf_match_3d::ICP::~ICP
virtual ~ICP()
Definition: icp.hpp:100
simd512::vx_setzero_u8
v_uint8 vx_setzero_u8()
Definition: intrin.hpp:512
cv::Point_::dot
_Tp dot(const Point_ &pt) const
dot product
cv::CirclesGridFinderParameters::existingVertexGain
float existingVertexGain
Definition: calib3d.hpp:1641
run_length_morphology.hpp
cv::dnn_objdetect::object::label_name
std::string label_name
Definition: core_detect.hpp:30
cv::gapi::LUV2BGR
GMat LUV2BGR(const GMat &src)
Converts an image from LUV color space to BGR color space.
cv::rgbd::RgbdOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: depth.hpp:680
cv::cuda::ALPHA_PREMUL
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
cv::detail::ImageFeatures::img_idx
int img_idx
Definition: matchers.hpp:60
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::GpuMat::cols
int cols
Definition: cuda.hpp:323
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
cv::SparseMatConstIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3273
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.
gmetaarg.hpp
cv::cudev::GpuMat_
Definition: gpumat.hpp:60
cv::cudev::project1st
Definition: functional.hpp:288
cv::sin
Quat< T > sin(const Quat< T > &q)
cv::datasets::TRACK_votObj::gtbb
vector< Point2d > gtbb
Definition: track_vot.hpp:65
cv::CAP_PROP_XI_CC_MATRIX_33
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:463
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:296
cv::detail::get_in< cv::GOpaque< U > >::get
static const U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:180
cv::detail::tracking::online_boosting::BaseClassifier::m_referenceWeakClassifier
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:144
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::utils::AllocatorStatisticsInterface
Definition: allocator_stats.hpp:12
cv::Matx
Template class for small matrices whose type and size are known at compilation time.
Definition: matx.hpp:99
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
cv::cudev::IntegerAreaInterPtrSz
Definition: interpolation.hpp:271
cv::DetectionBasedTracker::IDetector::minNeighbours
int minNeighbours
Definition: detection_based_tracker.hpp:117
cv::detail::OCLCallHelper
Definition: goclkernel.hpp:189
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::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
cv::AVIReadContainer::parseAvi
bool parseAvi(frame_list &in_frame_list, Codecs codec_)
Definition: container_avi.private.hpp:90
cv::DFT_COMPLEX_OUTPUT
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:243
projection.hpp
cv::FileStorage::write
static void write(FileStorage &fs, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:966
cv::cudacodec::SF_BGR
@ SF_BGR
Definition: cudacodec.hpp:79
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:161
cv::ParamType< float >::const_param_type
float const_param_type
Definition: core.hpp:3254
cv::datasets::word::width
int width
Definition: tr_icdar.hpp:63
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.
NcvPoint2D32u::x
Ncv32u x
Point X.
Definition: NCV.hpp:202
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::ocl::Device::hostUnifiedMemory
bool hostUnifiedMemory() const
cv::cudev::DefaultTransformPolicy::block_size_x
@ block_size_x
Definition: transform.hpp:416
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::face::BIF
Definition: bif.hpp:57
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:900
cv::ogl::POINTS
@ POINTS
Definition: opengl.hpp:479
cv::cudev::BrdConstant::cols
int cols
Definition: extrapolation.hpp:66
cv::ACCESS_RW
@ ACCESS_RW
Definition: mat.hpp:65
cv::GFTTDetector
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:654
cv::cuda::HostMem::refcount
int * refcount
Definition: cuda.hpp:797
cv::SOLVEPNP_UPNP
@ SOLVEPNP_UPNP
Definition: calib3d.hpp:462
cv::getNumThreads
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
cv::LineSegmentDetector::~LineSegmentDetector
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1314
cv::LMSolver
Definition: calib3d.hpp:604
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::detail::DpSeamFinder
Definition: seam_finders.hpp:120
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::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
DUMP_MESSAGE_STDOUT
#define DUMP_MESSAGE_STDOUT(...)
Definition: opencl_info.hpp:15
cv::dnn::ProposalLayer
Definition: all_layers.hpp:680
hal_ni_merge32s
int hal_ni_merge32s(const int **src_data, int *dst_data, int len, int cn)
Definition: hal_replacement.hpp:368
cv::line_descriptor::LSDParam::ang_th
double ang_th
Definition: descriptor.hpp:704
cv::util::any
Definition: any.hpp:53
layer.hpp
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
shape_transformer.hpp
cv::bgsegm::LSBPCameraMotionCompensation
LSBPCameraMotionCompensation
Definition: bgsegm.hpp:245
cv::detail::PaniniProjector
Definition: warpers.hpp:430
cv::detail::MultiBandBlender::setNumBands
void setNumBands(int val)
Definition: blenders.hpp:133
cv::stereo::StereoBinaryBM::setUsePrefilter
virtual void setUsePrefilter(bool factor)=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::detail::GInferInputsTyped::getBlobs
const Map & getBlobs() const
Definition: infer.hpp:152
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
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::Error::StsInternal
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
cv::Mat_::Mat_
Mat_() CV_NOEXCEPT
default constructor
cv::gapi::ie::detail::ParamDesc::Kind::Load
@ Load
cv::LMSolver::Callback
Definition: calib3d.hpp:607
cv::utils::optional_shared_lock_guard::mutex_
Mutex * mutex_
Definition: lock.private.hpp:109
cv::aruco::DICT_5X5_50
@ DICT_5X5_50
Definition: dictionary.hpp:146
cv::detail::SeamFinder
Base class for a seam estimator.
Definition: seam_finders.hpp:58
cv::ximgproc::EdgeBoxes
Class implementing EdgeBoxes algorithm from :
Definition: edgeboxes.hpp:67
cv::cudacodec::EncoderParams::QP_Level_Intra
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:93
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::detail::ImageFeatures
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:58
cv::SVD::backSubst
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
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:433
cv::vwcvtu_x_x_v_u64m1
vuint64m1_t vwcvtu_x_x_v_u64m1(vuint32mf2_t v)
Definition: intrin_rvv.hpp:194
cv::cudev::Min::work_type
T work_type
Definition: reduce_to_vec.hpp:107
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
types.hpp
cv::Size_
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:315
cv::detail::CameraParams::focal
double focal
Definition: camera.hpp:65
cv::LineIterator::step
int step
Definition: imgproc.hpp:4859
cv::EMDHistogramCostExtractor
An EMD based cost extraction. :
Definition: hist_cost.hpp:83
cv::detail::AffineBasedEstimator
Affine transformation based estimator.
Definition: motion_estimators.hpp:121
cv::TrackerCSRT::Params
Definition: tracking.hpp:41
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:182
cv::cudev::CommonAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:367
cv::COLOR_BGRA2BGR565
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:564
cv::detail::tracked_cv_mat::validate
void validate() const
Definition: gcpukernel.hpp:219
cv::CALIB_CB_SYMMETRIC_GRID
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:490
cv::linemod::Match::Match
Match()
Definition: linemod.hpp:261
cv::getCPUTickCount
int64 getCPUTickCount()
Returns the number of CPU ticks.
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::rgbd::RgbdICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:997
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:113
cv::datasets::tag::width
int width
Definition: tr_svt.hpp:63
cv::datasets::SR_general100
Definition: sr_general100.hpp:28
ncvGroupRectangles_host
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
cv::videostab::InpainterBase
Definition: inpainting.hpp:61
cv::rgbd::RgbdICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:973
cv::UMatData
Definition: mat.hpp:534
cv::ParamType< String >::const_param_type
const typedef String & const_param_type
Definition: core.hpp:3222
cv::cudacodec::VideoWriter
Video writer interface.
Definition: cudacodec.hpp:177
cv::optflow::GPCPatchDescriptor::markAsSeparated
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:72
NCV_DIMENSIONS_INVALID
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
cv::videostab::WobbleSuppressorBase::motions2
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
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::datasets::word::height
int height
Definition: tr_icdar.hpp:63
cv::dnn_superres::DnnSuperResImpl
A class to upscale images via convolutional neural networks. The following four models are implemente...
Definition: dnn_superres.hpp:40
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::CCL_SAUF
@ CCL_SAUF
Same as CCL_WU. It is preferable to use the flag with the name of the algorithm (CCL_SAUF) rather tha...
Definition: imgproc.hpp:412
cv::cudev::DefaultGlobReducePolicy::patch_size_x
@ patch_size_x
Definition: reduce.hpp:299
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:119
cv::cudev::hypot
__device__ __forceinline__ double4 hypot(double s, const double4 &b)
Definition: vec_math.hpp:917
cv::DIST_L1
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:302
cv::RMat::View::elemSize
size_t elemSize() const
Definition: rmat.hpp:76
cv::cudev::WARP_SIZE
@ WARP_SIZE
Definition: warp.hpp:59
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:690
cv::CAP_PROP_XI_IMAGE_IS_COLOR
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:443
cv::COLOR_YUV2RGBA_YVYU
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:712
cv::gapi::wip::draw::Mosaic::decim
int decim
Decimation (0 stands for no decimation)
Definition: render_types.hpp:260
cv::gapi::own::detail::MatHeader::AUTO_STEP
@ AUTO_STEP
Definition: mat.hpp:45
cv::v_int32x4::get0
int get0() const
Definition: intrin_rvv.hpp:413
cv::line_descriptor::KeyLine::size
float size
Definition: descriptor.hpp:123
cv::dnn::DNN_TARGET_OPENCL_FP16
@ DNN_TARGET_OPENCL_FP16
Definition: dnn.hpp:91
cv::linemod::getDefaultLINE
Ptr< linemod::Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
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::viz::Widget
Base class of all widgets. Widget is implicitly shared.
Definition: widgets.hpp:92
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K2
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:127
cv::detail::get_in
Definition: gcpukernel.hpp:157
cv::Matx14f
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:225
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::line_descriptor::LSDParam::n_bins
int n_bins
Definition: descriptor.hpp:707
cv::COLORMAP_BONE
@ COLORMAP_BONE
Definition: imgproc.hpp:4313
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::cuda::SURF_CUDA::Y_ROW
@ Y_ROW
Definition: cuda.hpp:92
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:995
cv::videostab::InpainterBase::stabilizationMotions
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
NcvRect8u::x
Ncv8u x
Definition: NCV.hpp:139
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:471
CPU_AVX_512IFMA
@ CPU_AVX_512IFMA
Definition: cvdef.h:313
cv::cuda::SURF_CUDA::detect
void detect(const GpuMat &img, const GpuMat &mask, GpuMat &keypoints)
Finds the keypoints using fast hessian detector used in SURF.
Definition: cuda.hpp:155
cv::winrt_imshow
void winrt_imshow()
cv::BRISK::getThreshold
virtual int getThreshold() const
Definition: features2d.hpp:388
cv::dpm::DPMDetector
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:104
cv::detail::BlocksCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.
Definition: exposure_compensate.hpp:169
cv::IMWRITE_EXR_COMPRESSION
@ IMWRITE_EXR_COMPRESSION
override EXR storage type (FLOAT (FP32) is default)
Definition: imgcodecs.hpp:98
cv::cudev::GlobPtr
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:62
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::detail::tracking::contrib_feature::CvHOGEvaluator::Feature
Definition: feature.hpp:314
NCVMemStackAllocator
Definition: NCV.hpp:483
cv::LINE_4
@ LINE_4
4-connected line
Definition: imgproc.hpp:814
cv::detail::VectorRef::holds
bool holds() const
Definition: garray.hpp:294
cv::ocl::Device::p
Impl * p
Definition: ocl.hpp:243
cv::RMat::View::depth
int depth() const
Definition: rmat.hpp:74
cv::img_hash::ImgHashBase::pImpl
Ptr< ImgHashImpl > pImpl
Definition: img_hash_base.hpp:39
cv::detail::PaniniProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::detail::ExposureCompensator::setUpdateGain
void setUpdateGain(bool b)
Definition: exposure_compensate.hpp:90
cv::Affine3::inv
Affine3 inv(int method=cv::DECOMP_SVD) const
HaarClassifierCascadeDescriptor::bHasStumpsOnly
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:341
phase_unwrapping.hpp
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::COLOR_LRGB2Lab
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:626
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:596
cv::util::get
T & get(util::variant< Types... > &v)
Definition: variant.hpp:388
cv::text::OCRBeamSearchDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:406
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::detail::InferROITraits
Definition: infer.hpp:405
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::EVENT_RBUTTONDBLCLK
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:219
cv::face::FacemarkAAM::Data
Data container for the facemark::getData function.
Definition: facemarkAAM.hpp:98
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::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::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::reg::MapAffine::getShift
void getShift(OutputArray shift) const
Definition: mapaffine.hpp:100
cv::aruco::CharucoBoard::getSquareLength
float getSquareLength() const
Definition: charuco.hpp:111
cv::gapi::streaming::sync_policy::dont_sync
@ dont_sync
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)
cv::util::detail::type_list_index_helper
Definition: variant.hpp:26
cv::QuatEnum::EXT_XZY
@ EXT_XZY
Extrinsic rotations with the Euler angles type X-Z-Y.
Definition: quaternion.hpp:114
NcvBool
bool NcvBool
Definition: NCV.hpp:118
cv::ximgproc::EdgeAwareInterpolator
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:77
cv::detail::make_default
auto make_default() -> decltype(T
Definition: gtyped.hpp:42
cv::Allocator::difference_type
ptrdiff_t difference_type
Definition: cvstd.hpp:119
cv::datasets::SLAM_tumindoorObj::type
imageType type
Definition: slam_tumindoor.hpp:71
nppiStTranspose_64u_C1R
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::ximgproc::BINARIZATION_WOLF
@ BINARIZATION_WOLF
Wolf's technique. See .
Definition: ximgproc.hpp:124
cv::legacy::MultiTracker_Alt::targetNum
int targetNum
Current number of targets in tracking-list.
Definition: tracking_legacy.hpp:450
cv::CAP_PROP_XI_HDR_T1
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:512
cv::GOpaque::GOpaque
GOpaque(detail::GOpaqueU &&ref)
Definition: gopaque.hpp:319
cv::ocl::Device::getImpl
Impl * getImpl() const
Definition: ocl.hpp:240
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::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::cudev::Warp
Definition: warp.hpp:62
cv::videostab::DeblurerBase::motions
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
cv::datasets::IS_weizmannObj
Definition: is_weizmann.hpp:60
cv::cudev::GpuMat_::stepT
__host__ size_t stepT() const
returns step()/sizeof(T)
cv::BOWImgDescriptorExtractor::dextractor
Ptr< DescriptorExtractor > dextractor
Definition: features2d.hpp:1535
cv::cudev::PtrTraitsBase::ptr_sz_type
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
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::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::CALIB_USE_INTRINSIC_GUESS
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:496
cv::COLOR_BayerRG2RGBA
@ COLOR_BayerRG2RGBA
Definition: imgproc.hpp:793
cv::dnn::ExpLayer
Definition: all_layers.hpp:503
cv::ovis::SCENE_SHOW_CS_CROSS
@ SCENE_SHOW_CS_CROSS
draw coordinate system crosses for debugging
Definition: ovis.hpp:51
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::MatConstIterator_
Matrix read-only iterator.
Definition: mat.hpp:3080
cv::quality::QualityGMSD
Full reference GMSD algorithm http://www4.comp.polyu.edu.hk/~cslzhang/IQA/GMSD/GMSD....
Definition: qualitygmsd.hpp:19
cv::DetectionROI
struct for detection region of interest (ROI)
Definition: objdetect.hpp:345
cv::dnn::DataAugmentationLayer
Definition: all_layers.hpp:566
cv::datasets::male
@ male
Definition: fr_adience.hpp:62
cvv::impl::showImage
void showImage(cv::InputArray img, const CallMetaData &data, const char *description, const char *view)
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::gapi::ie::detail::ParamDesc::nireq
size_t nireq
Definition: ie.hpp:76
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::OptRef::reset
void reset()
Definition: gstreaming.hpp:56
simd512::vx_setzero_u16
v_uint16 vx_setzero_u16()
Definition: intrin.hpp:514
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_MINOR_VERSION
#define CV_MINOR_VERSION
Definition: version.hpp:23
cv::cuda::EventAccessor
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:75
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::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::saliency::MotionSaliencyBinWangApr2014::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
cv::CylindricalWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:171
cv::v_rshr_pack_u_store
void v_rshr_pack_u_store(uchar *ptr, const v_reg< short, n > &a)
Definition: intrin_cpp.hpp:3078
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
nppiStIntegral_8u32u_C1R_host
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::GFluidKernel::m_f
const F m_f
Definition: gfluidkernel.hpp:89
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:66
cv::cudev::GlobPtrSz::cols
int cols
Definition: glob.hpp:87
cv::ximgproc::MSLIC
@ MSLIC
Definition: slic.hpp:132
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:2561
cv::UMatData::refcount
int refcount
Definition: mat.hpp:561
cv::cudev::ScharrXPtrSz
Definition: deriv.hpp:254
cv::COLOR_RGBA2BGRA
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:549
cv::Quat::tanh
Quat< _Tp > tanh() const
return tanh value of this quaternion, tanh could be calculated as:
cv::hal::DFT1D
Definition: hal.hpp:204
cv::randShuffle
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
cv::ximgproc::segmentation::GraphSegmentation
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
cv::COLOR_BGR2RGBA
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:539
cv::_InputArray::flags
int flags
Definition: mat.hpp:259
cv::CAP_PROP_XI_CC_MATRIX_13
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:455
cv::COLORMAP_DEEPGREEN
@ COLORMAP_DEEPGREEN
Definition: imgproc.hpp:4333
cv::CALIB_FIX_FOCAL_LENGTH
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:500
cv::legacy::TrackerCSRT
the CSRT tracker
Definition: tracking_legacy.hpp:500
cv::detail::AffineWarper
Affine warper that uses rotations and translations.
Definition: warpers.hpp:235
cv::COLOR_BayerBG2BGR
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:748
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
NCV_NOIMPL_HAAR_TILTED_FEATURES
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
cv::CASCADE_DO_CANNY_PRUNING
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
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::kinfu::Intr::Reprojector::fyinv
float fyinv
Definition: intrinsics.hpp:35
cv::getThreadNum
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
cv::util::detail::type_list_index_helper::value
static const constexpr std::size_t value
Definition: variant.hpp:29
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getSwappedClassifier
int getSwappedClassifier() const
NppStInterpolationState::pSrcFrame1
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
cv::cudacodec::VideoWriter::~VideoWriter
virtual ~VideoWriter()
Definition: cudacodec.hpp:180
cv::MediaFrame::View::Strides
std::array< std::size_t, MAX_PLANES > Strides
Definition: media.hpp:60
cv::ocl::Program::empty
bool empty() const
Definition: ocl.hpp:538
cv::optflow::RLOFOpticalFlowParameter::solverType
SolverType solverType
Definition: rlofflow.hpp:83
cv::CAP_PROP_TRIGGER
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:161
cv::gapi::ie::Params< cv::gapi::Generic >::params
cv::util::any params() const
Definition: ie.hpp:241
cv::ximgproc::FastLineDetector
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:24
NcvRect32u::y
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
cv::QuatEnum::INT_XZY
@ INT_XZY
Intrinsic rotations with the Euler angles type X-Z-Y.
Definition: quaternion.hpp:101
cv::cudev::NormL2
Definition: vec_distance.hpp:122
intrin.hpp
cv::detail::tracking::TrackerContribSamplerCSC
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking_internals.hpp:641
fuzzy_F1_math.hpp
cv::optflow::RLOFOpticalFlowParameter::crossSegmentationThreshold
int crossSegmentationThreshold
Definition: rlofflow.hpp:112
cv::ovis::MATERIAL_TEXTURE
@ MATERIAL_TEXTURE
Definition: ovis.hpp:68
cv::TrackerKCF::Params::max_patch_size
int max_patch_size
threshold for the ROI size
Definition: tracking.hpp:131
cv::RotateFlags
RotateFlags
Definition: core.hpp:1072
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:406
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::gapi::ie::Params< cv::gapi::Generic >::constInput
Params & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: ie.hpp:225
cv::optflow::GPCDetails
Definition: sparse_matching_gpc.hpp:301
CV_CONSTEXPR
#define CV_CONSTEXPR
Definition: cvdef.h:765
cv::v512_load_aligned
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1683
cv::line_descriptor::LSDParam::density_th
double density_th
Definition: descriptor.hpp:706
cv::cuda::ALPHA_ATOP_PREMUL
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
cv::detail::VectorRef::descr_of
cv::GArrayDesc descr_of() const
Definition: garray.hpp:306
dnn.hpp
cv::detail::tracking::kalman_filters::UkfSystemModel::~UkfSystemModel
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:106
nppiStGetInterpolationBufferSize
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
cv::COLOR_YUV2BGRA_NV12
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:649
NCV_TEXTURE_BIND_ERROR
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
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::MONOCHROME_TRANSFER
@ MONOCHROME_TRANSFER
Definition: photo.hpp:721
simd512::vx_lut
v_float64 vx_lut(const double *ptr, const int *idx)
Definition: intrin.hpp:607
cv::ppf_match_3d::normalizePCCoeff
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
cv::kinfu::Intr::Reprojector::Reprojector
Reprojector()
Definition: intrinsics.hpp:21
cv::v_reinterpret_as_f64
v_reg< double, n0 *sizeof(_Tp0)/sizeof(double)> v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2891
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::cudacodec::MPEG1
@ MPEG1
Definition: cudacodec.hpp:247
cv::DIST_C
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:304
cv::Point3i
Point3_< int > Point3i
Definition: types.hpp:270
cv::ccm::COLOR_SPACE_Lab_E_10
@ COLOR_SPACE_Lab_E_10
non-RGB color space
Definition: ccm.hpp:133
cv::CAP_PVAPI_PIXELFORMAT_BAYER16
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:363
cv::FlannBasedMatcher::indexParams
Ptr< flann::IndexParams > indexParams
Definition: features2d.hpp:1276
cv::linearPolar
void linearPolar(InputArray src, OutputArray dst, Point2f center, double maxRadius, int flags)
Remaps an image to polar coordinates space.
cv::videostab::MotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
cv::gapi::own::Rect
Definition: types.hpp:41
cv::GFrameDesc::size
cv::Size size
Definition: gframe.hpp:58
cv::face::FacemarkAAM::Model::S
Mat S
Definition: facemarkAAM.hpp:143
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::CAP_PROP_FORMAT
@ CAP_PROP_FORMAT
Definition: videoio.hpp:143
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::boundingRect
Rect boundingRect(InputArray array)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
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::detail::FluidCallHelper
Definition: gfluidkernel.hpp:354
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:59
cv::detail::tracking::TrackerSamplerCSC::Params
Definition: tracking.detail.hpp:363
cv::CAP_PROP_XI_AE_MAX_LIMIT
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:394
reduce.hpp
cv::videostab::NullDeblurer
Definition: deblurring.hpp:90
CV_CUDEV_EXPR_UNOP_INST
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
cv::detail::VectorRefT::mov
virtual void mov(BasicVectorRef &v) override
Definition: garray.hpp:219
cv::detail::tracking::contrib_feature::CvLBPEvaluator
Definition: feature.hpp:368
cv::GInferROIBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:281
cv::detail::tracking::online_boosting::Detector::getConfidenceOfBestDetection
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:216
cv::omnidir::RECTIFY_CYLINDRICAL
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:70
cv::v_int8x16::v_int8x16
v_int8x16()
Definition: intrin_rvv.hpp:265
cv::videostab::RansacParams::size
int size
subset size
Definition: motion_core.hpp:75
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::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::detail::GInferInputsTyped::GInferInputsTyped
GInferInputsTyped()
Definition: infer.hpp:133
cv::AlignExposures
The base class for algorithms that align images of the same scene with different exposures.
Definition: photo.hpp:450
cv::dnn::TextDetectionModel_EAST
This class represents high-level API for text detection DL networks compatible with EAST model.
Definition: dnn.hpp:1494
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:777
cv::datasets::SLAM_kitti
Definition: slam_kitti.hpp:74
gstreaming.hpp
cv::CAP_PROP_POS_FRAMES
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:136
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::ovis::createWindow
Ptr< WindowScene > createWindow(const String &title, const Size &size, int flags=SCENE_INTERACTIVE|SCENE_AA)
cv::detail::get_window_helper< false, Impl, Ins... >::help
static int help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:315
cv::QuatEnum::INT_YXY
@ INT_YXY
Intrinsic rotations with the Euler angles type Y-X-Y.
Definition: quaternion.hpp:108
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_EXPORTS_AS
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:450
cv::getMouseWheelDelta
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
cv::cudev::UnaryTupleAdapter
Definition: tuple_adapter.hpp:57
cv::vint8mf4_t
Definition: intrin_rvv.hpp:140
cv::datasets::OR_pascalObj::depth
int depth
Definition: or_pascal.hpp:84
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
cv::cuda::setGlDevice
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
cv::linemod::Detector::LinearMemories
std::vector< Mat > LinearMemories
Definition: linemod.hpp:404
show_image.hpp
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::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyMultiple
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
cv::ocl::Device::isAMD
bool isAMD() const
Definition: ocl.hpp:191
cv::detail::OpaqueRef::wref
T & wref()
Definition: gopaque.hpp:273
cv::xfeatures2d::Elliptic_KeyPoint
Elliptic region around an interest point.
Definition: xfeatures2d.hpp:905
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::detail::PaniniWarper
Definition: warpers.hpp:439
cv::v_matmuladd
v_reg< float, n > v_matmuladd(const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Matrix multiplication and add.
Definition: intrin_cpp.hpp:3226
cv::CAP_PROP_APERTURE
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:617
cv::samples::addSamplesDataSearchPath
void addSamplesDataSearchPath(const cv::String &path)
Override search data path by adding new search location.
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:181
cv::detail::ConstructVec
std::function< void(VectorRef &)> ConstructVec
Definition: garray.hpp:58
cv::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:581
cv::cudev::AffineMapPtrSz::cols
int cols
Definition: warping.hpp:79
cv::stereo::StereoMatcher::DISP_SCALE
@ DISP_SCALE
Definition: stereo.hpp:79
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::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
Cv16suf::i
short i
Definition: cvdef.h:369
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::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
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::viz::getWindowByName
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
cv::CAP_PVAPI_PIXELFORMAT_BGR24
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:365
cv::softfloat::setFrac
softfloat setFrac(const softfloat &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:196
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::img_hash::MarrHildrethHash::MarrHildrethHash
MarrHildrethHash()
Definition: marr_hildreth_hash.hpp:45
cv::CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:484
cv::connectedComponents
int connectedComponents(InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image
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::GMatDesc::chan
GAPI_PROP int chan
Definition: gmat.hpp:80
cv::ppf_match_3d::getRandomPose
void getRandomPose(Matx44d &Pose)
cv::ml::ErrorTypes
ErrorTypes
Error types
Definition: ml.hpp:89
cv::detail::tracking::contrib_feature::CvHOGEvaluator::integralHistogram
virtual void integralHistogram(const Mat &img, std::vector< Mat > &histogram, Mat &norm, int nbins) const
cv::cudev::binaryTupleAdapter
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
cv::MediaFrame::View::stride
Strides stride
Definition: media.hpp:70
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:4859
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::linemod::Match::x
int x
Definition: linemod.hpp:282
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:830
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
predict_collector.hpp
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:629
cv_cpu_helper.h
cv::ppf_match_3d::hashnode_i::next
struct hashnode_i * next
Definition: t_hash_int.hpp:64
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
highgui.hpp
cv::Vec::conj
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
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:3417
cv::cudacodec::createVideoReader
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
cv::Matx23d
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:242
cv::ximgproc::EdgeDrawing::GradientOperator
GradientOperator
Definition: edge_drawing.hpp:36
cv::CAP_PROP_IMAGES_BASE
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:632
t_hash_int.hpp
cv::gapi::Generic
Special network type.
Definition: infer.hpp:536
cv::cudev::bit_not
Definition: functional.hpp:252
cv::gapi::own::Point2f::Point2f
Point2f(float _x, float _y)
Definition: types.hpp:35
cv::viz::readPose
bool readPose(const String &file, Affine3d &pose, const String &tag="pose")
Read/write poses and trajectories.
ring_buffer.hpp
cvv::impl::debugFilter
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
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:504
cv::xfeatures2d::PCTSignatures::UNIFORM
@ UNIFORM
Generate numbers uniformly.
Definition: xfeatures2d.hpp:464
cv::datasets::IS_weizmann
Definition: is_weizmann.hpp:68
cv::vfloat32mf2_t::vfloat32mf2_t
vfloat32mf2_t(const float *ptr)
Definition: intrin_rvv.hpp:95
cv::cudev::CommonAreaInterPtr::index_type
float index_type
Definition: interpolation.hpp:297
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::datasets::Dataset::train
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:579
cv::v256_setall_s32
v_int32x8 v256_setall_s32(int val)
Definition: intrin_cpp.hpp:2853
cv::ximgproc::EdgeAwareFiltersList
EdgeAwareFiltersList
Definition: edge_filter.hpp:51
kinfu.hpp
cv::gapi::ie::Params::tag
std::string tag() const
Definition: ie.hpp:191
cv::Error::StsBadArg
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
cv::detail::g_type_of_t
typename GTypeOf< T >::type g_type_of_t
Definition: gtype_traits.hpp:133
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:4801
cv::ximgproc::EdgeDrawing::Params::SumFlag
bool SumFlag
Definition: edge_drawing.hpp:60
cv::detail::tracked_cv_umat
Definition: goclkernel.hpp:128
cv::rgbd::FastICPOdometry
Definition: depth.hpp:1039
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:524
cv::kinfu::Intr::Reprojector::operator()
cv::Point3_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:28
cv::rgbd::RgbdOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: depth.hpp:704
cv::datasets::createDirectory
void createDirectory(const std::string &path)
cv::cuda::Stream
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:848
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::mcc::CChecker
checker object
Definition: checker_model.hpp:64
cv::hal::cvt32f16f
void cvt32f16f(const float *src, float16_t *dst, int len)
cv::COLOR_BayerRG2RGB
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:755
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::dnn::operator<<
static std::ostream & operator<<(std::ostream &out, const MatShape &shape)
Definition: shape_utils.hpp:202
cv::ml::VAR_ORDERED
@ VAR_ORDERED
ordered variables
Definition: ml.hpp:84
cv::datasets::HPE_humanevaObj
Definition: hpe_humaneva.hpp:60
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::cudev::RemapPtr1::map
MapPtr map
Definition: remap.hpp:66
cv::COLOR_BayerGR2RGB_EA
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:783
cv::ccm::COLOR_SPACE_XYZ_A_2
@ COLOR_SPACE_XYZ_A_2
non-RGB color space
Definition: ccm.hpp:114
cv::GCall::yieldScalar
GScalar yieldScalar(int output=0)
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::BackendWrapper::setHostDirty
virtual void setHostDirty()=0
Indicate that an actual data is on CPU.
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
NCVVector
Definition: NCV.hpp:566
cv::Point3_::cross
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
cv::InputOutputArrayOfArrays
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:446
cv::phase_unwrapping::HistogramPhaseUnwrapping
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:65
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::utils::dumpInt
static String dumpInt(int argument)
Definition: bindings_utils.hpp:33
cv::gapi::own::Point2f::y
float y
Definition: types.hpp:38
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_k
float localAdaptintegration_k
Definition: retina.hpp:176
cv::DescriptorMatcher::write
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:1144
cv::__UMAT_USAGE_FLAGS_32BIT
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:462
cv::cudev::DerivXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
cv::softdouble::softdouble
softdouble()
Default constructor.
Definition: softfloat.hpp:230
cv::min
softfloat min(const softfloat &a, const softfloat &b)
Min and Max functions.
Definition: softfloat.hpp:437
cv::text::OCR_DECODER_VITERBI
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:174
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::videostab::MotionInpainter::setFlowErrorThreshold
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
cv::Matx::row
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
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::datasets::PascalObj::parts
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
cv::CAP_PROP_XI_FFS_FILE_ID
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:520
cv::softfloat::isSubnormal
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:172
cv::MatExpr::max
static MatExpr max(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3701
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::v_cvt_f32
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:2537
cv::datasets::FR_adienceObj::y
int y
Definition: fr_adience.hpp:75
cv::cudev::Warp::laneId
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
cv::datasets::join::Wx
double Wx
Definition: gr_chalearn.hpp:67
cv::GrabCutClasses
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:345
cv::cudev::vavrg4
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
cv::Matx32f
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:243
cv::Complex::Complex
Complex()
default constructor
cv::v_int8x32
v_reg< schar, 32 > v_int8x32
Thirty two 8-bit signed integer values.
Definition: intrin_cpp.hpp:512
cv::img_hash::RadialVarianceHash
Image hash based on Radon transform.
Definition: radial_variance_hash.hpp:21
cv::GOpaque::HT
typename detail::flatten_g< util::decay_t< T > >::type HT
Definition: gopaque.hpp:316
cv::CAP_PROP_HUE
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:149
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::ppf_match_3d::PoseCluster3D::numVotes
size_t numVotes
Definition: pose_3d.hpp:178
cv::MouseEventFlags
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:226
cv::BFMatcher
Brute-force descriptor matcher.
Definition: features2d.hpp:1199
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::cudev::vcmpne2
__device__ __forceinline__ uint vcmpne2(uint a, uint b)
Definition: simd_functions.hpp:454
cv::cudev::LinearInterPtrSz::cols
int cols
Definition: interpolation.hpp:136
cuda.hpp
cv::detail::VectorRefT::VectorRefT
VectorRefT(const std::vector< T > &vec)
Definition: garray.hpp:157
cv::instr::NodeData::m_funName
cv::String m_funName
Definition: instrumentation.hpp:77
cv::SparseMatConstIterator_
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3269
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.
int64
int64_t int64
Definition: interface.h:61
cv::quality::QualityPSNR::_qualityMSE
Ptr< QualityMSE > _qualityMSE
Definition: qualitypsnr.hpp:91
cv::stereo::PropagationParameters::lkTermParam1
int lkTermParam1
Definition: quasi_dense_stereo.hpp:58
cv::COLOR_YUV2BGR_NV21
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:644
cv::detail::BundleAdjusterBase::features_
const ImageFeatures * features_
Definition: motion_estimators.hpp:202
cv::datasets::TR_icdarObj
Definition: tr_icdar.hpp:66
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:412
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::rgbd::RgbdOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: depth.hpp:728
cv::FileNodeIterator::idx
size_t idx
Definition: persistence.hpp:692
simd512::vx_load_expand_q
v_int32 vx_load_expand_q(const schar *ptr)
Definition: intrin.hpp:656
cv::face::FisherFaceRecognizer
Definition: facerec.hpp:89
cv::gapi::wip::draw::Rect::lt
int lt
The type of the line. See LineTypes.
Definition: render_types.hpp:151
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:200
cv::videostab::FastMarchingMethod::FastMarchingMethod
FastMarchingMethod()
Definition: fast_marching.hpp:66
cv::viz::Camera::setClip
void setClip(const Vec2d &clip)
Definition: types.hpp:216
cv::namedWindow
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
cv::cudev::Texture::cols
int cols
Definition: texture.hpp:207
cv::AVIReadContainer::getFrames
frame_list & getFrames()
Definition: container_avi.private.hpp:92
cv::GCompileArg
Represents an arbitrary compilation argument.
Definition: gcommon.hpp:154
cv::COLOR_BayerGR2GRAY
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:761
cv::videostab::IFrameSource
Definition: frame_source.hpp:57
cv::Subdiv2D::freeQEdge
int freeQEdge
Definition: imgproc.hpp:1246
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:3278
cv::gapi::onnx::Params::cfgNormalize
Params< Net > & cfgNormalize(const typename PortCfg< Net >::Normalize &n)
Definition: onnx.hpp:184
cv::HISTCMP_KL_DIV
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:525
cv::cuda::DenseOpticalFlow
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:70
cv::detail::TransverseMercatorProjector
Definition: warpers.hpp:487
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:187
cv::VecCommaInitializer
Comma-separated Vec Initializer.
Definition: matx.hpp:470
cv::vuint64mf2_t
Definition: intrin_rvv.hpp:101
cv::fisheye::projectPoints
void projectPoints(InputArray objectPoints, OutputArray imagePoints, const Affine3d &affine, InputArray K, InputArray D, double alpha=0, OutputArray jacobian=noArray())
Projects points using fisheye model.
cv::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:314
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:227
cv::SCORE_METHOD_RANSAC
@ SCORE_METHOD_RANSAC
Definition: calib3d.hpp:549
cv::GMatDesc::asInterleaved
GMatDesc asInterleaved() const
Definition: gmat.hpp:195
cv::vint32mf2_t::vint32mf2_t
vint32mf2_t()
Definition: intrin_rvv.hpp:84
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::img_hash::averageHash
void averageHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Calculates img_hash::AverageHash in one call.
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::cudev::BinaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:106
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::rgbd::ICPOdometry::getMaxRotation
double getMaxRotation() const
Definition: depth.hpp:847
cv::datasets::AR_hmdbObj
Definition: ar_hmdb.hpp:60
cv::cudev::DerivYPtr::index_type
int index_type
Definition: deriv.hpp:104
cv::gapi::ie::Params< cv::gapi::Generic >::tag
std::string tag() const
Definition: ie.hpp:240
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::RetinaParameters::OPLandIplParvo
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
cv::CONTOURS_MATCH_I3
@ CONTOURS_MATCH_I3
Definition: imgproc.hpp:460
NcvSize32s::NcvSize32s
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
cv::detail::RotationWarper
Rotation-only model image warper interface.
Definition: warpers.hpp:59
cv::CC_STAT_HEIGHT
@ CC_STAT_HEIGHT
The vertical size of the bounding box.
Definition: imgproc.hpp:399
cv::Stitcher::resultMask
UMat resultMask() const
Definition: stitching.hpp:305
cv::detail::MetaHelper
Definition: gkernel.hpp:139
cv::Scalar_< double >
cv::Stitcher::setExposureCompensator
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:240
cv::util::type_list_index
Definition: variant.hpp:42
dynafu.hpp
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:1145
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)
cv::GScalarDesc
Definition: gscalar.hpp:52
cv::directx::convertToDirect3DSurface9
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
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::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::Quat::Quat
Quat()
cv::Node::~Node
~Node()
Definition: utility.hpp:1065
cv::detail::BasicOpaqueRef::mov
virtual void mov(BasicOpaqueRef &ref)=0
cv::ft::FT12D_createPolynomMatrixHorizontal
void FT12D_createPolynomMatrixHorizontal(int radius, OutputArray matrix, const int chn)
Creates horizontal matrix for -transform computation.
cv::dnn::PoolingLayer::pads_end
std::vector< size_t > pads_end
Definition: all_layers.hpp:250
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::cudev::project2nd::operator()
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
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::optflow::OpticalFlowPCAFlow::claheClip
const float claheClip
Definition: pcaflow.hpp:103
cv::LineIterator::LineIterator
LineIterator(Rect boundingAreaRect, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4836
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:1377
cv::cudev::NormL1< float >::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
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:218
cv::SimpleBlobDetector::Params::minConvexity
float minConvexity
Definition: features2d.hpp:737
cv::dnn::DNN_TARGET_VULKAN
@ DNN_TARGET_VULKAN
Definition: dnn.hpp:93
cv::xphoto::SimpleWB
A simple white balance algorithm that works by independently stretching each of the input image chann...
Definition: white_balance.hpp:79
cv::optflow::GPCTrainingSamples::type
int type() const
Definition: sparse_matching_gpc.hpp:116
cv::VideoCapture::read
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::setValues
void setValues(float mean, float sigma)
G_TYPED_KERNEL_M
#define G_TYPED_KERNEL_M
Definition: gkernel.hpp:364
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::MatCommaInitializer_::it
MatIterator_< _Tp > it
Definition: mat.hpp:524
cv::v_uint64x2::v_uint64x2
v_uint64x2()
Definition: intrin_rvv.hpp:456
cv::videostab::FromFileMotionReader
Definition: global_motion.hpp:198
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:138
cv::ocl::KernelArg::m
UMat * m
Definition: ocl.hpp:422
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_16FC1
#define CV_16FC1
Definition: interface.h:130
CvPhotoCamera::stillImageOutput
AVCaptureStillImageOutput * stillImageOutput
Definition: cap_ios.h:142
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)
simd512::vx_setall_s8
v_int8 vx_setall_s8(schar v)
Definition: intrin.hpp:496
cv::detail::Yield< GFrame >::yield
static cv::GFrame yield(cv::GCall &call, int i)
Definition: gkernel.hpp:96
cv::GShape::GSCALAR
@ GSCALAR
cv::cuda::setBufferPoolConfig
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
fourier_descriptors.hpp
NcvRect32s::height
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
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:492
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::text::BaseOCR::~BaseOCR
virtual ~BaseOCR()
Definition: ocr.hpp:95
cv::COLOR_RGB2YUV_IYUV
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:735
cv::COLOR_YUV2RGB_YUYV
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:705
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::datasets::OR_sunObj::name
std::string name
Definition: or_sun.hpp:63
cv::aruco::DetectorParameters::maxErroneousBitsInBorderRate
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:173
cv::dnn::FlowWarpLayer
Definition: all_layers.hpp:584
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::kinfu::Intr::makeProjector
Projector makeProjector() const
Definition: intrinsics.hpp:71
cv::createStitcherScans
Ptr< Stitcher > createStitcherScans(bool try_use_gpu=false)
cv::DetectionBasedTracker::IDetector::getMinObjectSize
cv::Size getMinObjectSize() const
Definition: detection_based_tracker.hpp:88
cv::VideoCapture::setExceptionMode
void setExceptionMode(bool enable)
Definition: videoio.hpp:894
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::face::FaceRecognizer::_labelsInfo
std::map< int, String > _labelsInfo
Definition: face.hpp:371
cv::saturate_cast< uint64 >
uint64 saturate_cast< uint64 >(schar v)
Definition: saturate.hpp:152
cv::gapi::imgproc::GMat2
std::tuple< GMat, GMat > GMat2
Definition: imgproc.hpp:51
cv::detail::tracking::TrackerContribFeature
Abstract base class for TrackerContribFeature that represents the feature.
Definition: tracking_internals.hpp:267
cv::stereo::StereoBinaryBM::setSpekleRemovalTechnique
virtual void setSpekleRemovalTechnique(int factor)=0
cv::AsyncArray::p
Impl * p
Definition: async.hpp:99
cv::util::detail::type_list_index_helper::is_same
static const constexpr bool is_same
Definition: variant.hpp:28
cv::GInferList
Definition: infer.hpp:337
cv::AutoBuffer::AutoBuffer
AutoBuffer()
the default constructor
cv::datasets::GR_skigObj::illumination
illuminationType illumination
Definition: gr_skig.hpp:100
gopaque.hpp
cv::detail::tracking::contrib_feature::CvHaarEvaluator::getFeatures
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
cv::datasets::TRACK_votObj
Definition: track_vot.hpp:61
INCVMemAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
cv::ml::SVM::GAMMA
@ GAMMA
Definition: ml.hpp:671
cv::gapi::streaming::UV
GMat UV(const cv::GFrame &frame)
Extracts UV plane from media frame.
cv::gapi::ie::Params::cfgOutputLayers
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: ie.hpp:128
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:1454
cv::OPTFLOW_FARNEBACK_GAUSSIAN
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
cv::detail::GOpaqueU::holds
bool holds() const
Definition: gopaque.hpp:97
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::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::Error::StsUnmatchedFormats
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
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::cudacodec::EncoderParams::ForceIDR
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:99
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::ximgproc::ARO_45_135
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
CPU_AVX512_ICL
@ CPU_AVX512_ICL
Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ.
Definition: cvdef.h:339
cv::idct
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
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::ROTATE_180
@ ROTATE_180
Rotate 180 degrees clockwise.
Definition: core.hpp:1074
cv::detail::tracking::online_boosting::ClassifierThreshold
Definition: onlineBoosting.hpp:266
cvv
Definition: call_meta_data.hpp:8
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.
cv::GMatDesc::withSizeDelta
GMatDesc withSizeDelta(cv::Size delta) const
Definition: gmat.hpp:123
cv::mcc::TYPECHART
TYPECHART
enum to hold the type of the checker
Definition: checker_model.hpp:46
cv::TrackerKCF::Params::pca_learning_rate
float pca_learning_rate
compression learning rate
Definition: tracking.hpp:126
NCV_INVALID_SCALE
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
cv::cudev::TypeTraits::is_reference
@ is_reference
Definition: type_traits.hpp:139
cv::cudev::IntegerAreaInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
cv::Error::StsError
@ StsError
unknown /unspecified error
Definition: base.hpp:71
cv::face::getFacesHAAR
bool getFacesHAAR(InputArray image, OutputArray faces, const String &face_cascade_name)
cv::datasets::IR_robotObj
Definition: ir_robot.hpp:70
cv::detail::BlocksCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
lsh_table.h
cv::AgastFeatureDetector::OAST_9_16
@ OAST_9_16
Definition: features2d.hpp:604
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:2649
cv::detail::tracking::online_boosting::BaseClassifier::~BaseClassifier
virtual ~BaseClassifier()
cv::FastFeatureDetector::TYPE_9_16
@ TYPE_9_16
Definition: features2d.hpp:544
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::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:22
cv::ParamType< Scalar >::const_param_type
const typedef Scalar & const_param_type
Definition: core.hpp:3286
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::datasets::join::Py
double Py
Definition: gr_chalearn.hpp:67
cv::cuda::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:452
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::GInferList2::tag
static constexpr const char * tag()
Definition: infer.hpp:358
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::CAP_PROP_XI_FREE_FFS_SIZE
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:522
cv::mcc::CCheckerDetector
A class to find the positions of the ColorCharts in the image.
Definition: checker_detector.hpp:129
cv::datasets::cameraPos
Definition: ir_robot.hpp:65
cv::optflow::GPCTree::Node::right
unsigned right
Definition: sparse_matching_gpc.hpp:162
cv::viz::Camera::getFocalLength
const Vec2d & getFocalLength() const
Definition: types.hpp:225
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:596
cv::vint8mf4_t::vint8mf4_t
vint8mf4_t()
Definition: intrin_rvv.hpp:143
cv::sfm::SFM_DISTORTION_MODEL_DIVISION
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
cv::datasets::GR_chalearnObj::nameUser
std::string nameUser
Definition: gr_chalearn.hpp:77
cv::saturate_cast< schar >
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:110
cv::cuda::FGDParams::Lc
int Lc
Quantized levels per 'color' component. Power of two, typically 32, 64 or 128.
Definition: cudalegacy.hpp:156
cv::omnidir::internal::subMatrix
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
cv::GInferList2Base
Definition: infer.hpp:299
cv::Mat::step
MatStep step
Definition: mat.hpp:2119
Cv64suf
Definition: cvdef.h:385
cv::GComputation
GComputation class represents a captured computation graph. GComputation objects form boundaries for ...
Definition: gcomputation.hpp:119
cv::ROTATE_90_CLOCKWISE
@ ROTATE_90_CLOCKWISE
Rotate 90 degrees clockwise.
Definition: core.hpp:1073
cv::findContours
void findContours(InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
cv::rgbd::ICPOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:835
NcvRect8u
Definition: NCV.hpp:137
cv::COLOR_YUV2GRAY_YUY2
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:720
cv::GOCLKernel
Definition: goclkernel.hpp:87
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:276
cv::detail::fluid_get_in
Definition: gfluidkernel.hpp:169
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:96
cv::detail::tracking::TrackerTargetState::targetWidth
int targetWidth
Definition: tracking.detail.hpp:205
cv::ocl::Device::doubleFPConfig
int doubleFPConfig() const
cv::Error::OpenCLNoAMDBlasFft
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
cv::optflow::GPCTree::train
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
cv::GCall::yieldFrame
GFrame yieldFrame(int output=0)
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::detail::tracking::contrib_feature::CvFeatureParams::featSize
int featSize
Definition: feature.hpp:156
cv::TLSDataAccumulator::gather
void gather(std::vector< T * > &data) const
Get data from all threads.
Definition: tls.hpp:108
cv::detail::VectorRef::reset
void reset()
Definition: garray.hpp:267
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::CAP_OPENNI_QVGA_60HZ
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:316
cv::gapi::own::detail::MatHeader::TYPE_MASK
@ TYPE_MASK
Definition: mat.hpp:46
cv::CAP_PVAPI_DECIMATION_2OUTOF4
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:354
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::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::stereo::CV_DENSE_CENSUS
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:13
cv::COLOR_BayerGR2RGB_VNG
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:772
cv::gapi::own::Rect::width
int width
width of the rectangle
Definition: types.hpp:60
cv::MinProblemSolver::Function::~Function
virtual ~Function()
Definition: optim.hpp:66
cv::CAP_PROP_XI_CMS
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:441
cv::CAP_PROP_FOCUS
@ CAP_PROP_FOCUS
Definition: videoio.hpp:165
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::CAP_PROP_SPEED
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:616
cv::LDA::_eigenvalues
Mat _eigenvalues
Definition: core.hpp:2625
cv::ml::SVM::Kernel
Definition: ml.hpp:530
cv::COLOR_BGR2YUV_IYUV
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:736
cv::dnn::RegionLayer::nmsThreshold
float nmsThreshold
Definition: all_layers.hpp:605
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:404
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::videostab::StabilizerBase::trimRatio
float trimRatio() const
Definition: stabilizer.hpp:90
cv::COLOR_BGR5552GRAY
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:582
cv::stereo::StereoBinarySGBM::getMode
virtual int getMode() const =0
cv::fisheye::distortPoints
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
intrinsics.hpp
cv::cudev::CommonAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:367
cv::ml::TrainData
Class encapsulating training data.
Definition: ml.hpp:145
cv::ogl::Buffer::type
int type() const
cv::ocl::KernelArg::WriteOnly
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:411
cv::text::OCRHolisticWordRecognizer
OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting....
Definition: ocr.hpp:536
cv::COLOR_YUV2RGB_NV21
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:643
cv::v_setall_f32
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:2842
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::cudev::numeric_limits
Definition: limits.hpp:58
cv::cuda::magnitude
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
cv::detail::tracking::online_boosting::BaseClassifier::m_selectedClassifier
int m_selectedClassifier
Definition: onlineBoosting.hpp:146
cv::GNetworkType< K, std::function< R(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: infer.hpp:207
simd512::vx_load_expand
v_float32 vx_load_expand(const float16_t *ptr)
Definition: intrin.hpp:649
cv::v_uint8x16
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:488
cv::ppf_match_3d::THash
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:79
cv::ml::Boost::Types
Types
Definition: ml.hpp:1359
cv::cudev::FindMaxValExprBody
Definition: reduction.hpp:108
vec_distance.hpp
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::cudev::bit_xor
Definition: functional.hpp:243
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::matchTemplate
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
cv::flann::GenericIndex
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:170
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:477
cv::FileStorage::write
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:897
cv::cuda::calcNormDiff
void calcNormDiff(InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
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::FlannBasedMatcher
Flann-based descriptor matcher.
Definition: features2d.hpp:1246
cv::MatConstIterator::value_type
uchar * value_type
Definition: mat.hpp:3018
cv::Quat::atanh
Quat< _Tp > atanh() const
return arctanh value of this quaternion, arctanh could be calculated as:
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::MOTION_EUCLIDEAN
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:263
cv::cudev::ScharrYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
cv::GKernelTypeM
Definition: gkernel.hpp:65
cv::videostab::StabilizerBase::preProcessedFrame_
Mat preProcessedFrame_
Definition: stabilizer.hpp:130
cv::cudev::saturate_cast< short >
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:194
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::utils::shared_lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:47
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
defines.h
cv::PaniniWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:223
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:913
cv::cudev::abs_func
Definition: functional.hpp:352
goclkernel.hpp
cv::GFluidKernel::IS
std::function< void(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)> IS
Definition: gfluidkernel.hpp:59
cv::cuda::GpuData::size
size_t size
Definition: cuda.hpp:355
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::SOLVEPNP_P3P
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:459
cv::CAP_PROP_EXPOSUREPROGRAM
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:618
cv::optflow::OpticalFlowPCAFlow::retainedCornersFraction
const float retainedCornersFraction
Definition: pcaflow.hpp:100
cv::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::OutArgs
std::tuple< R... > OutArgs
Definition: gkernel.hpp:220
cv::GTypesInfo
std::vector< GTypeInfo > GTypesInfo
Definition: garg.hpp:253
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::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:68
cv::dnn::ReorgLayer
Definition: all_layers.hpp:596
cv::ovis::addResourceLocation
void addResourceLocation(const String &path)
cv::detail::OpaqueRef::rref
const T & rref() const
Definition: gopaque.hpp:279
cv::vwcvt_x_x_v_i16mf2
vint16mf2_t vwcvt_x_x_v_i16mf2(vint8mf4_t src)
Definition: intrin_rvv.hpp:215
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::COLOR_BGR2HLS_FULL
@ COLOR_BGR2HLS_FULL
convert RGB/BGR to HLS (hue lightness saturation) with H range 0..255 if 8 bit image,...
Definition: imgproc.hpp:617
cv::NormTypes
NormTypes
Definition: base.hpp:159
cv::detail::CompressedRectilinearPortraitProjector::b
float b
Definition: warpers.hpp:411
CpuFeatures
CpuFeatures
Available CPU features.
Definition: cvdef.h:293
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::Param::SCALAR
@ SCALAR
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:721
lsc.hpp
cv::gapi::onnx::Params::desc
detail::ParamDesc desc
Definition: onnx.hpp:190
cv::gapi::python::GPythonContext
Definition: python.hpp:20
cv::ogl::convertToGLTexture2D
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
background_segm.hpp
vec_math.hpp
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::v_rshr_pack_store
void v_rshr_pack_store(uchar *ptr, const v_reg< ushort, n > &a)
Definition: intrin_cpp.hpp:3072
cv::detail::tracking::online_boosting::BaseClassifier::getError
float getError(int curWeakClassifier)
cv::omnidir::internal::computeMeanReproErr
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
cv::detail::flatten_g::type
T type
Definition: garray.hpp:333
cv::cudev::makeExpr
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
cv::Matx::channels
@ channels
Definition: matx.hpp:105
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::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:560
cv::detail::Blender
Base class for all blenders.
Definition: blenders.hpp:63
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:603
cv::gapi::s11n::IOStream
Definition: s11n.hpp:86
cv::cudev::LutPtr
Definition: lut.hpp:60
cv::cudev::BinaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:80
cv::EVENT_MBUTTONDOWN
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:214
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...
fuzzy_F0_math.hpp
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:815
cv::MORPH_ELLIPSE
@ MORPH_ELLIPSE
Definition: imgproc.hpp:235
cv::rgbd::RgbdICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:937
cv::v_int64x2
Definition: intrin_rvv.hpp:483
cv::face::FacemarkAAM::Params
Definition: facemarkAAM.hpp:50
cv::viz::WText3D
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:431
cv::stereo::StereoBinarySGBM::MODE_HH
@ MODE_HH
Definition: stereo.hpp:202
cv::gapi::GFunctor::impl
virtual cv::GKernelImpl impl() const =0
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::StereoSGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:3482
cv::utils::fs::join
cv::String join(const cv::String &base, const cv::String &path)
cv::CALIB_HAND_EYE_PARK
@ CALIB_HAND_EYE_PARK
Robot Sensor Calibration: Solving AX = XB on the Euclidean Group .
Definition: calib3d.hpp:533
cv::CAP_PROP_GSTREAMER_QUEUE_LENGTH
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:325
cv::dnn::BaseConvolutionLayer::strides
std::vector< size_t > strides
Definition: all_layers.hpp:215
cv::cuda::FGDParams::N2c
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
cv::DetectionBasedTracker::TrackedObject::getNextId
static int getNextId()
Definition: detection_based_tracker.hpp:197
cv::viz::Color
This class represents color in BGR order.
Definition: types.hpp:63
nppsStCompact_32f
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
estimated_covariance.hpp
NPPST_TEXTURE_BIND_ERROR
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
cv::detail::CylindricalWarperGpu
Definition: warpers.hpp:587
qualityssim.hpp
cv::WINDOW_KEEPRATIO
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:193
cv::ocl::Device::preferredVectorWidthDouble
int preferredVectorWidthDouble() const
N_BINS
#define N_BINS
Definition: feature.hpp:82
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.
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:624
cv::MatConstIterator_::value_type
_Tp value_type
Definition: mat.hpp:3083
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
cv::datasets::OR_mnist
Definition: or_mnist.hpp:66
random.h
cv::superres::PyrLKOpticalFlow
Definition: optical_flow.hpp:180
Ncv64u
unsigned long long Ncv64u
Definition: NCV.hpp:124
cv::sfm::SFM_IO_THEIASFM
@ SFM_IO_THEIASFM
Definition: io.hpp:62
cv::cudev::DerivXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
cv::CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:292
cv::stereo::StereoBinaryBM::getSmallerBlockSize
virtual int getSmallerBlockSize() const =0
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::COLORMAP_WINTER
@ COLORMAP_WINTER
Definition: imgproc.hpp:4315
hal_ni_dft1D
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
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:173
cv::ximgproc::fourierDescriptor
void fourierDescriptor(InputArray src, OutputArray dst, int nbElt=-1, int nbFD=-1)
Fourier descriptors for planed closed curves.
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:2261
cv::cudev::TypeTraits::pointee_type
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
cv::gapi::wip::draw::Poly
This structure represents a polygon to draw.
Definition: render_types.hpp:297
cv::GFluidOutputRois::rois
std::vector< cv::Rect > rois
Definition: gfluidkernel.hpp:111
cv::ocl::getOpenCLAllocator
MatAllocator * getOpenCLAllocator()
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:291
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::Moments::nu30
double nu30
Definition: types.hpp:951
cv::dnn::ClassificationModel
This class represents high-level API for classification models.
Definition: dnn.hpp:1199
cv::legacy::TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking_legacy.hpp:123
cv::LineIterator::err
int err
Definition: imgproc.hpp:4860
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::classifySmooth
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
cv::cudev::IsUnaryFunction::makeF
static F makeF()
cv::COLOR_BayerGB2BGR
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:749
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.
cv::ocl::OpenCLExecutionContextScope::OpenCLExecutionContextScope
OpenCLExecutionContextScope(const OpenCLExecutionContext &ctx)
Definition: ocl.hpp:840
qualitygmsd.hpp
datamov_utils.hpp
cv::MOTION_TRANSLATION
@ MOTION_TRANSLATION
Definition: tracking.hpp:262
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:65
cv::large_kinfu::Params::bilateral_kernel_size
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: large_kinfu.hpp:57
cv::omnidir::internal::findMedian3
Vec3d findMedian3(InputArray mat)
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:2219
NCVMemoryTypeHostPinned
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
cv::GIOProtoArgs
Definition: gproto.hpp:57
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:474
cv::Node::getDepth
int getDepth()
Definition: utility.hpp:1116
cv::CAP_PROP_DC1394_MAX
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:253
cv::TemplateMatchModes
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3708
cv::line_descriptor::LSDDetector
Definition: descriptor.hpp:720
cv::COVAR_USE_AVG
@ COVAR_USE_AVG
Definition: core.hpp:193
cv::cudacodec::EncoderParams::ClearStat
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:100
cv::COLOR_HLS2BGR
@ COLOR_HLS2BGR
backward conversions HLS to RGB/BGR with H range 0..180 if 8 bit image
Definition: imgproc.hpp:612
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::VideoCapture::throwOnFail
bool throwOnFail
Definition: videoio.hpp:923
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
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:1434
cv::sfm::normalizeIsotropicPoints
void normalizeIsotropicPoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points. (isotropic).
emdL1.hpp
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(const schar *v)
Definition: vec_traits.hpp:172
io.hpp
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsTemporalConstant
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
cv::cuda::FGDParams::minArea
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
cv::float16_t::float16_t
float16_t()
Definition: cvdef.h:848
cv::HOGDescriptor::winSigma
double winSigma
Gaussian smoothing window parameter.
Definition: objdetect.hpp:605
cv::_InputArray::isUMat
bool isUMat() const
cv::dnn::LayerParams::name
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:126
cv::dnn::PermuteLayer
Definition: all_layers.hpp:374
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:1248
cv::COLOR_BayerGB2BGR_VNG
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:765
cv::detail::BasicOpaqueRef::m_desc
cv::GOpaqueDesc m_desc
Definition: gopaque.hpp:121
traits.hpp
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:502
cv::reg::Mapper::~Mapper
virtual ~Mapper(void)
Definition: mapper.hpp:57
cv::CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:430
cv::gapi::wip::draw::Circle::lt
int lt
The Type of the circle boundary. See LineTypes.
Definition: render_types.hpp:190
cv::optflow::RLOFOpticalFlowParameter::RLOFOpticalFlowParameter
RLOFOpticalFlowParameter()
Definition: rlofflow.hpp:66
cv::dnn::SliceLayer
Definition: all_layers.hpp:357
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::face::FacemarkAAM::Model
The model of AAM Algorithm.
Definition: facemarkAAM.hpp:106
cv::ximgproc::rl::threshold
void threshold(InputArray src, OutputArray rlDest, double thresh, int type)
Applies a fixed-level threshold to each array element.
cv::rapid::OLSTracker
Definition: rapid.hpp:147
cv::SVD::Flags
Flags
Definition: core.hpp:2646
cv::text::TextDetector::~TextDetector
virtual ~TextDetector()
Definition: textDetector.hpp:31
cv::gapi::nn::parsers::GRects
GArray< Rect > GRects
Definition: parsers.hpp:19
cv::Size
Size2i Size
Definition: types.hpp:347
cv::cuda::createOpticalFlowNeedleMap
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
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::CAP_PROP_XI_DOWNSAMPLING
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:377
cv::Node::findChild
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1086
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::CAP_PROP_SHARPNESS
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:157
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::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::text::OCRHMMDecoder
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:191
cv::CAP_PROP_OPENNI_FOCAL_LENGTH
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:273
cv::FileNodeIterator::blockSize
size_t blockSize
Definition: persistence.hpp:690
cv::gapi::wip::draw::Poly::thick
int thick
The thickness of line.
Definition: render_types.hpp:322
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::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::videostab::ImageMotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
cv::AVIReadContainer::m_stream_id
unsigned int m_stream_id
Definition: container_avi.private.hpp:125
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
cvv::FinalShowCaller
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:36
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)
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::ocl::KernelArg::ReadOnlyNoSize
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:413
cv::viz::Widget2D
Base class of all 2D widgets.
Definition: widgets.hpp:218
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::videostab::MM_TRANSLATION_AND_SCALE
@ MM_TRANSLATION_AND_SCALE
Definition: motion_core.hpp:62
cv::cudev::Block
Definition: block.hpp:56
cv::optflow::GPCTree::getDescriptorType
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:188
cv::detail::GCompoundContext::m_results
GArgs m_results
Definition: gcompoundkernel.hpp:37
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.detail.hpp:171
CV_CheckLE
#define CV_CheckLE(v1, v2, msg)
Definition: check.hpp:116
cv::detail::OptionalVectorRef
OptRef< cv::detail::VectorRef > OptionalVectorRef
Definition: gstreaming.hpp:60
cv::GShape::GARRAY
@ GARRAY
any.h
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::fisheye::CALIB_FIX_K3
@ CALIB_FIX_K3
Definition: calib3d.hpp:3772
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:2416
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::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:750
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::TrackerKCF::Params::interp_factor
float interp_factor
linear interpolation factor for adaptation
Definition: tracking.hpp:124
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::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::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::linemod::DepthNormal::extract_threshold
int extract_threshold
Definition: linemod.hpp:235
cv::Mat::row
Mat row(int y) const
Creates a matrix header for the specified matrix row.
cv::cudev::FindMinMaxValExprBody
Definition: reduction.hpp:130
cv::Mat::dot
double dot(InputArray m) const
Computes a dot-product of two vectors.
cv::CALIB_ZERO_DISPARITY
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:518
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::cuda::createImagePyramid
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
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::GComputationT< R(Args...)>::compile
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:156
CV_MAJOR_VERSION
#define CV_MAJOR_VERSION
Definition: version.hpp:22
cv::ocl::Device::isNVidia
bool isNVidia() const
Definition: ocl.hpp:193
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::instr::setUseInstrumentation
void setUseInstrumentation(bool flag)
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::COLOR_RGBA2mRGBA
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:729
cv::cuda::FEATURE_SET_COMPUTE_32
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:997
cv::hal::sqrt64f
void sqrt64f(const double *src, double *dst, int len)
cv::cuda::SURF_CUDA::detectWithDescriptors
void detectWithDescriptors(const GpuMat &img, const GpuMat &mask, GpuMat &keypoints, GpuMat &descriptors, bool useProvidedKeypoints=false)
Finds the keypoints and computes their descriptors using fast hessian detector used in SURF.
Definition: cuda.hpp:171
CPU_AVX_512VBMI2
@ CPU_AVX_512VBMI2
Definition: cvdef.h:317
cv::cuda::SURF_CUDA::LAPLACIAN_ROW
@ LAPLACIAN_ROW
Definition: cuda.hpp:93
cv::videostab::VideoFileSource
Definition: frame_source.hpp:72
cv::text::ERStat::~ERStat
~ERStat()
Destructor.
Definition: erfilter.hpp:72
cv::LDA
Linear Discriminant Analysis.
Definition: core.hpp:2562
cv::CAP_INTELPERC
@ CAP_INTELPERC
RealSense (former Intel Perceptual Computing SDK)
Definition: videoio.hpp:112
cv::cuda::GpuMatND::size
SizeArray size
shape of this array
Definition: cuda.hpp:519
cv::detail::tracking::online_boosting::Detector::getConfidenceOfDetection
float getConfidenceOfDetection(int detectionIdx)
cv::COLOR_BayerGR2BGR_EA
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:778
cv::COLOR_YUV2BGRA_YUNV
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:717
cv::gapi::onnx::Params::backend
GBackend backend() const
Definition: onnx.hpp:91
cv::cuda::COLOR_BayerGR2RGB_MHT
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
cv::PaniniWarper::PaniniWarper
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:219
cv::cuda::COLOR_BayerBG2RGB_MHT
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN1
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:346
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:413
cv::datasets::TRACK_alov::data
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
cv::v_ceil
v_reg< int, n > v_ceil(const v_reg< float, n > &a)
Ceil elements.
Definition: intrin_cpp.hpp:2465
cv::tempfile
String tempfile(const char *suffix=0)
cv::datasets::groundTruth::initialFrame
int initialFrame
Definition: gr_chalearn.hpp:62
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::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:108
NSObject-p
cv::Matx44d
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:255
cv::dnn::AccumLayer
Definition: all_layers.hpp:578
cv::mcc::DetectorParameters
Parameters for the detectMarker process:
Definition: checker_detector.hpp:99
cv::kinfu::Params::icpIterations
std::vector< int > icpIterations
Definition: kinfu.hpp:151
cv::ximgproc::EdgeDrawing::Params::AnchorThresholdValue
int AnchorThresholdValue
threshold value used to create gradient image.
Definition: edge_drawing.hpp:54
cv::face::FacemarkAAM::Model::s0
std::vector< Point2f > s0
the basic shape obtained from training dataset
Definition: facemarkAAM.hpp:141
cv::detail::ExposureCompensator::~ExposureCompensator
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:64
cv::ml::SVM::NU
@ NU
Definition: ml.hpp:673
cv_vsqrtq_f32
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
cv::line_descriptor::LSDParam::LSDParam
LSDParam()
Definition: descriptor.hpp:710
cv::DetectionBasedTracker::InnerParameters::coeffObjectSizeToTrack
float coeffObjectSizeToTrack
Definition: detection_based_tracker.hpp:173
cv::ximgproc::LocalBinarizationMethods
LocalBinarizationMethods
Specifies the binarization method to use in cv::ximgproc::niBlackThreshold.
Definition: ximgproc.hpp:121
cv::COLOR_HSV2RGB_FULL
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:621
cv::v512_setall_s64
v_int64x8 v512_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2870
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:223
cv::QuatEnum::INT_XYX
@ INT_XYX
Intrinsic rotations with the Euler angles type X-Y-X.
Definition: quaternion.hpp:106
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::CAP_PROP_IMAGES_LAST
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:633
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:139
cv::cuda::createConvolution
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
cv::getTrackbarPos
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
cv::fastFree
void fastFree(void *ptr)
Deallocates a memory buffer.
cv::GNetworkType< K, std::function< R(Args...)> >::Result
R Result
Definition: infer.hpp:210
hal_ni_magnitude32f
int hal_ni_magnitude32f(const float *x, const float *y, float *dst, int len)
Definition: hal_replacement.hpp:405
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::detail::tracking::tbm::ResizedImageDescriptor
Uses resized image as descriptor.
Definition: tracking_by_matching.hpp:106
cv::COLOR_BGR5652RGB
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:563
cv::viz::WWidgetMerger
This class allows to merge several widgets to single one.
Definition: widgets.hpp:805
blenders.hpp
cv::DetectionBasedTracker::ExtObject::status
ObjectStatus status
Definition: detection_based_tracker.hpp:149
cv::kinfu::Params::icpAngleThresh
float icpAngleThresh
Definition: kinfu.hpp:149
cv::hal::merge8u
void merge8u(const uchar **src, uchar *dst, int len, int cn)
cv::CAP_PROP_GUID
@ CAP_PROP_GUID
Definition: videoio.hpp:166
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:789
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:661
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::IMWRITE_EXR_COMPRESSION_B44A
@ IMWRITE_EXR_COMPRESSION_B44A
lossy 4-by-4 pixel block compression, flat fields are compressed more
Definition: imgcodecs.hpp:122
cv::SOLVEPNP_IPPE_SQUARE
@ SOLVEPNP_IPPE_SQUARE
Definition: calib3d.hpp:467
cv::videostab::ImageMotionEstimatorBase::ImageMotionEstimatorBase
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:192
cv::datasets::SR_div2kObj
Definition: sr_div2k.hpp:23
cv::cudev::PerspectiveMapPtr::value_type
float2 value_type
Definition: warping.hpp:109
cv::cudev::derivY_
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
cv::AgastFeatureDetector_Impl::getType
int getType() const
Definition: agast.txt:7530
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:724
cv::datasets::MSM_middleburyObj
Definition: msm_middlebury.hpp:60
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::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:126
cv::detail::BlocksChannelsCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image block on eac...
Definition: exposure_compensate.hpp:231
cv::face::BasicFaceRecognizer::_eigenvalues
Mat _eigenvalues
Definition: facerec.hpp:50
cv::detail::VectorRef::VectorRef
VectorRef(std::vector< T > &vec)
Definition: garray.hpp:253
cv::Error::StsParseError
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
cv::gapi::normL1
GScalar normL1(const GMat &src)
Calculates the absolute L1 norm of a matrix.
cv::ParamType
Definition: core.hpp:3076
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::face::drawFacemarks
void drawFacemarks(InputOutputArray image, InputArray points, Scalar color=Scalar(255, 0, 0))
Utility to draw the detected facial landmark points.
cv::COLOR_YUV2BGR_YUY2
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:702
cv::DescriptorExtractor
Feature2D DescriptorExtractor
Definition: features2d.hpp:242
cv::videostab::StabilizerBase
Definition: stabilizer.hpp:66
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::ml::VariableTypes
VariableTypes
Variable types.
Definition: ml.hpp:81
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
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::ximgproc::WMF_OFF
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
cv::optflow::RLOFOpticalFlowParameter::largeWinSize
int largeWinSize
Definition: rlofflow.hpp:107
cv::stereo::MatchQuasiDense::MatchQuasiDense
MatchQuasiDense()
Definition: quasi_dense_stereo.hpp:33
cv::CALIB_CB_LARGER
@ CALIB_CB_LARGER
Definition: calib3d.hpp:486
cv::ocl::Queue
Definition: ocl.hpp:363
cv::cudev::ThreshToZeroInvFunc::thresh
T thresh
Definition: functional.hpp:773
cv::aruco::DetectorParameters::aprilTagCriticalRad
float aprilTagCriticalRad
Definition: aruco.hpp:184
cv::TrackerCSRT::Params::background_ratio
int background_ratio
Definition: tracking.hpp:67
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::va_intel::ocl::initializeContextFromVA
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
cv::UMat::step
MatStep step
Definition: mat.hpp:2579
cv::cuda::BufferPool::getBuffer
GpuMat getBuffer(Size size, int type)
Allocates a new GpuMat of given size and type.
Definition: cuda.hpp:698
cv::FastFeatureDetector
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:539
cv::videostab::WobbleSuppressorBase
Definition: wobble_suppression.hpp:60
cv::cudev::CubicInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
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:310
cv::datasets::GR_skigObj::person
char person
Definition: gr_skig.hpp:98
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::Error::BadModelOrChSeq
@ BadModelOrChSeq
Definition: base.hpp:83
optical_flow.hpp
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:3023
cv::VIDEO_ACCELERATION_MFX
@ VIDEO_ACCELERATION_MFX
libmfx (Intel MediaSDK/oneVPL)
Definition: videoio.hpp:236
cv::ft::FT12D_inverseFT
void FT12D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
cv::detail::GCompoundCallHelper
Definition: gcompoundkernel.hpp:89
cv::gapi::video::BackgroundSubtractorParams::BackgroundSubtractorParams
BackgroundSubtractorParams(BackgroundSubtractorType op, int histLength, double thrshld, bool detect, double lRate)
Definition: video.hpp:139
cv::cudev::Expr
Definition: expr.hpp:57
cv::RANSAC
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:445
cvTrunc
int cvTrunc(const cv::softfloat &a)
Truncates number to integer with minimum magnitude.
cv::cudev::pyrUp_
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
HaarFeature64::getWeight
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:110
cv::COLOR_YUV2RGBA_UYVY
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:692
cv::cudev::RemapPtr1Sz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
cv::detail::get_compound_in
Definition: gcompoundkernel.hpp:53
cv::MergeDebevec
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:618
cv::TLSData
Simple TLS data class.
Definition: tls.hpp:63
cv::cudev::MakeVec
Definition: vec_traits.hpp:58
cv::ChiHistogramCostExtractor
An Chi based cost extraction. :
Definition: hist_cost.hpp:95
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
HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:124
cv::QuatEnum::INT_XZX
@ INT_XZX
Intrinsic rotations with the Euler angles type X-Z-X.
Definition: quaternion.hpp:107
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:1080
cv::detail::CylindricalProjector
Definition: warpers.hpp:332
cv::SamplingMethod
SamplingMethod
Definition: calib3d.hpp:545
cv::kinfu::Intr::scale
Intr scale(int pyr) const
Definition: intrinsics.hpp:65
NPPST_MEM_INTERNAL_ERROR
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
cv::detail::GArrayU::storeKind
void storeKind()
Definition: garray.hpp:113
cv::gapi::StereoOutputFormat
StereoOutputFormat
Definition: stereo.hpp:17
cv::videostab::ISparseOptFlowEstimator
Definition: optical_flow.hpp:61
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::cudev::Int2Type
Definition: type_traits.hpp:64
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::gapi::detail::getRunArgs
cv::GRunArgs getRunArgs(const std::vector< char > &p)
cv::gapi::python::GPythonContext::out_info
const cv::GTypesInfo & out_info
Definition: python.hpp:24
cv::face::FacemarkLBF::Params::verbose
bool verbose
show the training print-out
Definition: facemarkLBF.hpp:62
cv::QtFont::ascii
const int * ascii
font data and metrics
Definition: highgui.hpp:717
cv::bioinspired::RetinaParameters
retina model parameters structure
Definition: retina.hpp:149
cv::dnn::LRNLayer
Definition: all_layers.hpp:233
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::mcc::DetectorParameters::minContourPointsAllowed
int minContourPointsAllowed
Definition: checker_detector.hpp:118
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::stereo::PropagationParameters::borderX
int borderX
Definition: quasi_dense_stereo.hpp:45
cv::TermCriteria::MAX_ITER
@ MAX_ITER
ditto
Definition: types.hpp:861
cv::cudev::ZipPtr
Definition: zip.hpp:58
cv::face::FacemarkLBF::Params::stages_n
int stages_n
number of refinement stages
Definition: facemarkLBF.hpp:70
cv::instr::NodeDataTls
Definition: instrumentation.hpp:60
cv::instr::NodeData::getMeanMs
double getMeanMs() const
Definition: instrumentation.hpp:93
cv::cudev::magnitude_sqr_func
Definition: functional.hpp:622
cv::cudev::UnaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
cv::COLOR_BGRA2YUV_IYUV
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:741
cv::detail::GInferInputsTyped
Definition: infer.hpp:130
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::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::COLOR_mRGBA2RGBA
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:730
cv::detail::plaidml_get_in< cv::GMat >::get
static const plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:81
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::p0
int p0
Definition: feature.hpp:327
cv::linemod::QuantizedPyramid::Candidate::f
Feature f
Definition: linemod.hpp:95
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
NPPST_MEMCPY_ERROR
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
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::reprojectImageTo3D
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
cv::CAP_PROP_XI_GAMMAC
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:446
cv::cuda::HostMem::dataend
const uchar * dataend
Definition: cuda.hpp:800
cv::cuda::GpuMat::step
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:326
cv::dnn::PoolingLayer::psRoiOutChannels
int psRoiOutChannels
Definition: all_layers.hpp:264
cv::Size2l
Size_< int64 > Size2l
Definition: types.hpp:344
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.
private.cuda.hpp
cv::MarkerTypes
MarkerTypes
Definition: imgproc.hpp:837
cv::utils::logging::setLogLevel
LogLevel setLogLevel(LogLevel logLevel)
cv::PyRotationWarper::getScale
float getScale() const
Definition: warpers.hpp:129
cv::DescriptorMatcher::DescriptorCollection::startIdxs
std::vector< int > startIdxs
Definition: features2d.hpp:1171
cv::text::ERFilter::Callback::~Callback
virtual ~Callback()
Definition: erfilter.hpp:130
cv::popCountTable
static const unsigned char popCountTable[]
Definition: intrin_cpp.hpp:800
simd512::vx_setzero_u64
v_uint64 vx_setzero_u64()
Definition: intrin.hpp:520
cv::Vec::Vec
Vec()
default constructor
cv::ximgproc::ARO_315_0
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
cv::BOWKMeansTrainer::termcrit
TermCriteria termcrit
Definition: features2d.hpp:1457
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::videostab::DeblurerBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
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::datasets::SLAM_kittiObj::posesArray
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
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::cudev::GlobPtr::data
T * data
Definition: glob.hpp:67
cv::GMat
Definition: gmat.hpp:49
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::viz::SHADING_PHONG
@ SHADING_PHONG
Definition: widgets.hpp:85
cv::cudev::DefaultCopyPolicy::block_size_y
@ block_size_y
Definition: copy.hpp:353
cv::KalmanFilter
Kalman filter class.
Definition: tracking.hpp:360
cv::cuda::SURF_CUDA::ANGLE_ROW
@ ANGLE_ROW
Definition: cuda.hpp:96
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:993
cv::viz::Camera::getFov
const Vec2d & getFov() const
Definition: types.hpp:221
cv::optflow::GPCDetails::dropOutliers
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
cv::datasets::IR_affine
Definition: ir_affine.hpp:67
cv::CAP_OPENNI_QVGA_30HZ
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:315
cv::ocl::Device::available
bool available() const
cv::v_load
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1587
cv::detail::Blender::dst_roi_
Rect dst_roi_
Definition: blenders.hpp:95
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
deblurring.hpp
cv::line_descriptor::KeyLine::KeyLine
KeyLine()
Definition: descriptor.hpp:168
reduce.hpp
cv::hal::split16u
void split16u(const ushort *src, ushort **dst, int len, int cn)
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::DataType
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:112
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::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::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::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::imread
Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
cv::AsyncPromise::p
Impl * p
Definition: async_promise.hpp:65
optim.hpp
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::CAP_OPENNI_IMAGE_GENERATOR
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:264
cv::Mat_::iterator
MatIterator_< _Tp > iterator
Definition: mat.hpp:2192
frame_source.hpp
cv::THRESH_TRIANGLE
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:328
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:937
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:881
cv::CAP_PROP_XI_ACQ_TIMING_MODE
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:490
cv::cudev::Binder1st::arg1
Op::first_argument_type arg1
Definition: functional.hpp:983
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::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::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::dnn::DetectionModel
This class represents high-level API for object detection networks.
Definition: dnn.hpp:1294
cv::utils::AllocatorStatisticsInterface::AllocatorStatisticsInterface
AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:15
cv::CAP_PROP_XI_FRAMERATE
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:487
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::detail::tracking::tbm::TrackedObjects
std::deque< TrackedObject > TrackedObjects
Definition: tracking_by_matching.hpp:65
cv::optflow::OpticalFlowPCAFlow::basisSize
const Size basisSize
Definition: pcaflow.hpp:98
cv::dnn::readNetFromModelOptimizer
Net readNetFromModelOptimizer(const String &xml, const String &bin)
Load a network from Intel's Model Optimizer intermediate representation.
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::parallel_for_
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
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::cudev::SelectIf< false, ThenType, ElseType >::type
ElseType type
Definition: type_traits.hpp:102
cv::COLOR_BayerBG2RGB_VNG
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:769
cv::dnn::BackendWrapper::backendId
int backendId
Backend identifier.
Definition: dnn.hpp:184
cv::detail::tracking::contrib_feature::CvHaarEvaluator::sum
Mat sum
Definition: feature.hpp:293
cv::COLOR_YUV2BGR
@ COLOR_YUV2BGR
Definition: imgproc.hpp:637
cv::CAP_OPENNI2_ASTRA
@ CAP_OPENNI2_ASTRA
OpenNI2 (for Orbbec Astra)
Definition: videoio.hpp:116
cv::IMWRITE_EXR_TYPE
@ IMWRITE_EXR_TYPE
Definition: imgcodecs.hpp:97
cv::FileNode::ofs
size_t ofs
Definition: persistence.hpp:624
cv::randpattern::RandomPatternGenerator
Definition: randpattern.hpp:160
cv::datasets::OR_pascalObj::width
int width
Definition: or_pascal.hpp:82
HaarClassifierNode128::getRightNodeDesc
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:261
cv::TLSDataContainer::gatherData
void gatherData(std::vector< void * > &data) const
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const KeyPoint &kpt)
Definition: persistence.hpp:1057
cv::saliency::MotionSaliencyBinWangApr2014::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
cv::kinfu::Intr::makeReprojector
Reprojector makeReprojector() const
Definition: intrinsics.hpp:70
cv::reg::MapProjec
Definition: mapprojec.hpp:53
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::ml::SVM::ParamTypes
ParamTypes
SVM params type
Definition: ml.hpp:669
cv::Exception::msg
String msg
the formatted error message
Definition: core.hpp:138
cv::VideoWriterProperties
VideoWriterProperties
cv::VideoWriter generic properties identifier.
Definition: videoio.hpp:196
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::BackgroundSubtractorMOG2
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:90
NCVMatrixAlloc::NCVMatrixAlloc
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
cv::CAP_PROP_OPENNI_BASELINE
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:272
cv::dnn::MatShape
std::vector< int > MatShape
Definition: dnn.hpp:59
cv::GTransform::substitute
F substitute
Definition: gtransform.hpp:32
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::quality::QualityPSNR::MAX_PIXEL_VALUE_DEFAULT
static const int MAX_PIXEL_VALUE_DEFAULT
Default maximum pixel value.
Definition: qualitypsnr.hpp:30
cv::detail::GraphEdge::GraphEdge
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
NCV_ALLOCATOR_DEALLOC_ORDER
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
cv::detail::GainCompensator::getNrFeeds
int getNrFeeds()
Definition: exposure_compensate.hpp:127
cv::cudev::LinearInterPtrSz
Definition: interpolation.hpp:134
cv::detail::CompressedRectilinearProjector
Definition: warpers.hpp:388
cv::CAP_PROP_DC1394_MODE_AUTO
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:251
cv::datasets::FR_lfwObj::same
bool same
Definition: fr_lfw.hpp:63
cv::detail::tracking::online_boosting::BaseClassifier::getReferenceWeakClassifier
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:119
cv::cudev::VecTraits< char4 >::elem_type
schar elem_type
Definition: vec_traits.hpp:176
CV_CUDEV_RGB2RGB_INST
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
cv::videostab::MaskFrameSource
Definition: frame_source.hpp:89
cv::detail::GTypeTraits< cv::GArray< T > >::host_type
std::vector< T > host_type
Definition: gtype_traits.hpp:85
cv::detail::OpaqueKind::CV_INT
@ CV_INT
nppiStTranspose_32s_C1R
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::gapi::wip::IStreamSource::descr_of
virtual GMetaArg descr_of() const =0
cv::Quat::createFromEulerAngles
static Quat< _Tp > createFromEulerAngles(const Vec< _Tp, 3 > &angles, QuatEnum::EulerAnglesType eulerAnglesType)
from Euler angles
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:3069
cv::stereo::QuasiDenseStereo::Param
PropagationParameters Param
Definition: quasi_dense_stereo.hpp:190
cv::cudacodec::SF_GRAY
@ SF_GRAY
Definition: cudacodec.hpp:80
cv::COLOR_COLORCVT_MAX
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:796
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::gapi::ie::TraitAs::IMAGE
@ IMAGE
G-API traits an associated cv::Mat as an image so creates an "image" blob (NCHW/NHWC,...
cv::resizeWindow
void resizeWindow(const String &winname, int width, int height)
Resizes the window to the specified size.
OPENCV_HAL_IMPL_C_RSHR_PACK_STORE
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:3054
cv::Error::BadCallBack
@ BadCallBack
Definition: base.hpp:91
cv::StereographicWarper
Definition: warpers.hpp:187
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::ximgproc::ARO_0_45
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
cv::Matx::rows
@ rows
Definition: matx.hpp:103
cv::Error::BadDataPtr
@ BadDataPtr
Definition: base.hpp:81
cv::cudev::Binder2nd::op
Op op
Definition: functional.hpp:1003
cv::cudev::ThreshBinaryInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
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::CAP_PROP_OPENNI_CIRCLE_BUFFER
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:280
cv::HOGDescriptor::gammaCorrection
bool gammaCorrection
Flag to specify whether the gamma correction preprocessing is required or not.
Definition: objdetect.hpp:614
cv::ximgproc::FastBilateralSolverFilter
Interface for implementations of Fast Bilateral Solver.
Definition: edge_filter.hpp:382
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:482
cv::CAP_PROP_HW_DEVICE
@ CAP_PROP_HW_DEVICE
(open-only) Hardware device index (select GPU if multiple available)
Definition: videoio.hpp:187
cv::gapi::streaming::sync_policy::drop
@ drop
cv::rapid::drawSearchLines
void drawSearchLines(InputOutputArray img, InputArray locations, const Scalar &color)
CPU_RVV
@ CPU_RVV
Definition: cvdef.h:331
cv::cudev::getRows
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
cv::detail::ArgKind::GMAT
@ GMAT
type_traits.hpp
cv::CAP_PROP_XI_HDR_T2
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:513
HaarClassifierCascadeDescriptor::ClassifierSize
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:339
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:185
cv::v_pack_u
v_reg< uchar, 2 *n > v_pack_u(const v_reg< short, n > &a, const v_reg< short, n > &b)
Definition: intrin_cpp.hpp:2983
cv::detail::PairwiseSeamFinder::images_
std::vector< UMat > images_
Definition: seam_finders.hpp:100
transform.hpp
cv::Mat_::diag
Mat_ diag(int d=0) const
cv::optflow::ST_STANDART
@ ST_STANDART
Definition: rlofflow.hpp:24
cv::text::ERStat::convex_hull_ratio
float convex_hull_ratio
Definition: erfilter.hpp:90
cv::QtFont::hscale
float hscale
Definition: highgui.hpp:720
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::GInferROIBase::id
static constexpr const char * id()
Definition: infer.hpp:278
unary_op.hpp
cv::dnn::ConcatLayer::padding
bool padding
Add zero padding in case of concatenation of blobs with different spatial sizes.
Definition: all_layers.hpp:320
cv::cudev::BinaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:85
cv::rgbd::RgbdOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:684
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::gapi::wip::draw::freetype_font::path
std::string path
The path to the font file (.ttf)
Definition: render_types.hpp:33
cv::Stitcher::Mode
Mode
Definition: stitching.hpp:160
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::ocl::OCL_VECTOR_OWN
@ OCL_VECTOR_OWN
Definition: ocl.hpp:671
cv::CAP_PROP_GAIN
@ CAP_PROP_GAIN
Gain of the image (only for those cameras that support).
Definition: videoio.hpp:150
cv::CAP_PROP_HW_ACCELERATION
@ CAP_PROP_HW_ACCELERATION
(open-only) Hardware acceleration type (see VideoAccelerationType). Setting supported only via params...
Definition: videoio.hpp:186
cv::COLOR_XYZ2RGB
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:587
cv::detail::tracking::Trajectory
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracking.detail.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::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::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::detail::ProtoToMetaT
typename ProtoToMeta< T >::type ProtoToMetaT
Definition: gtyped.hpp:38
cv::softdouble::fromRaw
static softdouble fromRaw(const uint64_t a)
Construct from raw.
Definition: softfloat.hpp:243
cv::Vec::channels
@ channels
Definition: matx.hpp:346
cv::COLOR_BayerBG2RGBA
@ COLOR_BayerBG2RGBA
Definition: imgproc.hpp:791
cv::ImwritePAMFlags
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:144
cv::GInferListBase
Definition: infer.hpp:288
CV_CUDEV_EXPR_BINOP_INST
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
cv::datasets::GR_skigObj
Definition: gr_skig.hpp:94
cv::CAP_INTELPERC_GENERATORS_MASK
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:589
cv::detail::tracking::contrib_feature::CvFeatureParams::FeatureType
FeatureType
Definition: feature.hpp:143
cv::GMatDesc::GMatDesc
GAPI_WRAP GMatDesc(int d, std::vector< int > &&dd)
Definition: gmat.hpp:91
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::BorderTypes
BorderTypes
Definition: base.hpp:268
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:70
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
NCV_HAAR_TOO_LARGE_FEATURES
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
cv::reg::MapTypeCaster::toAffine
static Ptr< MapAffine > toAffine(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:82
cv::Size_::operator=
Size_ & operator=(const Size_ &sz)
cv::createBackgroundSubtractorKNN
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
cv::IMWRITE_EXR_COMPRESSION_PXR24
@ IMWRITE_EXR_COMPRESSION_PXR24
lossy 24-bit float compression
Definition: imgcodecs.hpp:120
cv::detail::OpaqueRefT::ptr
virtual const void * ptr() const override
Definition: gopaque.hpp:219
cv::COLOR_YUV2RGB_Y422
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:687
cv::videoio_registry::getStreamBackends
std::vector< VideoCaptureAPIs > getStreamBackends()
Returns list of available backends which works via cv::VideoCapture(filename)
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::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:60
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyTexture
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
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::DetectionBasedTracker::InnerParameters::coeffTrackingWindowSize
float coeffTrackingWindowSize
Definition: detection_based_tracker.hpp:172
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::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:233
cv::AgastFeatureDetector_Impl::set
void set(int prop, double value)
Definition: agast.txt:7503
cv::detail::tracking::contrib_feature::CvHaarEvaluator::features
std::vector< FeatureHaar > features
Definition: feature.hpp:292
cv::ml::SVMSGD
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1796
GAPI_DbgAssert
#define GAPI_DbgAssert(expr)
Definition: assert.hpp:25
CvAbstractCamera::currentDeviceOrientation
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
cv::detail::KernelTag
Definition: gcommon.hpp:35
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:222
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::viz::WImageOverlay
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:457
cv::CAP_WINRT
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:111
cv::ximgproc::EdgeDrawing::Params::MinLineLength
int MinLineLength
minimun line length to detect.
Definition: edge_drawing.hpp:64
cv::detail::Yield< cv::GArray< U > >::yield
static cv::GArray< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:88
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:537
cv::cuda::EventAccessor::wrapEvent
static Event wrapEvent(cudaEvent_t event)
cv::cudev::GlobPtr::value_type
T value_type
Definition: glob.hpp:64
cv::AVIWriteContainer::pushFrameOffset
void pushFrameOffset(size_t elem)
Definition: container_avi.private.hpp:171
cv::detail::OptionalOpaqueRef
OptRef< cv::detail::OpaqueRef > OptionalOpaqueRef
Definition: gstreaming.hpp:61
cv::ximgproc::createStructuredEdgeDetection
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
CV_CREATE_MEMBER_CHECK
#define CV_CREATE_MEMBER_CHECK(X)
Definition: traits.hpp:360
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::videostab::MotionEstimatorBase
Base class for all global motion estimation methods.
Definition: global_motion.hpp:97
cv::cuda::ALPHA_OVER_PREMUL
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
cv::v_int16x8::lane_type
short lane_type
Definition: intrin_rvv.hpp:327
cv::COLORMAP_COOL
@ COLORMAP_COOL
Definition: imgproc.hpp:4320
cv::MORPH_CLOSE
@ MORPH_CLOSE
Definition: imgproc.hpp:218
cv::cuda::SURF_CUDA
Class used for extracting Speeded Up Robust Features (SURF) from an image. :
Definition: cuda.hpp:86
cv::cudev::LinearInterPtr::index_type
float index_type
Definition: interpolation.hpp:100
cv::util::variant::variant
variant() noexcept
Definition: variant.hpp:243
CPU_FMA3
@ CPU_FMA3
Definition: cvdef.h:305
cv::cudev::MakeVec< bool, 1 >::type
uchar type
Definition: vec_traits.hpp:81
cv::text::ERStat::num_inflexion_points
float num_inflexion_points
Definition: erfilter.hpp:91
cv::ocl::KernelArg::obj
const void * obj
Definition: ocl.hpp:423
imgproc.hpp
cv::COLOR_YUV2RGBA_IYUV
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:666
cv::aruco::DICT_5X5_100
@ DICT_5X5_100
Definition: dictionary.hpp:147
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::datasets::IS_bsdsObj
Definition: is_bsds.hpp:60
cv::GArg::unsafe_get
T & unsafe_get()
Definition: garg.hpp:77
cv::detail::OpaqueKind
OpaqueKind
Definition: gcommon.hpp:42
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::FONT_ITALIC
@ FONT_ITALIC
flag for italic font
Definition: imgproc.hpp:831
cv::datasets::SLAM_kittiObj
Definition: slam_kitti.hpp:65
cv::sfm::libmv_CameraIntrinsicsOptions::polynomial_k3
double polynomial_k3
Definition: simple_pipeline.hpp:114
cv::stereo::StereoMatcher::DISP_SHIFT
@ DISP_SHIFT
Definition: stereo.hpp:78
cv::videostab::MotionInpainter::flowErrorThreshold
float flowErrorThreshold() const
Definition: inpainting.hpp:150
OPENCV_HAL_IMPL_MATH_FUNC
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:709
cv::cuda::GpuMat::datastart
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:336
cv::ocl::Device::preferredVectorWidthLong
int preferredVectorWidthLong() const
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
intrin_vsx.hpp
cv::TrackerCSRT::Params::use_segmentation
bool use_segmentation
Definition: tracking.hpp:50
cv::COLOR_YUV420sp2RGB
@ COLOR_YUV420sp2RGB
Definition: imgproc.hpp:645
cv::gapi::GNetParam::params
util::any params
Definition: infer.hpp:655
cv::stereo::StereoBinarySGBM::setSubPixelInterpolationMethod
virtual void setSubPixelInterpolationMethod(int value)=0
cv::utils::logging::LOG_LEVEL_INFO
@ LOG_LEVEL_INFO
Info message.
Definition: logger.defines.hpp:30
cv::cudev::ThreshBinaryInvFunc::maxVal
T maxVal
Definition: functional.hpp:717
cv::PyRotationWarper::~PyRotationWarper
~PyRotationWarper()
Definition: warpers.hpp:57
cv::gapi::python::GPythonFunctor::Meta
cv::GKernel::M Meta
Definition: python.hpp:43
cv::CAP_PROP_XI_GPI_MODE
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:384
cv::int32_t
::int32_t int32_t
Definition: cvdef.h:802
cv::cudev::Binder1st::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:985
cv::COLOR_HSV2BGR
@ COLOR_HSV2BGR
backward conversions HSV to RGB/BGR with H range 0..180 if 8 bit image
Definition: imgproc.hpp:605
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::large_kinfu::Params::pyramidLevels
int pyramidLevels
Number of pyramid levels for ICP.
Definition: large_kinfu.hpp:60
cv::xphoto::TransformTypes
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:61
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::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::detail::tracking::tbm::TrackedObject::confidence
double confidence
Detection confidence level (-1 if N/A).
Definition: tracking_by_matching.hpp:35
cv::COLOR_HLS2RGB_FULL
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:623
hal_ni_sqrt32f
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
cv::CascadeClassifier
Cascade classifier class for object detection.
Definition: objdetect.hpp:224
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::cudev::CubicInterPtr::index_type
float index_type
Definition: interpolation.hpp:158
cv::vint32mf2_t::vint32mf2_t
vint32mf2_t(const int *ptr)
Definition: intrin_rvv.hpp:85
cv::ml::SVM
Support Vector Machines.
Definition: ml.hpp:526
cv::Mat::empty
bool empty() const
Returns true if the array has no elements.
cv::videostab::LpMotionStabilizer::setWeight3
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
cv::datasets::OR_pascalObj
Definition: or_pascal.hpp:78
cv::videostab::InpainterBase::motions
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
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::VIDEOWRITER_PROP_NSTRIPES
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:199
cv::HuMoments
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
cv::cudev::DerivXPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
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::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(std::string &&layer_name, std::vector< size_t > &&layer_dims)
Definition: ie.hpp:169
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::GFluidParallelFor
This structure allows to customize the way how Fluid executes parallel regions.
Definition: gfluidkernel.hpp:139
cv::detail::GOpaqueU::specifyType
void specifyType()
Definition: gopaque.hpp:104
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::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::detail::tracking::TrackerSampler
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking.detail.hpp:128
cv::SVDecomp
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
cv::superres::createSuperResolution_BTVL1_CUDA
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
NCVMemSegment::size
size_t size
Definition: NCV.hpp:453
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::RotatedRect::center
Point2f center
returns the rectangle mass center
Definition: types.hpp:530
cv::datasets::IR_robotObj::name
std::string name
Definition: ir_robot.hpp:72
cv::CAP_ANY
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:91
cv::v_int8x16
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:490
cv::ogl::Buffer::cols
int cols() const
cv::cuda::DFT
Base class for DFT operator as a cv::Algorithm. :
Definition: cudaarithm.hpp:852
cv::reg::MapShift::getShift
void getShift(OutputArray shift) const
Definition: mapshift.hpp:89
plaidml
Definition: gplaidmlkernel.hpp:15
cv::rgbd::OdometryFrame
Definition: depth.hpp:483
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:305
cv::detail::tracking::contrib_feature::CvParams::printAttrs
virtual void printAttrs() const
cv::cudev::PtrTraits
Definition: traits.hpp:80
cv::videostab::DeblurerBase::DeblurerBase
DeblurerBase()
Definition: deblurring.hpp:62
cv::COLOR_LBGR2Luv
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:627
cv::legacy::MultiTracker_Alt::colors
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracking_legacy.hpp:461
cv::detail::tracking::tbm::operator==
bool operator==(const TrackedObject &first, const TrackedObject &second)
cv::DetectionBasedTracker::TrackedObject
Definition: detection_based_tracker.hpp:181
cv::QuatEnum
Definition: quaternion.hpp:55
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::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfLargeBins
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
cv::COLORMAP_CIVIDIS
@ COLORMAP_CIVIDIS
Definition: imgproc.hpp:4329
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).
scan.hpp
cv::dnn::getAvailableTargets
std::vector< Target > getAvailableTargets(dnn::Backend be)
ushort
unsigned short ushort
Definition: interface.h:52
cv::dnn::Model::getImplRef
Impl & getImplRef() const
Definition: dnn.hpp:1188
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:59
cv::Vec
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:341
cv::gapi::wip::draw::Circle::center
cv::Point center
The center of the circle.
Definition: render_types.hpp:186
cv::cuda::calcSum
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::v_int16x8::v_int16x8
v_int16x8(vint16m1_t v)
Definition: intrin_rvv.hpp:331
cv::detail::SphericalProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
operations.hpp
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::face::PredictCollector::~PredictCollector
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
cv::linemod::Detector::class_templates
TemplatesMap class_templates
Definition: linemod.hpp:402
NPPST_INVALID_STEP
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
cv::gapi::own::to_ocv
cv::Mat to_ocv(Mat const &m)
Definition: convert.hpp:41
cv::optflow::DualTVL1OpticalFlow
"Dual TV L1" Optical Flow Algorithm.
Definition: optflow.hpp:218
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
cv::CAP_PROP_OPENNI_REGISTRATION
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:274
cv::stereo::PropagationParameters::textrureThreshold
float textrureThreshold
Definition: quasi_dense_stereo.hpp:50
cv::structured_light::GrayCodePattern
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:68
cv::cudev::histogram_
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
cv::cudev::ReduceToColumnBody
Definition: reduction.hpp:196
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::OutArgs
std::tuple< R... > OutArgs
Definition: infer.hpp:194
cv::L1::ValueType
T ValueType
Definition: features2d.hpp:929
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::fastRect
struct cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::@267 fastRect[4]
cv::quality::QualityBRISQUE::QualityBRISQUE
QualityBRISQUE(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Internal constructor.
Definition: qualitybrisque.hpp:74
cv::videostab::ILog::~ILog
virtual ~ILog()
Definition: log.hpp:59
cv::detail::tracking::TrackerSamplerCSC::Params::initInRad
float initInRad
radius for gathering positive instances during init
Definition: tracking.detail.hpp:366
gapi.hpp
cv::ogl::Buffer::Target
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:84
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::ovis::SCENE_SEPARATE
@ SCENE_SEPARATE
the window will use a separate scene. The scene will be shared otherwise.
Definition: ovis.hpp:47
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::initBaseClassifier
void initBaseClassifier()
cv::createStitcher
Ptr< Stitcher > createStitcher(bool try_use_gpu=false)
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::USAC_ACCURATE
@ USAC_ACCURATE
USAC, accurate settings.
Definition: calib3d.hpp:451
cv::wechat_qrcode::WeChatQRCode
WeChat QRCode includes two CNN-based models: A object detection model and a super resolution model....
Definition: wechat_qrcode.hpp:24
cv::MatCommaInitializer_::operator,
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
cv::cudev::DefaultReduceToVecPolicy
Definition: reduce_to_vec.hpp:211
cv::gapi::wip::draw::Text::color
cv::Scalar color
The text color.
Definition: render_types.hpp:78
cv::detail::CameraParams::t
Mat t
Definition: camera.hpp:70
cv::ovis::ENTITY_AABB_WORLD
@ ENTITY_AABB_WORLD
Definition: ovis.hpp:78
cv::TLSDataContainer
Definition: tls.hpp:25
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::ocl::Kernel::set_args_
int set_args_(int i, const _Tp0 &a0, const _Tps &... rest_args)
Definition: ocl.hpp:459
cv::videostab::ImageMotionEstimatorBase
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:175
cv::CASCADE_FIND_BIGGEST_OBJECT
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
retinafasttonemapping.hpp
cv::Stitcher::setBlender
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:249
cvResult
cvResult
Definition: llapi.h:38
cv::MatExpr::operator==
MatExpr operator==(const Mat &a, const Mat &b)
cv::Size_::Size_
Size_()
default constructor
cv::ccm::LINEARIZATION_IDENTITY
@ LINEARIZATION_IDENTITY
no change is made
Definition: ccm.hpp:332
simd512::vx_setzero_s64
v_int64 vx_setzero_s64()
Definition: intrin.hpp:519
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
OPENCV_HAL_IMPL_C_REINTERPRET
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2876
INCVMemAllocator
Definition: NCV.hpp:461
cv::line_descriptor::DrawLinesMatchesFlags
Definition: descriptor.hpp:1153
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::linemod::Match::operator<
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:268
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:4326
cv::SimilarRects
Definition: objdetect.hpp:121
cv::GTransformImpl< K, std::function< R(Args...)> >::API
K API
Definition: gtransform.hpp:78
cv::bioinspired::SegmentationParameters
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
cv::Mat_::zeros
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
cv::cudev::TypeTraits
Definition: type_traits.hpp:128
cv::hal::DCT2D::~DCT2D
virtual ~DCT2D()
Definition: hal.hpp:224
cv::videostab::WobbleSuppressorBase::frameCount_
int frameCount_
Definition: wobble_suppression.hpp:89
cv::gapi::own::Point2f::Point2f
Point2f()=default
cv::TrackerKCF::Params::output_sigma_factor
float output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracking.hpp:125
cv::xfeatures2d::BoostDesc::BINBOOST_256
@ BINBOOST_256
Definition: xfeatures2d.hpp:416
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::aruco::CharucoBoard::getChessboardSize
Size getChessboardSize() const
Definition: charuco.hpp:106
cv::SORT_EVERY_ROW
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:157
cv::line_descriptor::KeyLine::class_id
int class_id
Definition: descriptor.hpp:109
cv::gapi::own::Rect::Rect
Rect()=default
cv::gapi::fluid::Border::Border
Border(int _type, cv::Scalar _val)
Definition: gfluidbuffer.hpp:28
cv::viz::Widget3D::Widget3D
Widget3D()
Definition: widgets.hpp:184
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::cudev::sobelY_
__host__ Expr< SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelY_(const SrcPtr &src)
Definition: deriv.hpp:90
ridgefilter.hpp
cv::COLOR_YUV2RGBA_YV12
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:664
cv::SolvePnPMethod
SolvePnPMethod
Definition: calib3d.hpp:456
cv::instr::TYPE_MARKER
@ TYPE_MARKER
Definition: instrumentation.hpp:48
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:2346
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:367
cv::AsyncPromise
Provides result of asynchronous operations.
Definition: async_promise.hpp:22
cv::large_kinfu::LargeKinfu
Large Scale Dense Depth Fusion implementation.
Definition: large_kinfu.hpp:117
cv::text::page_seg_mode
page_seg_mode
Tesseract.PageSegMode Enumeration.
Definition: ocr.hpp:67
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:140
cv::superres::createOptFlow_Farneback
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
cv::viz::MouseEvent::MouseButton
MouseButton
Definition: types.hpp:314
cv::QuatEnum::EXT_ZYX
@ EXT_ZYX
Extrinsic rotations with the Euler angles type Z-Y-X.
Definition: quaternion.hpp:118
cv::cudev::ThreshBinaryFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
cv::COLOR_Lab2LRGB
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:631
Cv32suf::i
int i
Definition: cvdef.h:379
cv::utils::lock_guard::lock_guard
lock_guard(Mutex &m)
Definition: lock.private.hpp:20
cv::text::ERStat::level
int level
Definition: erfilter.hpp:76
cv::superres::PyrLKOpticalFlow::getWindowSize
virtual int getWindowSize() const =0
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::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::detail::tracked_cv_mat
Definition: gcpukernel.hpp:213
cv::videostab::DeblurerBase::motions_
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
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::datasets::GR_skigObj::background
backgroundType background
Definition: gr_skig.hpp:99
cv::COLOR_BayerBG2BGR_VNG
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:764
cv::parallel::setParallelForBackend
void setParallelForBackend(const std::shared_ptr< ParallelForAPI > &api, bool propagateNumThreads=true)
Replace OpenCV parallel_for backend.
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::cudev::IsUnaryFunction::No
Definition: functional.hpp:1027
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::gapi::BGR2LUV
GMat BGR2LUV(const GMat &src)
Converts an image from BGR color space to LUV color space.
cv::parallel::tbb::ParallelForBackend::numThreads
int numThreads
Definition: parallel_for.tbb.hpp:49
cv::detail::ConstructOpaque
std::function< void(OpaqueRef &)> ConstructOpaque
Definition: gopaque.hpp:59
cv::instr::NodeData
Definition: instrumentation.hpp:69
cv::ogl::POLYGON
@ POLYGON
Definition: opengl.hpp:488
cv::ocl::initializeContextFromHandle
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
cv::legacy::TrackerMedianFlow::Params::termCriteria
TermCriteria termCriteria
termination criteria for Lucas-Kanade optical flow
Definition: tracking_legacy.hpp:201
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.
saturate.hpp
cv::Stitcher::setEstimator
void setEstimator(Ptr< detail::Estimator > estimator)
Definition: stitching.hpp:231
cv::cudev::NormL2::mySum
result_type mySum
Definition: vec_distance.hpp:127
cv::GTypeInfo
Definition: gkernel.hpp:29
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::CAP_PROP_XI_IMAGE_DATA_FORMAT
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:413
cv::util::optional
Definition: optional.hpp:30
cv::legacy::TrackerMedianFlow
the Median Flow tracker
Definition: tracking_legacy.hpp:190
cv::gapi::streaming::detail::GMeta::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &args, const GArgs &)
Definition: meta.hpp:37
cv::COLOR_YUV420p2GRAY
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:680
cv::AutoBuffer::resize
void resize(size_t _size)
resizes the buffer and preserves the content
cv::text::PSM_OSD_ONLY
@ PSM_OSD_ONLY
Definition: ocr.hpp:69
cv::detail::RotationWarperBase::setScale
void setScale(float val) CV_OVERRIDE
Definition: warpers.hpp:176
cv::datasets::IR_robotObj::pos
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
cv::cudev::LaplacianPtr
Definition: deriv.hpp:327
cv::COLOR_YUV2BGR_UYVY
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:684
cv::gapi::networks
cv::gapi::GNetPackage networks(Args &&... args)
Definition: infer.hpp:693
cv::cudev::magnitude_func
Definition: functional.hpp:613
cv::operator|
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
cv::BOWImgDescriptorExtractor::compute2
void compute2(const Mat &image, std::vector< KeyPoint > &keypoints, Mat &imgDescriptor)
Definition: features2d.hpp:1522
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:2046
cv::COLOR_YUV2RGBA_NV21
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:650
cv::datasets::cameraPos::images
std::vector< std::string > images
Definition: ir_robot.hpp:67
cv::stereo::StereoBinarySGBM::setP1
virtual void setP1(int P1)=0
cv::kinfu::Intr::fx
float fx
Definition: intrinsics.hpp:75
widgets.hpp
cv::GOCLContext::m_args
std::vector< GArg > m_args
Definition: goclkernel.hpp:80
cv::videostab::StabilizerBase::frameSize_
Size frameSize_
Definition: stabilizer.hpp:125
cv::optflow::GPCForest
Definition: sparse_matching_gpc.hpp:191
NCVBroxOpticalFlow.hpp
cv::COLOR_Lab2LBGR
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:630
cvhalFilter2D
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
cv::dynafu::DynaFu
Definition: dynafu.hpp:46
cv::COLOR_BayerGR2RGBA
@ COLOR_BayerGR2RGBA
Definition: imgproc.hpp:794
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::datasets::OR_mnistObj
Definition: or_mnist.hpp:60
cv::cudev::GpuMat_::upload
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
cv::Mat::cols
int cols
Definition: mat.hpp:2096
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::MatConstIterator_::reference
const typedef _Tp & reference
Definition: mat.hpp:3086
cv::detail::FeatherBlender::sharpness
float sharpness() const
Definition: blenders.hpp:105
cv::COLOR_HSV2RGB
@ COLOR_HSV2RGB
Definition: imgproc.hpp:606
cv::detail::tracking::TrackerSamplerCS
TrackerContribSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracking_internals.hpp:700
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:99
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:3128
cv::cudev::gridTranspose
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
cv::gapi::onnx::Params::cfgPostProc
Params< Net > & cfgPostProc(std::vector< cv::GMatDesc > &&out_metas, PostProc &&pp, std::vector< std::string > &&names_to_remap)
Definition: onnx.hpp:175
cv::cuda::SURF_CUDA::KeypointLayout
KeypointLayout
Definition: cuda.hpp:89
cv::CALIB_RATIONAL_MODEL
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:507
cv::AgastFeatureDetector
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:599
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::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:446
cv::Allocator::~Allocator
~Allocator()
Definition: cvstd.hpp:123
cv::IMWRITE_PNG_STRATEGY_DEFAULT
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:136
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::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:166
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::detail::DpSeamFinder::setCostFunction
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:129
cv::sfm::BaseSFM::~BaseSFM
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:164
cv::cuda::transformPoints
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
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::cudev::unary_function
Definition: functional.hpp:62
cv::CommandLineParser::impl
Impl * impl
Definition: utility.hpp:942
cv::instr::NodeData::m_implType
cv::instr::IMPL m_implType
Definition: instrumentation.hpp:79
cv::linemod::Detector::TemplatePyramid
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:400
cv::ocl::KernelArg
Definition: ocl.hpp:390
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::gapi::ie::Params< cv::gapi::Generic >::desc
detail::ParamDesc desc
Definition: ie.hpp:245
cv::groupRectangles
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
cudaimgproc.hpp
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 .
cvv::impl::CallMetaData::function
const char * function
Definition: call_meta_data.hpp:48
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::ccm::COLORCHECKER_DigitalSG
@ COLORCHECKER_DigitalSG
DigitalSG ColorChecker with 140 squares.
Definition: ccm.hpp:91
cv::CAP_PROP_OPENNI_MAX_TIME_DURATION
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:281
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::ft::FT02D_process
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
cv::multicalib::MultiCameraCalibration::edge::photoIndex
int photoIndex
Definition: multicalib.hpp:86
cv::text::detectRegions
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > &regions)
cv_vsqrt_f32
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
cv::quality::QualityMSE
Full reference mean square error algorithm https://en.wikipedia.org/wiki/Mean_squared_error.
Definition: qualitymse.hpp:18
cv::gapi::onnx::PortCfg::NormCoefs
std::array< cv::Scalar, std::tuple_size< typename Net::InArgs >::value > NormCoefs
Definition: onnx.hpp:76
cv::sfm::libmv_CameraIntrinsicsOptions::image_width
int image_width
Definition: simple_pipeline.hpp:108
cv::v_int16x32
v_reg< short, 32 > v_int16x32
Thirty two 16-bit signed integer values.
Definition: intrin_cpp.hpp:539
cv::CAP_PROP_XI_LUT_VALUE
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:495
cv::LineIterator::p
Point p
Definition: imgproc.hpp:4864
cv::detail::ocl_get_out< cv::GScalar >::get
static cv::Scalar & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:174
cv::cudev::AffineMapPtrSz
Definition: warping.hpp:77
pyramids.hpp
cv::cudev::atanh
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
cv::AffineWarper
Affine warper factory class.
Definition: warpers.hpp:159
cv::rapid::Tracker
Abstract base class for stateful silhouette trackers.
Definition: rapid.hpp:127
cv::face::FacemarkKazemi::Params
Definition: face_alignment.hpp:14
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
cv::aruco::DetectorParameters::cornerRefinementMaxIterations
int cornerRefinementMaxIterations
Definition: aruco.hpp:168
OPENCV_HAL_IMPL_RVV_POPCOUNT_OP
#define OPENCV_HAL_IMPL_RVV_POPCOUNT_OP(_rTpvec, _Tpvec, _rTp, _Tp, suffix)
Definition: intrin_rvv.hpp:2336
cv::DistanceTransformMasks
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:312
cv::QT_FONT_BLACK
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:246
cv::QuatEnum::EXT_XYZ
@ EXT_XYZ
Extrinsic rotations with the Euler angles type X-Y-Z.
Definition: quaternion.hpp:113
cv::rgbd::DepthCleaner::getWindowSize
int getWindowSize() const
Definition: depth.hpp:231
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMax
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:157
cv::detail::BlocksGainCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:225
NCVMatrixAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
cv::IMWRITE_TIFF_YDPI
@ IMWRITE_TIFF_YDPI
For TIFF, use to specify the Y direction DPI.
Definition: imgcodecs.hpp:103
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:2480
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::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::Range
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:589
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::legacy::TrackerCSRT::Params
Definition: tracking_legacy.hpp:503
cv::Mat_::release
void release()
equivalent to Mat::release()
cv::stereo::CV_MODIFIED_CENSUS_TRANSFORM
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:14
cv::v_uint8x64
v_reg< uchar, 64 > v_uint8x64
Sixty four 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:533
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:3221
cv::softdouble::softdouble
softdouble(const double a)
Construct from double.
Definition: softfloat.hpp:257
cv::gapi::wip::draw::Mosaic
This structure represents a mosaicing operation.
Definition: render_types.hpp:239
cv::INTER_CUBIC
@ INTER_CUBIC
Definition: imgproc.hpp:251
cv::COLOR_LRGB2Luv
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:628
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::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::Matx16f
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:227
cv::cuda::ALPHA_ATOP
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
phase_unwrapping.hpp
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::ocl::memopTypeToStr
const char * memopTypeToStr(int t)
cv::ocl::typeToStr
const char * typeToStr(int t)
cv::linemod::Feature::label
int label
Quantization.
Definition: linemod.hpp:30
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::ccm::DISTANCE_RGB
@ DISTANCE_RGB
Euclidean distance of rgb color space.
Definition: ccm.hpp:352
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:473
cv::FlannBasedMatcher::flannIndex
Ptr< flann::Index > flannIndex
Definition: features2d.hpp:1278
cv::ppf_match_3d::THash::ppfInd
int ppfInd
Definition: ppf_match_3d.hpp:82
cv::detail::GOpaqueU
Definition: gopaque.hpp:67
HaarFeatureDescriptor32::getNumFeatures
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:167
cv::MSER
Maximally stable extremal region extractor.
Definition: features2d.hpp:488
cv::CAP_PROP_XI_DEFAULT_CC_MATRIX
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:464
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
NCVMatrix::memType
NCVMemoryType memType() const
Definition: NCV.hpp:828
cv::Stitcher::exposureCompensator
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:239
cv::DetectionBasedTracker::IDetector::setMaxObjectSize
void setMaxObjectSize(const cv::Size &max)
Definition: detection_based_tracker.hpp:84
cv::softfloat::softfloat
softfloat()
Default constructor.
Definition: softfloat.hpp:93
cv::TickMeter::start
void start()
starts counting ticks.
Definition: utility.hpp:304
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsLocalAdaptationSensitivity
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
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::RETR_FLOODFILL
@ RETR_FLOODFILL
Definition: imgproc.hpp:431
cv::viz::WSphere
This 3D Widget defines a sphere. :
Definition: widgets.hpp:273
cv::large_kinfu::Params
Definition: large_kinfu.hpp:20
cv::videostab::StabilizerBase::inpainter
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:99
cv::gapi::fluid::Buffer
Definition: gfluidbuffer.hpp:92
cv::RMat::View::ptr
T * ptr(int y=0)
Definition: rmat.hpp:78
cv::detail::tracking::TrackerModel::currentConfidenceMap
ConfidenceMap currentConfidenceMap
Definition: tracking.detail.hpp:333
cv::Mat::total
size_t total() const
Returns the total number of array elements.
cv::CAP_PROP_XI_GPI_LEVEL
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:385
cv::EVENT_MBUTTONDBLCLK
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:220
cv::COLOR_BGRA2RGBA
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:548
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::videostab::StabilizerBase::maskSource
Ptr< IFrameSource > maskSource() const
Definition: stabilizer.hpp:81
cv::UsacParams::threshold
double threshold
Definition: calib3d.hpp:565
cv::rgbd::RgbdPlane::setMethod
void setMethod(int val)
Definition: depth.hpp:409
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::SimilarRects::operator()
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
cv::structured_light::SinusoidalPattern::Params::markersLocation
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
simd512::vx_setall_s64
v_int64 vx_setall_s64(int64 v)
Definition: intrin.hpp:502
cv::MercatorWarper
Definition: warpers.hpp:237
cv::cuda::GpuData::data
uchar * data
Definition: cuda.hpp:354
NCV_LAST_STATUS
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
cv::MatConstIterator::m
const Mat * m
Definition: mat.hpp:3066
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.
OPENCV_HAL_IMPL_SHIFT_OP
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:1259
cv::stereo::StereoBinarySGBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
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 *)
NCV_ALLOCATOR_BAD_DEALLOC
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
cv::Matx66f
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:256
cv::face::StandardCollector::minRes
PredictResult minRes
Definition: predict_collector.hpp:93
cv::detail::BlocksCompensator::getNrGainsFilteringIterations
int getNrGainsFilteringIterations() const
Definition: exposure_compensate.hpp:186
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
cv::aruco::generateCustomDictionary
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize, int randomSeed=0)
cv::ocl::Image2D
Definition: ocl.hpp:698
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::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::ft::FT02D_components
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask=noArray())
Computes components of the array using direct -transform.
cv::legacy::Tracker::model
Ptr< TrackerModel > model
Definition: tracking_legacy.hpp:109
sparse_matching_gpc.hpp
Implementation of the Global Patch Collider.
INCVMemAllocator::isInitialized
virtual NcvBool isInitialized(void) const =0
cv::_OutputArray
This type is very similar to InputArray except that it is used for input/output and output function p...
Definition: mat.hpp:294
cv::DISOpticalFlow::PRESET_FAST
@ PRESET_FAST
Definition: tracking.hpp:590
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::detail::tracking::TrackerContribFeatureHAAR::Params::numFeatures
int numFeatures
Definition: tracking_internals.hpp:856
cv::FileStorage::getFirstTopLevelNode
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
cv::detail::OpaqueRefT
Definition: gopaque.hpp:129
cv::CAP_V4L
@ CAP_V4L
V4L/V4L2 capturing support.
Definition: videoio.hpp:93
cv::detail::HomographyBasedEstimator
Homography based rotation estimator.
Definition: motion_estimators.hpp:100
cv::INTER_LINEAR
@ INTER_LINEAR
Definition: imgproc.hpp:249
cv::vuint32mf2_t::vuint32mf2_t
vuint32mf2_t()
Definition: intrin_rvv.hpp:74
cv::cudev::LutPtr::tbl
TablePtr tbl
Definition: lut.hpp:66
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:64
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:880
gcommon.hpp
cv::cudev::derivYPtr
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
cv::ocl::KernelArg::ReadOnly
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:409
cv::cuda::log
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
cv::cuda::FeatureSet
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:988
phash.hpp
cv::cudev::GlobPtr::index_type
int index_type
Definition: glob.hpp:65
cv::FLOODFILL_MASK_ONLY
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:384
cv::datasets::OR_imagenetObj::id
int id
Definition: or_imagenet.hpp:62
CV_PROP
#define CV_PROP
Definition: cvdef.h:454
cv::kinfu::Params::frameSize
Size frameSize
frame size in pixels
Definition: kinfu.hpp:78
cv::cudev::RemapPtr1
Definition: remap.hpp:60
cv::Mat_::depth
int depth() const
cv::motempl::updateMotionHistory
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
cv::bioinspired::RETINA_COLOR_BAYER
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
cv::Subdiv2D::vtx
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1243
cv::FONT_HERSHEY_PLAIN
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: imgproc.hpp:824
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:3247
cv::stereo::CV_MEAN_VARIATION
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:15
cv::datasets::sampleType
sampleType
Definition: pd_inria.hpp:60
cv::aruco::DICT_6X6_50
@ DICT_6X6_50
Definition: dictionary.hpp:150
cv::transpose
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
cv::ximgproc::EdgeDrawing::~EdgeDrawing
virtual ~EdgeDrawing()
Definition: edge_drawing.hpp:104
cv::db
@ db
Definition: container_avi.private.hpp:136
cv::cudev::DerivYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
cv::CAP_PROP_BACKEND
@ CAP_PROP_BACKEND
Current backend (enum VideoCaptureAPIs). Read-only property.
Definition: videoio.hpp:178
cv::SparseMat::Hdr::nodeCount
size_t nodeCount
Definition: mat.hpp:2683
cv::gapi::onnx::detail::ParamDesc::ConstInput
std::pair< cv::Mat, TraitAs > ConstInput
Definition: onnx.hpp:51
cv::cudev::IsBinaryFunction::No
Definition: functional.hpp:1040
cv::detail::VectorRef
Definition: garray.hpp:236
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)
cv::VIDEO_ACCELERATION_NONE
@ VIDEO_ACCELERATION_NONE
Definition: videoio.hpp:227
face.hpp
nppiStIntegralGetSize_32f32f
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
timer.h
cv::videostab::NullInpainter
Definition: inpainting.hpp:102
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::StabilizerBase::finalFrame_
Mat finalFrame_
Definition: stabilizer.hpp:133
img_hash_base.hpp
cv_vrnd_s32_f32
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
cv::cuda::SURF_CUDA::SIZE_ROW
@ SIZE_ROW
Definition: cuda.hpp:95
cv::rgbd::FastICPOdometry::setKernelSize
void setKernelSize(int f)
Definition: depth.hpp:1116
cv::cudev::vcmpeq4
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
cv::ccm::COLOR_SPACE_Lab_D55_10
@ COLOR_SPACE_Lab_D55_10
non-RGB color space
Definition: ccm.hpp:129
cv::operator<<
std::ostream & operator<<(std::ostream &, const DualQuat< _Tp > &)
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:469
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:1436
cv::gapi::ie::PyParams
Definition: bindings_ie.hpp:23
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
simd512::v_int8
v_int8x64 v_int8
Maximum available vector register capacity 8-bit signed integer values.
Definition: intrin.hpp:388
cv::empty_array_desc
GArrayDesc empty_array_desc()
Definition: garray.hpp:45
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::rgbd::ICPOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: depth.hpp:851
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::detail::BundleAdjusterBase::cam_params_
Mat cam_params_
Definition: motion_estimators.hpp:212
cv::dnn::MaxUnpoolLayer
Definition: all_layers.hpp:541
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
CPU_AVX_5124FMAPS
@ CPU_AVX_5124FMAPS
Definition: cvdef.h:322
cv::sfm::projectionsFromFundamental
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getNumFeatures
int getNumFeatures() const
Definition: feature.hpp:172
cv::datasets::poseType
poseType
Definition: gr_skig.hpp:74
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:822
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::cudacodec::VideoReader::~VideoReader
virtual ~VideoReader()
Definition: cudacodec.hpp:299
cv::gapi::ie::PortCfg::In
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: ie.hpp:85
cv::optflow::GPCTrainingParams::check
bool check() const
Definition: sparse_matching_gpc.hpp:138
cv::kinfu::Params::voxelSize
float voxelSize
Size of voxel in meters.
Definition: kinfu.hpp:110
cv::Matx23f
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:241
cv::videostab::ConsistentMosaicInpainter::setStdevThresh
void setStdevThresh(float val)
Definition: inpainting.hpp:132
cv::gapi::s11n::detail::put_v
IOStream & put_v(IOStream &, const V &, std::size_t)
Definition: s11n.hpp:233
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
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::util::any::unsafe_any_cast
friend value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
cv::aruco::DICT_4X4_100
@ DICT_4X4_100
Definition: dictionary.hpp:143
cv::glob
void glob(String pattern, std::vector< String > &result, bool recursive=false)
cv::cudev::Sum::rebind::other
Sum< U > other
Definition: reduce_to_vec.hpp:71
cv::DMatch::imgIdx
int imgIdx
train image index
Definition: types.hpp:817
cv::viz::WCameraPosition
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:543
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::horizontalCellsGain
float horizontalCellsGain
Definition: retina.hpp:162
cv::videostab::DeblurerBase::setRadius
virtual void setRadius(int val)
Definition: deblurring.hpp:66
cv::GComputationT< std::tuple< R... >(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs, GCompileArgs &&args)
Definition: gtyped.hpp:217
cv::reg::MapAffine
Definition: mapaffine.hpp:52
cv::FILLED
@ FILLED
Definition: imgproc.hpp:813
cv::cudev::binary_function::second_argument_type
_Arg2 second_argument_type
Definition: functional.hpp:71
cv::QT_FONT_LIGHT
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:242
cv::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(const std::map< std::string, std::vector< std::size_t >> &reshape_table)
Definition: ie.hpp:164
cv::Codecs
Codecs
Definition: container_avi.private.hpp:73
warpers.hpp
cv::optflow::SR_CROSS
@ SR_CROSS
Definition: rlofflow.hpp:19
cv::datasets::PascalPart::xmax
int xmax
Definition: or_pascal.hpp:64
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::detail::Yield< cv::GScalar >::yield
static cv::GScalar yield(cv::GCall &call, int i)
Definition: gkernel.hpp:84
cv::ovis::waitKey
int waitKey(int delay=0)
cv::Param
Param
Definition: core.hpp:3189
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::gapi::flip
GMat flip(const GMat &src, int flipCode)
Flips a 2D matrix around vertical, horizontal, or both axes.
cv::detail::FeaturesMatcher::collectGarbage
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:149
cv::CAP_PROP_GPHOTO2_RELOAD_CONFIG
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:612
cv::cudev::ResizePtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
cv::xfeatures2d::PCTSignatures::SimilarityFunction
SimilarityFunction
Similarity function selector.
Definition: xfeatures2d.hpp:479
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:388
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:919
cv::multicalib::MultiCameraCalibration::PINHOLE
@ PINHOLE
Definition: multicalib.hpp:76
cv::TLSData::cleanup
void cleanup()
Release associated thread data.
Definition: tls.hpp:73
cv::detail::ChannelsCompensator::ChannelsCompensator
ChannelsCompensator(int nr_feeds=1)
Definition: exposure_compensate.hpp:148
gproto.hpp
simd512::vx_setzero_s8
v_int8 vx_setzero_s8()
Definition: intrin.hpp:513
cv::GMatDesc::GMatDesc
GAPI_WRAP GMatDesc(int d, const std::vector< int > &dd)
Definition: gmat.hpp:88
cv::bgsegm::SyntheticSequenceGenerator
Synthetic frame sequence generator for testing background subtraction algorithms.
Definition: bgsegm.hpp:329
cv::vfloat32mf2_t
Definition: intrin_rvv.hpp:91
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
CVVISUAL_THREAD_LOCAL
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
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:394
cv::Mat::MAGIC_VAL
@ MAGIC_VAL
Definition: mat.hpp:2083
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::xfeatures2d::BEBLID
Class implementing BEBLID (Boosted Efficient Binary Local Image Descriptor), described in .
Definition: xfeatures2d.hpp:204
cv::aruco::DetectorParameters::cornerRefinementMethod
int cornerRefinementMethod
Definition: aruco.hpp:166
cv::detail::BasicVectorRef::size
virtual std::size_t size() const =0
cv::rapid::drawCorrespondencies
void drawCorrespondencies(InputOutputArray bundle, InputArray cols, InputArray colors=noArray())
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::ppf_match_3d::HSHTBL_i::size
size_t size
Definition: t_hash_int.hpp:69
cv::gapi::onnx::detail::ParamDesc
Definition: onnx.hpp:39
cv::detail::BasicOpaqueRef
Definition: gopaque.hpp:118
cv::BackgroundSubtractor::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
cv::OPTFLOW_USE_INITIAL_FLOW
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
cv::detail::SphericalProjector
Definition: warpers.hpp:302
cv::GKernel
Definition: gkernel.hpp:44
cv::cuda::NvidiaOpticalFlow_2_0::NVIDIA_OF_PERF_LEVEL
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:471
cv::cuda::BackgroundSubtractorGMG
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:88
cv::detail::get_in< cv::GScalar >::get
static cv::Scalar get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:172
cv::CASCADE_DO_ROUGH_SEARCH
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
cv::ximgproc::SLICType
SLICType
Definition: slic.hpp:132
cv::ocl::Device::maxComputeUnits
int maxComputeUnits() const
cv::saliency::ObjectnessBING::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:303
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::cudev::NormL1::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
cv::FM_RANSAC
@ FM_RANSAC
RANSAC algorithm. It needs at least 15 points. 7-point algorithm is used.
Definition: calib3d.hpp:527
cv::Matx61f
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:236
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::detail::tracking::contrib_feature::CvFeatureEvaluator::cls
Mat cls
Definition: feature.hpp:199
cv::cudev::sqrt_func
Definition: functional.hpp:521
cv::AccessFlag
AccessFlag
Definition: mat.hpp:64
cv::optflow::GPCTree::Node
Definition: sparse_matching_gpc.hpp:157
cv::UMat::size
MatSize size
Definition: mat.hpp:2578
cv::cudev::VecTraits< schar >::all
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
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::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::TickMeter::getTimeSec
double getTimeSec() const
returns passed time in seconds.
Definition: utility.hpp:339
cv::startWindowThread
int startWindowThread()
cv::datasets::GR_chalearnObj::skeletons
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
cv::MORPH_TOPHAT
@ MORPH_TOPHAT
Definition: imgproc.hpp:222
cv::GInferList2
Definition: infer.hpp:352
cv::rgbd::FastICPOdometry::setSigmaDepth
void setSigmaDepth(float f)
Definition: depth.hpp:1100
cv::L2::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:916
cv::ft::FT12D_components
void FT12D_components(InputArray matrix, InputArray kernel, OutputArray components)
Computes components of the array using direct -transform.
cv::detail::valid_infer2_types
Definition: infer.hpp:46
Cv64suf::i
int64 i
Definition: cvdef.h:387
cv::CMP_GE
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:213
cv::cudev::InRangeFunc::InRangeFunc
__host__ InRangeFunc(const Scalar &lowerb_scalar, const Scalar &upperb_scalar)
Builds an InRangeFunc with the given lower and upper bound scalars.
Definition: functional.hpp:928
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::vuint8mf4_t
Definition: intrin_rvv.hpp:128
cv::gapi::detail::deserialize_runarg
Definition: s11n.hpp:301
cv::DFT_INVERSE
@ DFT_INVERSE
Definition: base.hpp:228
cv::dnn::SliceLayer::axis
int axis
Definition: all_layers.hpp:368
cv::videostab::ToFileMotionWriter::motionModel
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:215
cv::DCT_ROWS
@ DCT_ROWS
Definition: base.hpp:263
cv::detail::tracking::contrib_feature::CvHaarEvaluator::writeFeature
void writeFeature(FileStorage &fs) const
cv::Mat::size
MatSize size
Definition: mat.hpp:2118
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:655
cv::BORDER_REFLECT_101
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:273
cv::detail::tracking::TrackerSamplerAlgorithm
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracking.detail.hpp:98
cv::v_uint8x16::val
uchar val[16]
Definition: intrin_rvv.hpp:257
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::cudacodec::SF_NV12
@ SF_NV12
Definition: cudacodec.hpp:77
cv::RNG::operator()
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
cv::face::FacemarkLBF::Params
Definition: facemarkLBF.hpp:51
cv::cudev::ConstantPtr
Definition: constant.hpp:57
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:1915
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::detail::tracking::tbm::ITrackerByMatching::~ITrackerByMatching
virtual ~ITrackerByMatching()
Destructor for the tracker.
Definition: tracking_by_matching.hpp:424
CV_NOEXCEPT
#define CV_NOEXCEPT
Definition: cvdef.h:756
cv::CAP_PROP_XI_HDR_KNEEPOINT_COUNT
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:511
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:143
cv::ColormapTypes
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4310
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:1023
cv::gapi::python::backend
cv::gapi::GBackend backend()
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::MatConstIterator::pointer
const typedef uchar ** pointer
Definition: mat.hpp:3020
cv::SVD::FULL_UV
@ FULL_UV
Definition: core.hpp:2656
cv::stereo::MatchQuasiDense
Definition: quasi_dense_stereo.hpp:27
cv::GCall
Definition: gcall.hpp:26
cv::aruco::DetectorParameters::adaptiveThreshConstant
double adaptiveThreshConstant
Definition: aruco.hpp:159
cv::gapi::own::Mat::Mat
Mat(Mat const &src, const Rect &roi)
Definition: mat.hpp:119
cv::detail::has_custom_wrap::test
static std::true_type test(check< C, decltype(&GTypeTraits< C >::wrap_value)> *)
cv::Mat::checkVector
int checkVector(int elemChannels, int depth=-1, bool requireContinuous=true) const
simd512::vx_lut_pairs
v_float64 vx_lut_pairs(const double *ptr, const int *idx)
Definition: intrin.hpp:624
cv::cuda::DeviceInfo::ComputeModeExclusive
@ ComputeModeExclusive
Definition: cuda.hpp:1123
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::detail::PlaidMLCallHelper
Definition: gplaidmlkernel.hpp:102
cv::v_uint32x4
Definition: intrin_rvv.hpp:357
cv::CirclesGridFinderParameters::kmeansAttempts
int kmeansAttempts
Definition: calib3d.hpp:1635
cv::CAP_PROP_XI_DEBOUNCE_POL
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:470
cv::optflow::GPCTree::Node::operator==
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:164
cv::ximgproc::ARO_CTR_HOR
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
cv::GComputationT< R(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:143
cv::Mat_::value_type
_Tp value_type
Definition: mat.hpp:2190
cv::fisheye::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: calib3d.hpp:3770
cv::cudev::gridCountNonZero_
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
cv::dnn::readNetFromTensorflow
Net readNetFromTensorflow(const String &model, const String &config=String())
Reads a network model stored in TensorFlow framework's format.
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.
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:2191
cv::videostab::LpMotionStabilizer::setFrameSize
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
cv::ocl::haveOpenCL
bool haveOpenCL()
cv::detail::tracking::TrackerStateEstimatorAdaBoosting
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracking_internals.hpp:513
cv::kinfu::Volume::~Volume
virtual ~Volume()
Definition: volume.hpp:29
intrin_avx512.hpp
cv::detail::ExtractMetaCallback
Definition: garg.hpp:264
cv::dnn::getInferenceEngineCPUType
cv::String getInferenceEngineCPUType()
Returns Inference Engine CPU type.
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::cudev::SobelYPtr::src
SrcPtr src
Definition: deriv.hpp:193
cv::ml::ParamGrid::minVal
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
cv::v256_setall_f32
v_float32x8 v256_setall_f32(float val)
Definition: intrin_cpp.hpp:2854
cv::Stitcher::blender
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:248
cv::hal::STORE_ALIGNED_NOCACHE
@ STORE_ALIGNED_NOCACHE
Definition: intrin.hpp:97
cv::fisheye::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:3774
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::cudev::LaplacianPtrSz::rows
int rows
Definition: deriv.hpp:371
cv::cudacodec::HEVC
@ HEVC
Definition: cudacodec.hpp:255
cv::Stitcher::component
std::vector< int > component() const
Definition: stitching.hpp:302
cv::gapi::own::Mat::Mat
Mat()=default
CV_CUDEV_RGB2HLS_INST
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
cv::KeyPoint
Data structure for salient point detectors.
Definition: types.hpp:711
cv::Error::BadAlign
@ BadAlign
incorrect input align
Definition: base.hpp:90
cv::ocl
Definition: ocl.hpp:47
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_FINAL
#define CV_FINAL
Definition: cvdef.h:747
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:1002
cv::v_floor
v_reg< int, n > v_floor(const v_reg< float, n > &a)
Floor elements.
Definition: intrin_cpp.hpp:2452
cv::detail::tracking::online_boosting::BaseClassifier::m_wCorrect
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:148
cv::line_descriptor::KeyLine::lineLength
float lineLength
Definition: descriptor.hpp:138
cv::stereo::StereoBinarySGBM::setP2
virtual void setP2(int P2)=0
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:504
cv::empty_scalar_desc
GScalarDesc empty_scalar_desc()
Definition: gscalar.hpp:67
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:962
cv::videostab::PyrLkOptFlowEstimatorBase::maxLevel
virtual int maxLevel() const
Definition: optical_flow.hpp:88
OPENCV_HAL_IMPL_C_RSHIFTR
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2932
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::computeRecallPrecisionCurve
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
cv::viz::WTrajectorySpheres
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:658
cv::videostab::StabilizerBase::borderMode_
int borderMode_
Definition: stabilizer.hpp:123
cv::createBackgroundSubtractorMOG2
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
cv::multicalib::MultiCameraCalibration::vertex::timestamp
int timestamp
Definition: multicalib.hpp:103
cv::Error::StsNotImplemented
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
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::COLOR_YCrCb2RGB
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:592
cv::detail::CompileArgTag< GFluidParallelFor >::tag
static const char * tag()
Definition: gfluidkernel.hpp:157
cv::CirclesGridFinderParameters::vertexGain
float vertexGain
Definition: calib3d.hpp:1639
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::DetectionBasedTracker::TrackedObject::lastPositions
PositionsVector lastPositions
Definition: detection_based_tracker.hpp:185
cv::COLOR_YUV2RGB_IYUV
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:657
cv::ADAPTIVE_THRESH_MEAN_C
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:336
cv::videostab::ToFileMotionWriter
Definition: global_motion.hpp:209
cv::detail::Estimator
Rotation estimator base class.
Definition: motion_estimators.hpp:65
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::CAP_PROP_XI_DEBOUNCE_EN
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:467
cv::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(std::map< std::string, std::vector< std::size_t >> &&reshape_table)
Definition: ie.hpp:159
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.
cv::detail::MercatorWarper::MercatorWarper
MercatorWarper(float scale)
Definition: warpers.hpp:483
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:188
HaarFeatureDescriptor32
Definition: NCVHaarObjectDetection.hpp:117
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.
cv::vwcvt_x_x_v_i32m1
vint32m1_t vwcvt_x_x_v_i32m1(vint16mf2_t v)
Definition: intrin_rvv.hpp:193
imgcodecs.hpp
cv::gapi::ie::detail::ParamDesc::kind
Kind kind
Definition: ie.hpp:68
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::Point3_::operator=
Point3_ & operator=(const Point3_ &pt)
cv::MediaFrame::IAdapter
Definition: media.hpp:76
cv::ogl::RenderModes
RenderModes
render mode
Definition: opengl.hpp:478
cv::ximgproc::SLIC
@ SLIC
Definition: slic.hpp:132
cv::IMREAD_GRAYSCALE
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image (codec internal conversion).
Definition: imgcodecs.hpp:71
cv::flann::GenericIndex::getParameters
::cvflann::IndexParams getParameters()
Definition: flann.hpp:326
cv::cudev::NearestInterPtr::index_type
float index_type
Definition: interpolation.hpp:66
MIN
#define MIN(a, b)
Definition: cvdef.h:485
cv::getCPUFeaturesLine
std::string getCPUFeaturesLine()
Returns list of CPU features enabled during compilation.
cv::line_descriptor::KeyLine::getEndPointInOctave
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:162
cv::detail::has_Window::value
static constexpr bool value
Definition: gfluidkernel.hpp:335
cv::ocl::getPlatfomsInfo
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
CV_CUDEV_RGB2GRAY_INST
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
cv::v_setall_s64
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2845
cv::optflow::GPCPatchSample::ref
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:79
cv::hal::log64f
void log64f(const double *src, double *dst, int n)
cv::cudev::bit_lshift
Definition: functional.hpp:260
cv::kinfu::Volume::voxelSize
const float voxelSize
Definition: volume.hpp:40
cv::cuda::printCudaDeviceInfo
void printCudaDeviceInfo(int device)
cv::CirclesGridFinderParameters::SYMMETRIC_GRID
@ SYMMETRIC_GRID
Definition: calib3d.hpp:1649
cv::rgbd::DepthCleaner::setMethod
void setMethod(int val)
Definition: depth.hpp:251
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::GCPUContext
Definition: gcpukernel.hpp:91
cv::softdouble
Definition: softfloat.hpp:226
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::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:390
cv::structured_light::SinusoidalPattern
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:68
cv::rgbd::ICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:803
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:501
Ncv64s
long long Ncv64s
Definition: NCV.hpp:119
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::Rect_::y
_Tp y
y coordinate of the top-left corner
Definition: types.hpp:454
cv::cudev::BrdBase::rows
int rows
Definition: extrapolation.hpp:100
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::legacy::TrackerMedianFlow::Params::maxMedianLengthOfDisplacementDifference
double maxMedianLengthOfDisplacementDifference
criterion for loosing the tracked object
Definition: tracking_legacy.hpp:203
cv::GInferBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:270
cv::abs
static uchar abs(uchar a)
Definition: cvstd.hpp:66
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::datasets::HPE_humanevaObj::fileName
std::string fileName
Definition: hpe_humaneva.hpp:67
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::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::videostab::StabilizerBase::setBorderMode
void setBorderMode(int val)
Definition: stabilizer.hpp:95
cv::ogl::Texture2D::rows
int rows() const
NCV_MEM_INSUFFICIENT_CAPACITY
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
cv::CAP_FFMPEG
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:119
cv::detail::VectorRef::VectorRef
VectorRef(std::vector< T > &&vec)
Definition: garray.hpp:257
cv::NAryMatIterator::iterdepth
int iterdepth
Definition: mat.hpp:3422
cv::Param::FLOAT
@ FLOAT
cv::datasets::LADYBUG
@ LADYBUG
Definition: slam_tumindoor.hpp:64
cv::Subdiv2D::bottomRight
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1254
cv::COLOR_YUV2BGRA_IYUV
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:667
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::videostab::WeightingDeblurer
Definition: deblurring.hpp:96
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:147
cv::Matx33d
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:247
NCVMatrix::copySolid
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
cv::QtFont::nameFont
const char * nameFont
Name of the font.
Definition: highgui.hpp:714
cv::v_reinterpret_as_s64
v_reg< int64, n0 *sizeof(_Tp0)/sizeof(int64)> v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2893
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:97
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::v512_setall_u32
v_uint32x16 v512_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2865
cv::gapi::onnx::Params::params
cv::util::any params() const
Definition: onnx.hpp:93
CPU_MMX
@ CPU_MMX
Definition: cvdef.h:294
cv::detail::tracking::contrib_feature::CvFeatureParams::CvFeatureParams
CvFeatureParams()
cv::PCA::mean
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2547
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:100
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
cvv::debugMode
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
cv::detail::has_custom_wrap
Definition: gtype_traits.hpp:105
cv::gapi::sqrt
GMat sqrt(const GMat &src)
Calculates a square root of array elements.
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:175
cv::COLOR_YUV2RGB_YVYU
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:703
cv::legacy::MultiTracker_Alt
Base abstract class for the long-term Multi Object Trackers:
Definition: tracking_legacy.hpp:420
cv::saliency::StaticSaliencyFineGrained
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:122
cv::TM_CCOEFF
@ TM_CCOEFF
Definition: imgproc.hpp:3731
cv::CCL_BBDT
@ CCL_BBDT
Same as CCL_GRANA. It is preferable to use the flag with the name of the algorithm (CCL_BBDT) rather ...
Definition: imgproc.hpp:413
cv::cudev::InRangeComparator
Functor that checks if a CUDA vector v is in the range between lowerb and upperb.
Definition: functional.hpp:803
cv::kinfu::Intr::cy
float cy
Definition: intrinsics.hpp:75
cv::TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking.hpp:750
cv::equalizeHist
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
cv::linemod::Detector::TemplatesMap
std::map< String, std::vector< TemplatePyramid > > TemplatesMap
Definition: linemod.hpp:401
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::viz::Color::white
static Color white()
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:875
cv::vuint64mf2_t::val
uint64 val[1]
Definition: intrin_rvv.hpp:103
cv::vint32mf2_t
Definition: intrin_rvv.hpp:81
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::dnn::isAllOnes
static bool isAllOnes(const MatShape &inputShape, int startPos, int endPos)
Definition: shape_utils.hpp:239
cv::detail::tracking::contrib_feature::calcNormFactor
float calcNormFactor(const Mat &sum, const Mat &sqSum)
cv::viz::WImage3D
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:475
cv::GCPUKernel::RunF
std::function< void(GCPUContext &)> RunF
Definition: gcpukernel.hpp:139
cv::ocl::Device::preferredVectorWidthFloat
int preferredVectorWidthFloat() const
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_tau
float parasolCells_tau
Definition: retina.hpp:176
cv::COLOR_Luv2LBGR
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:632
cv::OPTFLOW_LK_GET_MIN_EIGENVALS
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
cv::cudev::saturate_cast< uchar >
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:68
cv::COLOR_YUV2BGRA_NV21
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:651
types.hpp
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
cv::ccm::CCM_TYPE
CCM_TYPE
Enum of the possible types of ccm.
Definition: ccm.hpp:59
cv::detail::makeCall
std::shared_ptr< cv::GCall > makeCall(const std::string &tag, std::vector< cv::GArg > &&args, std::vector< std::string > &&names, cv::GKinds &&kinds)
Definition: infer.hpp:166
cv::gapi::GKernelPackage
A container class for heterogeneous kernel implementation collections and graph transformations.
Definition: gkernel.hpp:460
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::pollKey
int pollKey()
Polls for a pressed key.
cv::viz::WCylinder
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:356
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::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:716
cv::cudev::unary_function::result_type
_Result result_type
Definition: functional.hpp:65
Cv64suf::u
uint64 u
Definition: cvdef.h:388
cv::structured_light::StructuredLightPattern
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:61
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::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::callFunctor
static void callFunctor(cv::GCPUContext &ctx, Impl &impl)
Definition: gcpukernel.hpp:416
cv::dnn::BatchNormLayer::hasWeights
bool hasWeights
Definition: all_layers.hpp:535
cv::eigenNonSymmetric
void eigenNonSymmetric(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors)
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
nppiStTranspose_32u_C1R
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::MatSize::p
int * p
Definition: mat.hpp:588
cv::NORM_HAMMING2
@ NORM_HAMMING2
Definition: base.hpp:204
cv::cudacodec::H264_SVC
@ H264_SVC
Definition: cudacodec.hpp:253
cv::videostab::TranslationBasedLocalOutlierRejector::setRansacParams
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
cv::face::CParams::face_cascade
CascadeClassifier face_cascade
Definition: facemark_train.hpp:50
exception_ptr.hpp
cv::ogl::TRIANGLES
@ TRIANGLES
Definition: opengl.hpp:483
cv::Vec2d
Vec< double, 2 > Vec2d
Definition: matx.hpp:432
cv::datasets::GR_chalearnObj::nameDepth
std::string nameDepth
Definition: gr_chalearn.hpp:77
cv::getRotationMatrix2D_
Matx23d getRotationMatrix2D_(Point2f center, double angle, double scale)
cv::detail::BasicOpaqueRef::ptr
virtual const void * ptr() const =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
cv::cudev::FindMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:110
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::fisheye::CALIB_CHECK_COND
@ CALIB_CHECK_COND
Definition: calib3d.hpp:3768
cv::gapi::wip::draw::Text::lt
int lt
The line type. See LineTypes.
Definition: render_types.hpp:80
cv::CALIB_NINTRINSIC
@ CALIB_NINTRINSIC
Definition: calib3d.hpp:495
cv::COLORMAP_HSV
@ COLORMAP_HSV
Definition: imgproc.hpp:4321
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::detail::get_compound_in< cv::GOpaque< U > >::get
static cv::GOpaque< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:70
simd512::vx_setzero_s32
v_int32 vx_setzero_s32()
Definition: intrin.hpp:516
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:2623
cv::TrackerKCF::Params::desc_pca
int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:133
cv::reg::MapProjec::normalize
void normalize()
Definition: mapprojec.hpp:95
cv::detail::Timelapser::dst_
UMat dst_
Definition: timelapsers.hpp:75
cv::COLOR_YUV2BGRA_UYVY
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:693
cv::detail::CylindricalPortraitProjector
Definition: warpers.hpp:637
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:393
cv::Allocator::rebind
Definition: cvstd.hpp:120
cv::detail::tracking::tbm::Track::length
size_t length
Definition: tracking_by_matching.hpp:395
CV_ELEM_SIZE1
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:480
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::DetectionBasedTracker
Definition: detection_based_tracker.hpp:57
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:137
cv::cudev::BinaryTransformPtr
Definition: transform.hpp:104
nppiStInterpolateFrames
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
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::kinfu::Params
Definition: kinfu.hpp:19
cv::arcLength
double arcLength(InputArray curve, bool closed)
Calculates a contour perimeter or a curve length.
cv::CAP_PROP_IRIS
@ CAP_PROP_IRIS
Definition: videoio.hpp:172
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::reg::MapperGradEuclid
Definition: mappergradeuclid.hpp:52
cv::stereo::StereoBinaryBM::getTextureThreshold
virtual int getTextureThreshold() const =0
cv::cudev::GpuMat_::swap
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
cv::gapi::own::operator&=
Rect & operator&=(Rect &lhs, const Rect &rhs)
Definition: types.hpp:74
cv::cuda::CascadeClassifier
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:230
cv::parallel::ParallelForAPI
Definition: parallel_backend.hpp:56
cv::setWindowProperty
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
cv::datasets::SLAM_tumindoorObj::name
std::string name
Definition: slam_tumindoor.hpp:69
warp_reduce.hpp
cv::detail::SphericalPortraitWarper
Definition: warpers.hpp:628
cv::cuda::unregisterPageLocked
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
cv::OPEN_CAMERA
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
cv::detail::AffineBestOf2NearestMatcher::full_affine_
bool full_affine_
Definition: matchers.hpp:245
cv::detail::tracking::contrib_feature::CvParams::CvParams
CvParams()
cv::Feature2D::write
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:229
cv::line_descriptor::KeyLine::startPointY
float startPointY
Definition: descriptor.hpp:127
cv::util::variant
Definition: variant.hpp:64
cv::viz::readCloud
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
cv::COLOR_RGBA2BGR555
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:577
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::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::gapi::own::Rect::operator=
Rect & operator=(const cv::Rect &other)
Definition: types.hpp:48
cv::cudev::IsUnaryFunction
Definition: functional.hpp:1024
cv::saliency::Saliency
Definition: saliencyBaseClasses.hpp:62
cv::BaseCascadeClassifier
Definition: objdetect.hpp:174
cv::text::OCRTesseract
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:116
cv::operator~
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
cv::datasets::PD_inriaObj::height
int height
Definition: pd_inria.hpp:76
cv::ocl::Context::empty
bool empty() const
Definition: ocl.hpp:295
cv::cudev::vsub4
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
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:197
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::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::CALIB_USE_EXTRINSIC_GUESS
@ CALIB_USE_EXTRINSIC_GUESS
for stereoCalibrate
Definition: calib3d.hpp:520
cv::img_hash::BlockMeanHash
Image hash based on block mean.
Definition: block_mean_hash.hpp:26
cv::gapi::medianBlur
GMat medianBlur(const GMat &src, int ksize)
Blurs an image using the median filter.
cv::USAC_DEFAULT
@ USAC_DEFAULT
USAC algorithm, default settings.
Definition: calib3d.hpp:447
cv::detail::resultRoiIntersection
Rect resultRoiIntersection(const std::vector< Point > &corners, const std::vector< Size > &sizes)
OpenCV_API_Header_t
Definition: llapi.h:44
cv::ximgproc::qmultiply
void qmultiply(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element quaternion product of two arrays.
cv::INPAINT_NS
@ INPAINT_NS
Use Navier-Stokes based method.
Definition: photo.hpp:96
cv::videostab::NullLog::print
virtual void print(const char *,...) CV_OVERRIDE
Definition: log.hpp:66
cv::gapi::own::Scalar
Definition: scalar.hpp:20
cv::dnn_objdetect::object::xmin
int xmin
Definition: core_detect.hpp:27
cv::optflow::RLOFOpticalFlowParameter::normSigma1
float normSigma1
Definition: rlofflow.hpp:98
NCV_NOT_IMPLEMENTED
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
cv::saturate_cast< int64 >
int64 saturate_cast< int64 >(uint64 v)
Definition: saturate.hpp:157
cv::face::FacemarkAAM::Params::n
int n
Definition: facemarkAAM.hpp:69
cv::Stitcher::setCompositingResol
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:193
cv::UMatData::allocatorFlags_
int allocatorFlags_
Definition: mat.hpp:569
cv::dnn::RegionLayer
Definition: all_layers.hpp:602
cv::Quat::createFromXRot
static Quat< _Tp > createFromXRot(const _Tp theta)
get a quaternion from a rotation about the X-axis by .
cv::integral
void integral(InputArray src, OutputArray sum, int sdepth=-1)
cv::dnn::_Range
Definition: shape_utils.hpp:57
cv::datasets::skeleton
Definition: gr_chalearn.hpp:70
cv::detail::ProjectorBase::r_kinv
float r_kinv[9]
Definition: warpers.hpp:150
cv::FONT_HERSHEY_TRIPLEX
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: imgproc.hpp:827
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::kinfu::Intr::Projector
Definition: intrinsics.hpp:39
cv::FileNode::read
static void read(const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0))
Definition: persistence.hpp:1174
cv::COLOR_BGR2BGRA
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:533
cv::cudev::Binder1st
Definition: functional.hpp:980
cv::CALIB_HAND_EYE_ANDREFF
@ CALIB_HAND_EYE_ANDREFF
On-line Hand-Eye Calibration .
Definition: calib3d.hpp:535
cv::cudev::LutPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
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::DetectionBasedTracker::IDetector::~IDetector
virtual ~IDetector()
Definition: detection_based_tracker.hpp:112
cv::GComputationT< std::tuple< R... >(Args...)>::GComputationT
GComputationT(const Gen &generator)
Definition: gtyped.hpp:210
cv::HOUGH_PROBABILISTIC
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:480
cv::v512_load_expand
v_reg< typename V_TypeTraits< _Tp >::w_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v512_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1936
cv::dnn::Target
Target
Enum of target devices for computations.
Definition: dnn.hpp:87
cv::v_reinterpret_as_s32
v_reg< int, n0 *sizeof(_Tp0)/sizeof(int)> v_reinterpret_as_s32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2889
cv::datasets::Dataset::~Dataset
virtual ~Dataset()
Definition: dataset.hpp:568
cv::make_rmat
RMat make_rmat(Ts &&... args)
Definition: rmat.hpp:148
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::Vec3d
Vec< double, 3 > Vec3d
Definition: matx.hpp:433
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::v_uint64x2::lane_type
uint64 lane_type
Definition: intrin_rvv.hpp:453
cv::cudev::less
Definition: functional.hpp:162
cv::Stitcher::warper
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:235
cv::NAryMatIterator::arrays
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3410
cv::kinfu::Intr::Reprojector
Camera intrinsics.
Definition: intrinsics.hpp:19
cv::Mat::MAGIC_MASK
@ MAGIC_MASK
Definition: mat.hpp:2084
cv::rgbd::ICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:819
cv::cuda::GpuMat::dataend
const uchar * dataend
Definition: cuda.hpp:337
cv::CAP_PROP_XI_CC_MATRIX_12
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:454
cv::gapi::ie::TraitAs::TENSOR
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor and passes dimensions as-is.
cv::rgbd::FastICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:1076
cv::multicalib::MultiCameraCalibration::vertex
Definition: multicalib.hpp:98
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:419
cv::SimpleBlobDetector
Class for extracting blobs from an image. :
Definition: features2d.hpp:712
cv::v_transpose4x4
void v_transpose4x4(v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, const v_reg< _Tp, n > &a2, const v_reg< _Tp, n > &a3, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1, v_reg< _Tp, n > &b2, v_reg< _Tp, n > &b3)
Transpose 4x4 matrix.
Definition: intrin_cpp.hpp:2764
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:66
cvv.hpp
parallel_backend.hpp
cv::QT_RADIOBOX
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:260
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:273
cv::omnidir::internal::estimateUncertaintiesStereo
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::CAP_PROP_OPENNI_OUTPUT_MODE
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:270
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:728
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::cudev::vcmpge2
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
cv::videostab::KeypointBasedMotionEstimator::motionModel
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:235
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::v512_setall_f32
v_float32x16 v512_setall_f32(float val)
Definition: intrin_cpp.hpp:2867
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::createHausdorffDistanceExtractor
Ptr< HausdorffDistanceExtractor > createHausdorffDistanceExtractor(int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
cv::CAP_PROP_IOS_DEVICE_TORCH
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:551
cv::SimpleBlobDetector::Params::thresholdStep
float thresholdStep
Definition: features2d.hpp:718
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::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::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:65
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::cuda::HOG::detect
void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:165
cv::cudev::BrdReflect::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
cv::vint16mf2_t::vint16mf2_t
vint16mf2_t(const short *ptr)
Definition: intrin_rvv.hpp:63
cv::LocalOptimMethod
LocalOptimMethod
Definition: calib3d.hpp:547
cv::FlannBasedMatcher::mergedDescriptors
DescriptorCollection mergedDescriptors
Definition: features2d.hpp:1280
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
cv::cuda::NvidiaOpticalFlow_2_0
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:465
cv::detail::BundleAdjusterAffinePartial
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:313
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::sfm::libmv_CameraIntrinsicsOptions::division_k2
double division_k2
Definition: simple_pipeline.hpp:118
cv::gapi::ie::detail::ParamDesc::device_id
std::string device_id
Definition: ie.hpp:53
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::CAP_OPENNI_POINT_CLOUD_MAP
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:300
cv::datasets::fist
@ fist
Definition: gr_skig.hpp:76
cv::INTER_LINEAR_EXACT
@ INTER_LINEAR_EXACT
Definition: imgproc.hpp:259
hal_ni_dctFree2D
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
cv::ocl::ProgramSource::empty
bool empty() const
Definition: ocl.hpp:622
cv::linemod::Match::template_id
int template_id
Definition: linemod.hpp:286
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)
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
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:247
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::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::utils::dumpTermCriteria
static String dumpTermCriteria(const TermCriteria &argument)
Definition: bindings_utils.hpp:92
cv::StereoMatcher
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:3376
transform.hpp
cv::CirclesGridFinderParameters::edgeGain
float edgeGain
Definition: calib3d.hpp:1642
cv::_InputArray::sz
Size sz
Definition: mat.hpp:261
fast_marching_inl.hpp
cv::SAMPLING_NAPSAC
@ SAMPLING_NAPSAC
Definition: calib3d.hpp:545
cv::rgbd::RgbdICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: depth.hpp:985
CV_EXPORTS_TEMPLATE
#define CV_EXPORTS_TEMPLATE
Definition: cvdef.h:417
cv::quality::quality_utils::extract_mat
R extract_mat(InputArray in, const int type=-1)
Definition: quality_utils.hpp:22
cv::getTickCount
int64 getTickCount()
Returns the number of ticks.
cv::cudev::GlobPtr::row
__device__ const __forceinline__ T * row(int y) const
Definition: glob.hpp:73
cv::detail::tracking::tbm::TrackedObject::timestamp
uint64_t timestamp
Timestamp in milliseconds.
Definition: tracking_by_matching.hpp:38
cv::ocl::PlatformInfo::name
String name() const
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
cv::FileNodeIterator
used to iterate through sequences and mappings.
Definition: persistence.hpp:633
cv::quality::QualityMSE::QualityMSE
QualityMSE(QualityBase::_mat_type ref)
Constructor.
Definition: qualitymse.hpp:57
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::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:76
cv::instr::NodeData::m_instrType
cv::instr::TYPE m_instrType
Definition: instrumentation.hpp:78
cv::cuda
Definition: cuda.hpp:65
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::parallel::tbb::ParallelForBackend::CallbackProxy::operator()
void operator()(const tbb::blocked_range< int > &range) const
Definition: parallel_for.tbb.hpp:77
cv::LMEDS
@ LMEDS
least-median of squares algorithm
Definition: calib3d.hpp:444
cv::detail::VectorRefT::VectorRefT
VectorRefT(std::vector< T > &&vec)
Definition: garray.hpp:159
cv::cudev::Avg
Definition: reduce_to_vec.hpp:85
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
cv::cudev::numeric_limits< float >::min
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
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:27
cv::Rect_::br
Point_< _Tp > br() const
the bottom-right corner
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::detail::PlaneWarperGpu
Definition: warpers.hpp:501
cv::COLOR_Luv2RGB
@ COLOR_Luv2RGB
Definition: imgproc.hpp:611
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::winSize
Size winSize
Definition: feature.hpp:197
cv::cudev::modulus
Definition: functional.hpp:113
cv::cudev::IntegerAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:273
cv::VideoCapture::isOpened
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
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_WRAP
#define CV_WRAP
Definition: cvdef.h:456
CV_PROP_RW
#define CV_PROP_RW
Definition: cvdef.h:455
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::detail::tracking::online_boosting::ClassifierThreshold::eval
int eval(float value)
cv::cudev::TypeTraits::non_volatile_type
type_traits_detail::UnVolatile< T >::type non_volatile_type
Definition: type_traits.hpp:131
cv::ximgproc::anisotropicDiffusion
void anisotropicDiffusion(InputArray src, OutputArray dst, float alpha, float K, int niters)
Performs anisotropic diffusion on an image.
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_PERF_LEVEL_SLOW
@ NV_OF_PERF_LEVEL_SLOW
Definition: cudaoptflow.hpp:474
transientareassegmentationmodule.hpp
cv::line_descriptor::BinaryDescriptorMatcher::~BinaryDescriptorMatcher
~BinaryDescriptorMatcher()
Definition: descriptor.hpp:924
cv::QuatEnum::EXT_ZXY
@ EXT_ZXY
Extrinsic rotations with the Euler angles type Z-X-Y.
Definition: quaternion.hpp:117
cv::xfeatures2d::PCTSignaturesSQFD
Class implementing Signature Quadratic Form Distance (SQFD).
Definition: xfeatures2d.hpp:861
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:230
cv::linemod::QuantizedPyramid::Candidate
Candidate feature with a score.
Definition: linemod.hpp:85
cv::detail::is_nongapi_type
std::is_same< T, typename MetaType< T >::type > is_nongapi_type
Definition: gkernel.hpp:117
cv::RotatedRect::size
Size2f size
returns width and height of the rectangle
Definition: types.hpp:532
cv::gapi::GNetParam::tag
std::string tag
Definition: infer.hpp:653
cv::SOLVEPNP_SQPNP
@ SOLVEPNP_SQPNP
SQPnP: A Consistently Fast and Globally OptimalSolution to the Perspective-n-Point Problem .
Definition: calib3d.hpp:474
cv::gapi::KalmanParams::transitionMatrix
Mat transitionMatrix
state transition matrix (A)
Definition: video.hpp:34
cv::viz::computeNormals
void computeNormals(const Mesh &mesh, OutputArray normals)
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
cv::Point3_::z
_Tp z
z coordinate of the 3D point
Definition: types.hpp:267
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
functional.hpp
cv::COLORMAP_PINK
@ COLORMAP_PINK
Definition: imgproc.hpp:4322
cv::GComputationT< R(Args...)>::GComputationT
GComputationT(const Gen &generator)
Definition: gtyped.hpp:129
cv::utils::logging::LogTag
Definition: logtag.hpp:15
cv::stereo::StereoMatcher
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:75
cv::dnn::MVNLayer
Definition: all_layers.hpp:284
cv::detail::NoTag
Definition: gkernel.hpp:195
_Tp
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::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::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::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.
HaarFeatureDescriptor32::getFeaturesOffset
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:172
cv::SparseMat::Hdr::hashtab
std::vector< size_t > hashtab
Definition: mat.hpp:2686
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::CAP_PROP_INTELPERC_PROFILE_IDX
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:577
cv::v_not_nan
v_reg< float, n > v_not_nan(const v_reg< float, n > &a)
Definition: intrin_cpp.hpp:893
cv::Stitcher::panoConfidenceThresh
double panoConfidenceThresh() const
Definition: stitching.hpp:195
cv::COLOR_BGR2HLS
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation) with H range 0..180 if 8 bit image,...
Definition: imgproc.hpp:602
cv::parallel::tbb::ParallelForBackend::parallel_for
virtual void parallel_for(int tasks, FN_parallel_for_body_cb_t body_callback, void *callback_data) CV_OVERRIDE
Definition: parallel_for.tbb.hpp:88
cv::v_int16x8::nlanes
@ nlanes
Definition: intrin_rvv.hpp:328
cv::ogl::TRIANGLE_STRIP
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
cv::USAGE_DEFAULT
@ USAGE_DEFAULT
Definition: mat.hpp:455
cv::GFrame
Definition: gframe.hpp:31
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::optflow::SupportRegionType
SupportRegionType
Definition: rlofflow.hpp:17
cv::TrackerCSRT::Params::padding
float padding
Definition: tracking.hpp:60
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:78
cv::optflow::PCAPrior
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:74
cv::FlannBasedMatcher::searchParams
Ptr< flann::SearchParams > searchParams
Definition: features2d.hpp:1277
cv::dnn::Layer::getFLOPS
virtual int64 getFLOPS(const std::vector< MatShape > &inputs, const std::vector< MatShape > &outputs) const
Definition: dnn.hpp:381
color.hpp
cv::cudev::vcmplt2
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
cv::Formatter
Definition: core.hpp:3032
cv::linemod::ColorGradient::weak_threshold
float weak_threshold
Definition: linemod.hpp:191
cv::COLOR_RGBA2YUV_I420
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:738
cv::dnn::PoolingLayer::pooledSize
Size pooledSize
Definition: all_layers.hpp:261
cv::detail::tracking::contrib_feature::CvParams
Definition: feature.hpp:123
cv::detail::has_Window
Definition: gfluidkernel.hpp:323
cv::detail::scratch_helper
Definition: gfluidkernel.hpp:212
cv::cuda::GpuMat::isContinuous
bool isContinuous() const
cv::CAP_PROP_XI_CC_MATRIX_03
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:451
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
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:418
cv::cudev::DerivYPtrSz
Definition: deriv.hpp:114
CV_Check
#define CV_Check(v, test_expr, msg)
Example: v == A || v == B.
Definition: check.hpp:135
cv::ocl::Device::maxWorkGroupSize
size_t maxWorkGroupSize() const
cv::videostab::KeypointBasedMotionEstimator::detector
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:238
cv::TickMeter::getTimeMicro
double getTimeMicro() const
returns passed time in microseconds.
Definition: utility.hpp:327
cv::createChiHistogramCostExtractor
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
cv::COLOR_BGR2YUV_I420
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:734
cv::utils::dumpDouble
static String dumpDouble(double argument)
Definition: bindings_utils.hpp:53
cv::gapi::wip::IStreamSource::ptr
Ptr ptr()
Definition: source.hpp:43
cv::INTERSECT_FULL
@ INTERSECT_FULL
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:806
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::FeatureHaar
FeatureHaar(Size patchSize)
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:2684
cv::rgbd::RgbdNormals::K_
Mat K_
Definition: depth.hpp:178
cv::cudacodec::Monochrome
@ Monochrome
Definition: cudacodec.hpp:272
cv::QT_STYLE_NORMAL
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:251
cv::dnn::toString
static std::string toString(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:187
cv::CONTOURS_MATCH_I2
@ CONTOURS_MATCH_I2
Definition: imgproc.hpp:459
cv::aruco::DetectorParameters::errorCorrectionRate
double errorCorrectionRate
Definition: aruco.hpp:175
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getInitMean
float getInitMean() const
cv::TLSDataContainer::release
void release()
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::omnidir::internal::getInterset
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:406
cv::ocl::PlatformInfo::getDevice
void getDevice(Device &device, int d) const
cv::cudev::SingleMaskChannelsSz
Definition: mask.hpp:83
cv::cudev::CubicInterPtrSz
Definition: interpolation.hpp:213
cv::wechat_qrcode::WeChatQRCode::p
Ptr< Impl > p
Definition: wechat_qrcode.hpp:55
cv::Stitcher::Status
Status
Definition: stitching.hpp:152
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:1185
cv::v_float64x2::v_float64x2
v_float64x2(vfloat64m1_t v)
Definition: intrin_rvv.hpp:522
nppStBorderMirror
@ nppStBorderMirror
reflect out of range position across borders
Definition: NPP_staging.hpp:93
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::gapi::own::detail::MatHeader
Definition: mat.hpp:44
cv::cudev::NormL2::NormL2
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
cv::CAP_PROP_GIGA_FRAME_HEIGH_MAX
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:566
cv::CAP_OPENNI_IR_IMAGE
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:308
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:530
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::v256_load_expand
v_reg< typename V_TypeTraits< _Tp >::w_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v256_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1905
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::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::xfeatures2d::PCTSignatures::DistanceFunction
DistanceFunction
Lp distance function selector.
Definition: xfeatures2d.hpp:454
cv::optflow::createOptFlow_SimpleFlow
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
cv::datasets::whitePaper
@ whitePaper
Definition: gr_skig.hpp:90
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::can_describe
bool can_describe(const GMetaArg &meta, const GRunArg &arg)
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::ml::StatModel::Flags
Flags
Definition: ml.hpp:322
cv::Stitcher::setRegistrationResol
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:187
cv::videostab::ToFileMotionWriter::setFrameMask
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:217
NCVMatrixAlloc::~NCVMatrixAlloc
~NCVMatrixAlloc()
Definition: NCV.hpp:883
cv::QT_NEW_BUTTONBAR
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:261
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:394
HaarClassifierNodeDescriptor32::getNextNodeOffset
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:206
NCV_INCONSISTENT_INPUT
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
cv::superres::createOptFlow_Brox_CUDA
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
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:721
OPENCV_HAL_IMPL_C_INIT_ZERO
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, prefix, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2784
cv::vint16mf2_t
Definition: intrin_rvv.hpp:59
cv::FileStorage::Mode
Mode
file storage mode
Definition: persistence.hpp:307
cv::detail::RotationWarper::getScale
virtual float getScale() const
Definition: warpers.hpp:135
saving.h
cv::RotatedRect
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:503
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:193
cv::UMat::u
UMatData * u
Definition: mat.hpp:2573
cv::cudev::ThreshToZeroFunc
Definition: functional.hpp:753
cv::CAP_PROP_FOURCC
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:141
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::dnn::DNN_BACKEND_OPENCV
@ DNN_BACKEND_OPENCV
Definition: dnn.hpp:74
cv::ximgproc::ARO_90_135
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
result_set.h
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:109
cv::CAP_OPENNI_SXGA_30HZ
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:314
cv::stereo::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
cv::datasets::join::Rz
double Rz
Definition: gr_chalearn.hpp:67
cv::datasets::groundTruth::lastFrame
int lastFrame
Definition: gr_chalearn.hpp:62
cv::cosh
Quat< T > cosh(const Quat< T > &q)
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::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::cudev::LutPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
cv::UsacParams::maxIterations
int maxIterations
Definition: calib3d.hpp:560
cv::aruco::CornerRefineMethod
CornerRefineMethod
Definition: aruco.hpp:81
cv::v512_setzero_s8
v_int8x64 v512_setzero_s8()
Definition: intrin_cpp.hpp:2816
facemarkLBF.hpp
cv::detail::tracking::TrackerSamplerCSC
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking.detail.hpp:349
dictionary.hpp
cv::stereo::StereoBinaryBM::setScalleFactor
virtual void setScalleFactor(int factor)=0
cv::ogl::Arrays::Arrays
Arrays()
Default constructor.
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::datasets::IS_bsds
Definition: is_bsds.hpp:65
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:255
cv::getVersionMajor
int getVersionMajor()
Returns major library version.
cv::cudev::GpuMat_::step1
__host__ size_t step1() const
cv::stereo::censusTransform
void censusTransform(const Mat &image1, const Mat &image2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
cv::detail::CameraParams::R
Mat R
Definition: camera.hpp:69
facemarkAAM.hpp
cv::COLORMAP_VIRIDIS
@ COLORMAP_VIRIDIS
Definition: imgproc.hpp:4328
cv::cudev::UnaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:63
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfSmallBins
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
cv::parallel::tbb::ParallelForBackend::~ParallelForBackend
virtual ~ParallelForBackend()
Definition: parallel_for.tbb.hpp:63
cv::ParamType< bool >::const_param_type
bool const_param_type
Definition: core.hpp:3198
cv::dnn::ReshapeLayer
Definition: all_layers.hpp:295
cv::cudev::divides
Definition: functional.hpp:104
cv::RMat::View::ptr
T * ptr(int y, int x)
Definition: rmat.hpp:84
cv::dnn::normalize_axis_range
static Range normalize_axis_range(const Range &r, int axisSize)
Definition: shape_utils.hpp:225
cv::datasets::TR_icdarObj::lexFull
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
cv::cudev::BinaryTransformPtrSz::rows
int rows
Definition: transform.hpp:121
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:254
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::util::copy_through_move_t
Definition: copy_through_move.hpp:18
HaarClassifierNode128::setLeftNodeDesc
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:234
cv::TrackerCSRT::Params::histogram_lr
float histogram_lr
Definition: tracking.hpp:66
cv::detail::tracking::TrackerSamplerCSC::Params::trackMaxNegNum
int trackMaxNegNum
Definition: tracking.detail.hpp:371
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:501
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::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::AutoBuffer::deallocate
void deallocate()
deallocates the buffer if it was dynamically allocated
cv::cudev::InRangeFunc::upperb
MakeVec< T, cn >::type upperb
Definition: functional.hpp:921
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
pose_3d.hpp
cv::cudev::Log2::value
@ value
Definition: type_traits.hpp:80
cv::datasets::SR_bsdsObj::imageName
std::string imageName
Definition: sr_bsds.hpp:25
cv::cudev::UnaryNegate::pred
Predicate pred
Definition: functional.hpp:943
cv::TrackerKCF::Params::sigma
float sigma
gaussian kernel bandwidth
Definition: tracking.hpp:122
cv::viz::RenderingProperties
RenderingProperties
Widget rendering properties.
Definition: widgets.hpp:61
cv::v_setzero_u32
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:2794
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:203
cv::videostab::TwoPassStabilizer::motionStabilizer
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:169
cv::optflow::GPCTrainingParams::maxTreeDepth
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:125
cv::BOWKMeansTrainer
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1439
cv::CAP_PROP_XI_EXP_PRIORITY
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:393
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::ppf_match_3d::writePLY
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
cv::Stitcher::cameras
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:303
cvRound
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:200
cv::CAP_PROP_XI_AVAILABLE_BANDWIDTH
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:491
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:100
cv::Moments::m30
double m30
Definition: types.hpp:941
cv::detail::tracking::contrib_feature::CvHaarFeatureParams
Definition: feature.hpp:202
cv::text::ERStat::next
ERStat * next
Definition: erfilter.hpp:105
OPENCV_HAL_IMPL_RVV_MUL_SAT
#define OPENCV_HAL_IMPL_RVV_MUL_SAT(_Tpvec, _wTpvec)
Definition: intrin_rvv.hpp:2876
cv::aruco::GridBoard::getMarkerSeparation
float getMarkerSeparation() const
Definition: aruco.hpp:350
cv::videostab::StabilizerBase::setTrimRatio
void setTrimRatio(float val)
Definition: stabilizer.hpp:89
cv::cudev::greater
Definition: functional.hpp:152
cv::cudev::GlobPtrSz
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:85
cv::utils::shared_lock_guard::mutex_
Mutex * mutex_
Definition: lock.private.hpp:61
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
mat.hpp
cv::dnn::ReLU6Layer
Definition: all_layers.hpp:439
cv::instr::NodeData::m_alwaysExpand
bool m_alwaysExpand
Definition: instrumentation.hpp:83
cv::MatExpr::operator!=
MatExpr operator!=(const Mat &a, const Mat &b)
cv::AKAZE::DescriptorType
DescriptorType
Definition: features2d.hpp:825
color_cvt.hpp
cv::CAP_PROP_XI_REGION_MODE
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:427
cv::cudev::pow_func
Definition: functional.hpp:646
CGImageToMat
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
cv::DescriptorMatcher::DescriptorCollection::mergedDescriptors
Mat mergedDescriptors
Definition: features2d.hpp:1170
cv::v256_setall_u64
v_uint64x4 v256_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2856
cv::RNG::state
uint64 state
Definition: core.hpp:2929
cv::CAP_PROP_PVAPI_DECIMATIONVERTICAL
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:338
cv::dnn::FlattenLayer
Definition: all_layers.hpp:304
cv::CAP_PROP_XI_CC_MATRIX_01
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:449
cv::CAP_PVAPI_PIXELFORMAT_MONO8
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:360
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
cv::ThinPlateSplineShapeTransformer
Definition of the transformation.
Definition: shape_transformer.hpp:98
cv::face::FacemarkLBF::BBox::width
double width
Definition: facemarkLBF.hpp:108
cv::saturate_cast< int64_t >
int64_t saturate_cast< int64_t >(softfloat a)
Definition: softfloat.hpp:424
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::cudacodec::NumCodecs
@ NumCodecs
Definition: cudacodec.hpp:259
cv::cudev::asinh
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
cv::xfeatures2d::DAISY::NRM_NONE
@ NRM_NONE
Definition: xfeatures2d.hpp:248
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::text::ERStat::hole_area_ratio
float hole_area_ratio
2nd stage features
Definition: erfilter.hpp:89
cv::utils::fs::getcwd
cv::String getcwd()
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:70
cv::cudev::absdiff_func
Definition: functional.hpp:426
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:250
cv::detail::MetaType::type
T type
Definition: gkernel.hpp:113
cv::TickMeter::TickMeter
TickMeter()
the default constructor
Definition: utility.hpp:298
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:232
cv::GCPUContext::inMat
const cv::Mat & inMat(int input)
cv::_OutputArray::DepthMask
DepthMask
Definition: mat.hpp:297
cv::utils::logging::LogLevel
LogLevel
Supported logging levels and their semantic.
Definition: logger.defines.hpp:25
cv::cudev::ScharrYPtr::index_type
int index_type
Definition: deriv.hpp:284
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::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
gtyped.hpp
cv::Exception::file
String file
source file name where the error has occurred
Definition: core.hpp:143
cv::cudacodec::EncoderParams::DisableSPSPPS
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:105
cv::dnn::ScaleLayer
Definition: all_layers.hpp:551
cv::cudev::BinaryTransformPtr::index_type
PtrTraits< Src1Ptr >::index_type index_type
Definition: transform.hpp:107
cv::detail::tracking::contrib_feature::CvFeatureParams::init
virtual void init(const CvFeatureParams &fp)
cv::gapi::ie::detail::ParamDesc
Definition: ie.hpp:50
cv::dnn::LayerFactory
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:56
cv::UsacParams::neighborsSearch
NeighborSearchMethod neighborsSearch
Definition: calib3d.hpp:561
cv::detail::ChannelsCompensator::gains
std::vector< Scalar > gains() const
Definition: exposure_compensate.hpp:159
cv::cudev::transpose_
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
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::utils::fs::isDirectory
bool isDirectory(const cv::String &path)
cv::AutoLock
std::lock_guard< cv::Mutex > AutoLock
Definition: utility.hpp:718
nppsStCompactGetSize_32u
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::cuda::COLOR_BayerGB2RGB_MHT
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
cv::HOUGH_GRADIENT_ALT
@ HOUGH_GRADIENT_ALT
variation of HOUGH_GRADIENT to get better accuracy
Definition: imgproc.hpp:485
cv::videostab::NullWobbleSuppressor
Definition: wobble_suppression.hpp:95
cv::cudev::HistogramBody::src
SrcPtr src
Definition: reduction.hpp:220
cv::TonemapDrago
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:368
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
hal_ni_merge8u
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
cv::ParallelLoopBody
Base class for parallel data processors.
Definition: utility.hpp:576
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
cv::mcc::DetectorParameters::minContourLengthAllowed
int minContourLengthAllowed
Definition: checker_detector.hpp:119
cv::AffineTransformer
Wrapper class for the OpenCV Affine Transformation algorithm. :
Definition: shape_transformer.hpp:119
cv::datasets::TR_charsObj
Definition: tr_chars.hpp:60
cv::cudev::ConvertTuple::type
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
cv::detail::tracking::TrackerSamplerPF::Params::alpha
double alpha
Definition: tracking_internals.hpp:779
cv::cudev::Max::rebind
Definition: reduce_to_vec.hpp:129
cv::cudev::negate
Definition: functional.hpp:122
cv::CAP_PROP_XI_COUNTER_SELECTOR
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:488
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:319
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:294
cv::NORM_HAMMING
@ NORM_HAMMING
Definition: base.hpp:199
cv::ppf_match_3d::PPF3DDetector::distance_step
double distance_step
Definition: ppf_match_3d.hpp:148
cv::GInferList2Base::id
static constexpr const char * id()
Definition: infer.hpp:300
cv::parallel::tbb::ParallelForBackend::CallbackProxy
Definition: parallel_for.tbb.hpp:65
OpenCV_API_Header_t::api_version
unsigned api_version
provided API version (features)
Definition: llapi.h:51
cv::cudev::InRangeCopier
Functor that copies a cv::Scalar into a CUDA vector, e.g. a uchar3.
Definition: functional.hpp:864
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:578
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:50
cv::detail::ExposureCompensator::NO
@ NO
Definition: exposure_compensate.hpp:66
cv::detail::ExtractArgsCallback::CallBackT
std::function< cv::GRunArgs(const cv::GTypesInfo &info)> CallBackT
Definition: garg.hpp:260
cv::L1::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:930
cv::detail::tracking::tbm::IDescriptorDistance::~IDescriptorDistance
virtual ~IDescriptorDistance()
Definition: tracking_by_matching.hpp:179
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::dnn::SplitLayer
Definition: all_layers.hpp:325
cv::SimpleBlobDetector::Params::minThreshold
float minThreshold
Definition: features2d.hpp:719
cv::hal::invSqrt32f
void invSqrt32f(const float *src, float *dst, int len)
cv::vint64mf2_t::val
int64 val[1]
Definition: intrin_rvv.hpp:112
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:461
cv::COLOR_YUV2BGRA_YUY2
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:711
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::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::detail::tracking::contrib_feature::CvHaarEvaluator
Definition: feature.hpp:219
cv::HausdorffDistanceExtractor
A simple Hausdorff distance measure between shapes defined by contours.
Definition: shape_distance.hpp:200
cv::DIST_WELSCH
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:307
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::cudev::vsetne2
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
cv::detail::tracking::contrib_feature::CvHOGEvaluator::~CvHOGEvaluator
virtual ~CvHOGEvaluator()
Definition: feature.hpp:304
cv::CAP_PROP_XI_COUNTER_VALUE
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:489
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1086
cv::cuda::printShortCudaDeviceInfo
void printShortCudaDeviceInfo(int device)
NcvRect8u::NcvRect8u
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
cv::CAP_PROP_SATURATION
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:148
cv::GArray::GArray
GArray(const std::vector< HT > &v)
Definition: garray.hpp:351
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_CUDEV_RGB2Lab_INST
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
cv::FileNode::string
operator std::string() const
returns the node content as text string
Definition: persistence.hpp:581
NCVMatrix::clear
void clear()
Definition: NCV.hpp:751
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:479
cv::sfm::libmv_CameraIntrinsicsOptions::principal_point_y
double principal_point_y
Definition: simple_pipeline.hpp:111
cv::cudev::SobelXPtrSz
Definition: deriv.hpp:161
cv::videostab::KeypointBasedMotionEstimator::setOutlierRejector
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:243
cv::HISTCMP_HELLINGER
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:518
cv::gapi::fluid::View::Cache::m_desc
GMatDesc m_desc
Definition: gfluidbuffer.hpp:46
cv::viz::Color::chartreuse
static Color chartreuse()
CV_EXPORTS_W
#define CV_EXPORTS_W
Definition: cvdef.h:448
cv::line_descriptor::KeyLine::ePointInOctaveX
float ePointInOctaveX
Definition: descriptor.hpp:134
cv::stereo::StereoBinaryBM::getScalleFactor
virtual int getScalleFactor() const =0
cv::INTER_BITS2
@ INTER_BITS2
Definition: imgproc.hpp:288
cv::TLSDataContainer::getData
void * getData() const
cv::cudev::not2
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:973
NCV_MEM_RESIDENCE_ERROR
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
cv::instr::TYPE_FUN
@ TYPE_FUN
Definition: instrumentation.hpp:50
cv::gapi::wip::draw::Line::Line
Line()=default
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::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:509
cv::vint64mf2_t::vint64mf2_t
vint64mf2_t()
Definition: intrin_rvv.hpp:113
cv::v_uint16x8
Definition: intrin_rvv.hpp:293
cv::detail::BlocksGainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:207
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
checker_detector.hpp
cv::cudacodec::SF_YV12
@ SF_YV12
Definition: cudacodec.hpp:76
cv::v_uint64x2::get0
uint64 get0() const
Definition: intrin_rvv.hpp:475
cv::kinfu::Volume::pose
const Affine3f pose
Definition: volume.hpp:42
cv::MediaFormat::NV12
@ NV12
assert.hpp
cv::FileStorage::write
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:936
cv::stereo::StereoBinarySGBM::getSpekleRemovalTechnique
virtual int getSpekleRemovalTechnique() const =0
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:140
nppStBorderNone
@ nppStBorderNone
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
cv::detail::OptRef::mov
void mov(RefHolder &h)
Definition: gstreaming.hpp:55
cv::cudev::vec_math_detail::SatCastHelper< 1, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
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::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
cv::COLOR_YUV2BGR_NV12
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:642
cv::SimpleBlobDetector::Params::minArea
float minArea
Definition: features2d.hpp:728
cv::GFluidKernel::RS
std::function< void(gapi::fluid::Buffer &)> RS
Definition: gfluidkernel.hpp:62
cv::stereo::StereoMatcher::setMinDisparity
virtual void setMinDisparity(int minDisparity)=0
cv::operator/
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
cv::CAP_PROP_XI_BPC
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:420
cv::gapi::GFunctor::id
const char * id() const
Definition: gkernel.hpp:420
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::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::datasets::FR_adience::paths
std::vector< std::string > paths
Definition: fr_adience.hpp:90
cv::AgastFeatureDetector_Impl::threshold
int threshold
Definition: agast.txt:7532
cv::gapi::s11n::detail::get_v
IIStream & get_v(IIStream &, V &, std::size_t, std::size_t)
Definition: s11n.hpp:243
cv::CAP_PROP_IOS_DEVICE_FOCUS
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:547
cv::kinfu::Params::depthFactor
float depthFactor
pre-scale per 1 meter for input values
Definition: kinfu.hpp:92
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::Error::MaskIsTiled
@ MaskIsTiled
Definition: base.hpp:95
cv::detail::tracking::tbm::TrackerParams::shape_affinity_w
float shape_affinity_w
Shape affinity weight.
Definition: tracking_by_matching.hpp:281
NCVBroxOpticalFlowDescriptor::number_of_solver_iterations
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
cv::GComputationT< std::tuple< R... >(Args...)>::compile
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:237
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.
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:225
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:106
cv::RMat::View::chan
int chan() const
Definition: rmat.hpp:75
cv::dnn::InnerProductLayer::axis
int axis
Definition: all_layers.hpp:280
cv::v512_setall_u16
v_uint16x32 v512_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2863
cv::ppf_match_3d::PPF3DDetector::num_ref_points
int num_ref_points
Definition: ppf_match_3d.hpp:151
cv::SparseMatIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3307
CPU_POPCNT
@ CPU_POPCNT
Definition: cvdef.h:301
cv::DataDepth::value
@ value
Definition: traits.hpp:289
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_CUDEV_DATA_TYPE_INST
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
cv::GPlaidMLContext
Definition: gplaidmlkernel.hpp:35
cv::cudev::TypesEquals
Definition: type_traits.hpp:117
cv::cudev::saturate_cast
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:59
cv::stereo::StereoBinaryBM::PREFILTER_NORMALIZED_RESPONSE
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:126
cv::gapi::cpu::GOCVFunctor::impl
GKernelImpl impl() const override
Definition: gcpukernel.hpp:507
cv::v_sqrt
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:721
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:113
cv::gapi::bind
cv::GRunArgsP bind(cv::GRunArgs &results)
cv::cuda::HoughCirclesDetector
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:445
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::Tonemap
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:336
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:828
NCVVectorAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
cv::cudev::ThreshToZeroInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
cv::dnn::slice
static Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:63
cv::datasets::groundTruth
Definition: gr_chalearn.hpp:60
cv::rgbd::RgbdPlane::getBlockSize
int getBlockSize() const
Definition: depth.hpp:389
cv::GOCLKernel::F
std::function< void(GOCLContext &)> F
Definition: goclkernel.hpp:91
cv::utils::dumpInputArrayOfArrays
String dumpInputArrayOfArrays(InputArrayOfArrays argument)
cv::rgbd::Odometry::DEFAULT_MAX_POINTS_PART
static float DEFAULT_MAX_POINTS_PART()
Definition: depth.hpp:550
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
NCVMemoryType
NCVMemoryType
Definition: NCV.hpp:427
cv::Mat_::eye
static MatExpr eye(int rows, int cols)
cv::ocl::KernelArg::PtrWriteOnly
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:399
cv::reg::MapperGradProj
Definition: mappergradproj.hpp:52
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::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::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::rgbd::RgbdICPOdometry::getMinDepth
double getMinDepth() const
Definition: depth.hpp:925
cv::gapi::core::GMat4
std::tuple< GMat, GMat, GMat, GMat > GMat4
Definition: core.hpp:35
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:420
cv::GNetworkType< K, std::function< R(Args...)> >::API
std::function< R(Args...)> API
Definition: infer.hpp:211
cv::GComputation::Generator
std::function< GComputation()> Generator
Definition: gcomputation.hpp:122
cv::Point3f
Point3_< float > Point3f
Definition: types.hpp:271
Ncv8s
signed char Ncv8s
Definition: NCV.hpp:131
NcvSize32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:184
cv::INTER_LANCZOS4
@ INTER_LANCZOS4
Definition: imgproc.hpp:257
cv::NAryMatIterator::nplanes
size_t nplanes
the number of hyper-planes that the iterator steps through
Definition: mat.hpp:3418
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::EVENT_FLAG_SHIFTKEY
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:231
NCVMemSegment
Definition: NCV.hpp:450
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::gapi::plaidml::config
This structure represents the basic parameters for the experimental PlaidML backend.
Definition: plaidml.hpp:28
cv::optflow::GPCPatchDescriptor::feature
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:68
cv::SimpleBlobDetector::create
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params &parameters=SimpleBlobDetector::Params())
cv::detail::tracking::tbm::Track::empty
bool empty() const
empty returns if track does not contain objects.
Definition: tracking_by_matching.hpp:344
cv::v_int8x16::nlanes
@ nlanes
Definition: intrin_rvv.hpp:263
cv::COLOR_YUV2RGBA_YUY2
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:710
cv::SimpleBlobDetector::Params::filterByColor
bool filterByColor
Definition: features2d.hpp:724
intrin_avx.hpp
cv::QtFontStyles
QtFontStyles
Qt font style.
Definition: highgui.hpp:250
cv::COVAR_COLS
@ COVAR_COLS
Definition: core.hpp:206
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::OPLandIplParvoParameters
OPLandIplParvoParameters()
Definition: retina.hpp:152
cv::detail::ExtractMetaCallback::operator()
cv::GMetaArgs operator()(const cv::GTypesInfo &info) const
Definition: garg.hpp:266
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::detail::OpaqueKind::CV_SIZE
@ CV_SIZE
NcvRect32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
cv::linemod::Feature::Feature
Feature()
Definition: linemod.hpp:32
cv::rgbd::FastICPOdometry::getMaxDistDiff
double getMaxDistDiff() const
Definition: depth.hpp:1080
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
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::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:60
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::ocl::Device::TYPE_CPU
@ TYPE_CPU
Definition: ocl.hpp:86
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
NPPST_CUDA_KERNEL_EXECUTION_ERROR
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
cv::CAP_OPENNI_DEPTH_GENERATOR_PRESENT
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:290
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::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
NPPST_NULL_POINTER_ERROR
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
cv::HISTCMP_CHISQR_ALT
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:522
cv::ft::FT12D_process
void FT12D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
cv::TLSDataAccumulator::detachData
std::vector< T * > & detachData()
Get and detach data from all threads.
Definition: tls.hpp:132
cv::cuda::SURF_CUDA::nOctaves
int nOctaves
Definition: cuda.hpp:183
cv::Vec4d
Vec< double, 4 > Vec4d
Definition: matx.hpp:434
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::cuda::FastOpticalFlowBM
Definition: cudalegacy.hpp:199
cv::createGeneralizedHoughGuil
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
uchar
unsigned char uchar
Definition: interface.h:51
cv::makePtr
static Ptr< _Tp > makePtr(const A1 &... a1)
Definition: cvstd_wrapper.hpp:26
cv::AsyncArray::_getImpl
void * _getImpl() const CV_NOEXCEPT
Definition: async.hpp:97
cv::stereo::StereoBinarySGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:196
cv::dnn::Model
This class is presented high-level API for neural networks.
Definition: dnn.hpp:1092
cv::parallel::openmp::ParallelForBackend::numThreads
int numThreads
Definition: parallel_for.openmp.hpp:26
cv::detail::tracking::TrackerTargetState::~TrackerTargetState
virtual ~TrackerTargetState()
Definition: tracking.detail.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::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:114
cv::detail::is_gmat_type
Definition: gfluidkernel.hpp:256
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
Ncv64f
double Ncv64f
Definition: NCV.hpp:134
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:78
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::xfeatures2d::DAISY
Class implementing DAISY descriptor, described in .
Definition: xfeatures2d.hpp:243
cv::COLOR_BGR2HSV_FULL
@ COLOR_BGR2HSV_FULL
convert RGB/BGR to HSV (hue saturation value) with H range 0..255 if 8 bit image, color conversions
Definition: imgproc.hpp:615
cv::util::any::any
any(any &src)
Definition: any.hpp:80
cv::datasets::Object
Definition: dataset.hpp:560
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::ogl::Buffer
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:79
cv::CAP_PROP_XI_AUTO_WB
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:391
cv::optflow::GPCDescType
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:90
cv::gapi::divRC
GMat divRC(const GScalar &divident, const GMat &src, double scale, int ddepth=-1)
Divides scalar by matrix.
cv::detail::tracking::contrib_feature::CvHaarEvaluator::_ii_img
Mat _ii_img
Definition: feature.hpp:284
cv::CAP_PROP_CONVERT_RGB
@ CAP_PROP_CONVERT_RGB
Definition: videoio.hpp:152
cv::reg::MapAffine::getLinTr
void getLinTr(OutputArray linTr) const
Definition: mapaffine.hpp:88
cv::CAP_PROP_XI_TRG_SOURCE
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:381
cv::TLSDataAccumulator::cleanupDetachedData
void cleanupDetachedData()
Release associated thread data returned by detachData() call.
Definition: tls.hpp:157
OPENCV_HAL_IMPL_C_PACK
#define OPENCV_HAL_IMPL_C_PACK(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2954
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:52
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:60
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::TypeTraits::is_signed_int
@ is_signed_int
Definition: type_traits.hpp:143
cv::cudev::less_equal
Definition: functional.hpp:182
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::cudev::DefaultReduceToVecPolicy::block_size_x
@ block_size_x
Definition: reduce_to_vec.hpp:214
cv::HOGDescriptor::DEFAULT_NLEVELS
@ DEFAULT_NLEVELS
Default nlevels value.
Definition: objdetect.hpp:377
CV_CUDEV_RGB2YCrCb_INST
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
cv::dnn::DNN_TARGET_CUDA_FP16
@ DNN_TARGET_CUDA_FP16
Definition: dnn.hpp:96
cv::VIDEOWRITER_PROP_HW_DEVICE
@ VIDEOWRITER_PROP_HW_DEVICE
(open-only) Hardware device index (select GPU if multiple available)
Definition: videoio.hpp:204
cv::v_uint8x16::nlanes
@ nlanes
Definition: intrin_rvv.hpp:230
cv::v_uint64x4
v_reg< uint64, 4 > v_uint64x4
Four 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:526
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::cudev::IntegerAreaInterPtr::area_width
int area_width
Definition: interpolation.hpp:240
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::cudacodec::YUV422
@ YUV422
Definition: cudacodec.hpp:274
cv::FisheyeWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:184
cv::BOWKMeansTrainer::flags
int flags
Definition: features2d.hpp:1459
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::detail::PlanePortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::dnn::ReLU6Layer::minValue
float minValue
Definition: all_layers.hpp:442
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::v_reinterpret_as_u64
v_reg< uint64, n0 *sizeof(_Tp0)/sizeof(uint64)> v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2892
cv::GKernel::outMeta
M outMeta
Definition: gkernel.hpp:50
cv::datasets::GR_chalearn
Definition: gr_chalearn.hpp:83
cv::stereo::PropagationParameters::lkPyrLvl
int lkPyrLvl
Definition: quasi_dense_stereo.hpp:57
cv::COLOR_BayerGR2BGR
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:751
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::datasets::SR_general100Obj::imageName
std::string imageName
Definition: sr_general100.hpp:25
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::aruco::DICT_APRILTAG_25h9
@ DICT_APRILTAG_25h9
5x5 bits, minimum hamming distance between any two codes = 9, 35 codes
Definition: dictionary.hpp:160
cv::gapi::sub
GMat sub(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element difference between two matrices.
cv::cudacodec::MPEG2
@ MPEG2
Definition: cudacodec.hpp:248
cv::cudev::direction_func
Definition: functional.hpp:630
cv::cuda::createStereoBM
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
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::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::cudev::atan2_func
Definition: functional.hpp:609
cv::gapi::wip::GCaptureSource::prep
void prep()
Definition: cap.hpp:62
cv::Mat::CONTINUOUS_FLAG
@ CONTINUOUS_FLAG
Definition: mat.hpp:2083
HaarClassifierNode128::_ui4
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:220
cv::COLOR_YUV2BGR_YUYV
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:706
cv::Matx13d
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:224
cv::detail::tracking::contrib_feature::CvParams::write
virtual void write(FileStorage &fs) const =0
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::cuda::GpuMat
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:105
cv::CALIB_FIX_TANGENT_DIST
@ CALIB_FIX_TANGENT_DIST
Definition: calib3d.hpp:513
cv::legacy::Tracker::isInit
bool isInit
Definition: tracking_legacy.hpp:105
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::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.
NCV_ALLOCATOR_BAD_REUSE
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
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::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::ccm::LINEARIZATION_GRAYPOLYFIT
@ LINEARIZATION_GRAYPOLYFIT
grayscale polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:336
cv::GShapes
std::vector< GShape > GShapes
Definition: gkernel.hpp:36
cv::SparseMat::Hdr
the sparse matrix header
Definition: mat.hpp:2675
cv::Formatted::next
virtual const char * next()=0
cv::rgbd::FastICPOdometry::setSigmaSpatial
void setSigmaSpatial(float f)
Definition: depth.hpp:1108
cv::gapi::own::detail::assign_row
void assign_row(void *ptr, int cols, Scalar const &s)
Definition: mat.hpp:26
cv::FM_7POINT
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:524
cv::cuda::COLOR_BayerRG2BGR_MHT
@ COLOR_BayerRG2BGR_MHT
Definition: cudaimgproc.hpp:97
cv::gapi::ie::PortCfg
Definition: ie.hpp:82
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:389
cv::videostab::MoreAccurateMotionWobbleSuppressorBase
Definition: wobble_suppression.hpp:101
cv::FileStorage::write
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:943
cv::ccm::LINEAR_TYPE
LINEAR_TYPE
Linearization transformation type.
Definition: ccm.hpp:329
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::structured_light::SinusoidalPattern::Params::horizontal
bool horizontal
Definition: sinusoidalpattern.hpp:91
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::GEMM_1_T
@ GEMM_1_T
transposes src1
Definition: base.hpp:220
cv::dnn_objdetect::object
Structure to hold the details pertaining to a single bounding box.
Definition: core_detect.hpp:25
cv::gapi::KalmanParams::measurementMatrix
Mat measurementMatrix
measurement matrix (H)
Definition: video.hpp:36
OpenCV_API_Header_t::opencv_version_minor
unsigned opencv_version_minor
compiled OpenCV version
Definition: llapi.h:53
cv::optflow::createOptFlow_Farneback
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
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::hal::magnitude32f
void magnitude32f(const float *x, const float *y, float *dst, int n)
NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
cv::CAP_OPENNI_VGA_30HZ
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:312
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::rgbd::DepthCleaner::setDepth
void setDepth(int val)
Definition: depth.hpp:243
HaarClassifierNode128::setThreshold
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:228
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:494
cv::TrackerMIL::Params::samplerSearchWinSize
float samplerSearchWinSize
size of search window
Definition: tracking.hpp:763
cv::cudev::Max::work_type
T work_type
Definition: reduce_to_vec.hpp:127
cv::dumpOpenCLInformation
static void dumpOpenCLInformation()
Definition: opencl_info.hpp:69
cv::dnn::BaseConvolutionLayer
Definition: all_layers.hpp:210
cv::detail::tracking::contrib_feature::CvHOGEvaluator::hist
std::vector< Mat > hist
Definition: feature.hpp:333
cv::AVIReadContainer::parseAvi
bool parseAvi(Codecs codec_)
Definition: container_avi.private.hpp:88
cv::Matx::get_minor
Matx< _Tp, m1, n1 > get_minor(int base_row, int base_col) const
extract part of the matrix
cv::dnn::LRNLayer::size
int size
Definition: all_layers.hpp:238
cv::img_hash::BlockMeanHash::BlockMeanHash
BlockMeanHash()
Definition: block_mean_hash.hpp:36
cv::FileNode::blockIdx
size_t blockIdx
Definition: persistence.hpp:623
cv::vuint8mf2_t::vuint8mf2_t
vuint8mf2_t()
Definition: intrin_rvv.hpp:26
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:474
cv::CMP_LT
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:214
cv::gapi::own::Scalar::operator[]
const double & operator[](int i) const
Definition: scalar.hpp:30
cv::videostab::RansacParams::eps
float eps
max outliers ratio
Definition: motion_core.hpp:77
ncvAssertPrintReturn
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
cv::CAP_PROP_ISO_SPEED
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:167
cv::RMat::View::stepsT
std::vector< size_t > stepsT
Definition: rmat.hpp:57
cv::gapi::wip::GCaptureSource::first_pulled
bool first_pulled
Definition: cap.hpp:59
cv::v_pack_u_store
void v_pack_u_store(uchar *ptr, const v_reg< short, n > &a)
Definition: intrin_cpp.hpp:3048
cv::viz::WMesh
Constructs a WMesh.
Definition: widgets.hpp:788
cv::COLOR_BayerGB2RGB_EA
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:781
cv::INTERSECT_NONE
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:804
HaarClassifierCascadeDescriptor::NumStages
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:335
cv::CAP_PROP_XI_COOLING
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:435
cv::ORB::HARRIS_SCORE
@ HARRIS_SCORE
Definition: features2d.hpp:407
cv::ocl::OpenCLExecutionContext::getCurrentRef
static OpenCLExecutionContext & getCurrentRef()
cv::getOptimalDFTSize
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
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:398
cv::PCABackProject
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
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::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(T &&obj)
Definition: gopaque.hpp:153
cv::datasets::none
@ none
Definition: fr_adience.hpp:64
cv::GInferROI
Definition: infer.hpp:324
cv::detail::get_out< cv::GOpaque< U > >::get
static U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:294
cv::CC_STAT_AREA
@ CC_STAT_AREA
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:400
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:1513
cv::dnn::BackendWrapper
Derivatives of this class wraps cv::Mat for different backends and targets.
Definition: dnn.hpp:146
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::dnn::InnerProductLayer
Definition: all_layers.hpp:277
cv::viz::Color::celestial_blue
static Color celestial_blue()
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::VideoAccelerationType
VideoAccelerationType
Video Acceleration type.
Definition: videoio.hpp:225
cv::v_uint32x4::val
unsigned val[4]
Definition: intrin_rvv.hpp:386
cv::gapi::python::Impl
std::function< cv::GRunArgs(const GPythonContext &)> Impl
Definition: python.hpp:27
cv::SL2::ValueType
T ValueType
Definition: features2d.hpp:897
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::ximgproc::ContourFitting
Class for ContourFitting algorithms. ContourFitting match two contours and minimizing distance.
Definition: fourier_descriptors.hpp:20
cv::GMatDesc::dims
GAPI_PROP std::vector< int > dims
Definition: gmat.hpp:83
cv::GCPUKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:469
cv::TrackerKCF::Params::compress_feature
bool compress_feature
activate the pca method to compress the features
Definition: tracking.hpp:130
cv::v_reg::v_reg
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:421
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::videostab::ConsistentMosaicInpainter
Definition: inpainting.hpp:127
cv::datasets::GR_chalearnObj::nameColor
std::string nameColor
Definition: gr_chalearn.hpp:77
cv::util::bad_any_cast::what
virtual const char * what() const noexcept override
Definition: any.hpp:45
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:715
cv::V_TypeTraits
Definition: intrin.hpp:103
cv::Allocator::Allocator
Allocator()
Definition: cvstd.hpp:122
hdf5.hpp
cv::dnn::LayerFactory_Impl
std::map< std::string, std::vector< LayerFactory::Constructor > > LayerFactory_Impl
Register layer types of DNN model.
Definition: layer_reg.private.hpp:16
NCV_HAAR_XML_LOADING_EXCEPTION
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
cv::IMWRITE_JPEG_RST_INTERVAL
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:90
cv::ppf_match_3d::PoseCluster3D::poseList
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::gapi::wip::draw::Image::org
cv::Point org
The bottom-left corner of the image.
Definition: render_types.hpp:288
cv::DetectionBasedTracker::ExtObject::location
cv::Rect location
Definition: detection_based_tracker.hpp:148
cv::v256_setall_s16
v_int16x16 v256_setall_s16(short val)
Definition: intrin_cpp.hpp:2851
cv::videostab::IDenseOptFlowEstimator::~IDenseOptFlowEstimator
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
cv::gapi::absDiffC
GMat absDiffC(const GMat &src, const GScalar &c)
Calculates absolute value of matrix elements.
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::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::GeneralizedHoughBallard
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:886
CV_64F
#define CV_64F
Definition: interface.h:79
CPU_AVX_5124VNNIW
@ CPU_AVX_5124VNNIW
Definition: cvdef.h:321
cv::v_setall_u16
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2838
cv::GKernel::tag
std::string tag
Definition: gkernel.hpp:49
cv::stereo::StereoMatcher::getDisp12MaxDiff
virtual int getDisp12MaxDiff() const =0
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::cudev::RemapPtr2::mapy
MapYPtr mapy
Definition: remap.hpp:82
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:2285
cv::linemod::Template::height
int height
Definition: linemod.hpp:44
cv::xphoto::oilPainting
void oilPainting(InputArray src, OutputArray dst, int size, int dynRatio, int code)
oilPainting See the book for details.
cv::ocl::Device::TYPE_GPU
@ TYPE_GPU
Definition: ocl.hpp:87
cv::DetectionBasedTracker::TrackedObject::id
int id
Definition: detection_based_tracker.hpp:189
cv::MorphShapes
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:231
cv::parallel::openmp::ParallelForBackend::~ParallelForBackend
virtual ~ParallelForBackend()
Definition: parallel_for.openmp.hpp:35
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::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::dnn::readTensorFromONNX
Mat readTensorFromONNX(const String &path)
Creates blob from .pb file.
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:451
cv::TermCriteria::Type
Type
Definition: types.hpp:858
cv::cudev::checkCudaError
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
cv::face::BasicFaceRecognizer
Definition: facerec.hpp:20
cv::Stitcher::setPanoConfidenceThresh
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:196
cv::IMWRITE_PNG_STRATEGY_RLE
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:139
OPENCV_HAL_IMPL_RVV_UNPACKS
#define OPENCV_HAL_IMPL_RVV_UNPACKS(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:2109
fast_math.hpp
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::GFluidParallelOutputRois
This structure forces Fluid backend to generate multiple parallel output regions in the graph....
Definition: gfluidkernel.hpp:120
cv::SparseMatIterator_
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3303
cv::cuda::NvidiaOpticalFlow_1_0
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:400
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::UMatUsageFlags
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:453
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
tracking.hpp
NCVMemSegment::clear
void clear()
cv::cudev::TupleTraits
Definition: tuple.hpp:64
cv::cuda::DemosaicTypes
DemosaicTypes
Definition: cudaimgproc.hpp:92
cv::TLSData::~TLSData
~TLSData()
Definition: tls.hpp:67
cv_vrecpq_f32
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
cv::v256_load
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load(const _Tp *ptr)
Load 256-bit length register contents from memory.
Definition: intrin_cpp.hpp:1611
cv::SVBackSubst
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
cv::saliency::MotionSaliencyBinWangApr2014::setImageHeight
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
cv::viz::Camera::getWindowSize
const Size & getWindowSize() const
Definition: types.hpp:218
cv::gapi::wip::Data
This aggregate type represents all types which G-API can handle (via variant).
Definition: garg.hpp:195
cv::cuda::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:80
cv::GOCLContext::inMat
const cv::UMat & inMat(int input)
cv::detail::BestOf2NearestRangeMatcher
Definition: matchers.hpp:199
cv::gapi::ie::Params::cfgInputLayers
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: ie.hpp:120
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::detail::GainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:111
cv::ocl::KernelArg::PtrReadOnly
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:401
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::ximgproc::createEdgeDrawing
Ptr< EdgeDrawing > createEdgeDrawing()
Creates a smart pointer to a EdgeDrawing object and initializes it.
cv::CAP_PROP_IOS_DEVICE_EXPOSURE
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:548
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)
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:1001
cv::DetectionBasedTracker::IDetector
Definition: detection_based_tracker.hpp:68
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::videostab::RansacParams::thresh
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
cv::cudev::DerivYPtr
Definition: deriv.hpp:101
cv::AgastFeatureDetector_Impl::nonmaxSuppression
bool nonmaxSuppression
Definition: agast.txt:7533
cv::cudev::numeric_limits< bool >::max
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
cv::COLOR_Lab2BGR
@ COLOR_Lab2BGR
Definition: imgproc.hpp:608
cv::structured_light::SinusoidalPattern::Params::shiftValue
float shiftValue
Definition: sinusoidalpattern.hpp:88
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::cudev::SingleMaskChannels::channels
int channels
Definition: mask.hpp:74
cv::CC_STAT_TOP
@ CC_STAT_TOP
Definition: imgproc.hpp:396
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:84
ncvHaarGetClassifierSize
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
cv::DECOMP_LU
@ DECOMP_LU
Definition: base.hpp:135
cv::detail::WrapValue
Definition: gtype_traits.hpp:165
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:653
cv::EVENT_RBUTTONDOWN
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:213
cv::CompressedRectilinearWarper::CompressedRectilinearWarper
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:197
cv::imshow
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
cv::RobotWorldHandEyeCalibrationMethod
RobotWorldHandEyeCalibrationMethod
Definition: calib3d.hpp:539
cv::COLOR_YUV2BGRA_Y422
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:697
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::read
virtual bool read(const FileNode &node) CV_OVERRIDE
cv::GCompileArg::get
T & get()
Definition: gcommon.hpp:173
cv::rgbd::ICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:787
nppiStVectorWarpGetBufferSize
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
cv::HOGDescriptor::free_coef
float free_coef
not documented
Definition: objdetect.hpp:623
cv::viz::KeyboardEvent::modifiers
int modifiers
Definition: types.hpp:305
cv::cudev::DefaultGlobReducePolicy::block_size_y
@ block_size_y
Definition: reduce.hpp:297
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::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:199
HaarClassifierNodeDescriptor32::_ui1
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:180
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:890
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:500
cv::omnidir::CALIB_FIX_XI
@ CALIB_FIX_XI
Definition: omnidir.hpp:63
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::tracking::tbm::TrackerParams
The TrackerParams struct stores parameters of TrackerByMatching.
Definition: tracking_by_matching.hpp:266
cv::CAP_PROP_XI_CC_MATRIX_20
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:456
OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET
#define OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET(_Tpvec, suffix)
Definition: intrin_rvv.hpp:592
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:467
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:418
cv::GC_PR_FGD
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:349
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::CAP_PROP_XI_WIDTH
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:424
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:66
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::rgbd::RgbdOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:708
cv::vuint8mf2_t::val
uchar val[8]
Definition: intrin_rvv.hpp:25
CPU_SSE4_2
@ CPU_SSE4_2
Definition: cvdef.h:300
cv::COLOR_YUV2RGB_YUY2
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:701
cv::v_uint8x16
Definition: intrin_rvv.hpp:227
cv::mcc::CCheckerDraw::~CCheckerDraw
virtual ~CCheckerDraw()
Definition: checker_model.hpp:116
cv::cudev::CountNonZeroExprBody::src
SrcPtr src
Definition: reduction.hpp:154
cv::TrackerMIL::Params::samplerTrackMaxNegNum
int samplerTrackMaxNegNum
Definition: tracking.hpp:766
cv::rgbd::RgbdOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:712
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::CirclesGridFinderParameters::gridType
GridType gridType
Definition: calib3d.hpp:1651
cv::cudev::LargerType
Definition: type_traits.hpp:155
motion_core.hpp
cv::ocl::Context::getImpl
Impl * getImpl() const
Definition: ocl.hpp:294
cv::reg::MapAffine::getLinTr
const cv::Matx< double, 2, 2 > & getLinTr() const
Definition: mapaffine.hpp:84
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:1629
OPENCV_HAL_IMPL_C_PACK_STORE
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:3024
cv::CAP_PROP_XI_EXPOSURE
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:398
cv::gapi::own::Size::width
int width
Definition: types.hpp:113
cv::cudev::InRangeComparator::operator()
__device__ bool operator()(const typename MakeVec< T, cn >::type &lowerb, const typename MakeVec< T, cn >::type &upperb, const typename MakeVec< T, cn >::type &v) const
cv::CAP_PROP_ARAVIS_AUTOTRIGGER
@ CAP_PROP_ARAVIS_AUTOTRIGGER
Automatically trigger frame capture if camera is configured with software trigger.
Definition: videoio.hpp:537
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::MatConstIterator::reference
uchar * reference
Definition: mat.hpp:3021
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::detail::BundleAdjusterBase::confThresh
double confThresh() const
Definition: motion_estimators.hpp:143
cv::Node::Node
Node(OBJECT &payload)
Definition: utility.hpp:1061
cv::CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:336
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::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:82
cv::cuda::FGDParams
Definition: cudalegacy.hpp:154
cv::cudev::cos
__device__ __forceinline__ float1 cos(const uchar1 &a)
Definition: vec_math.hpp:294
cv::videostab::MM_HOMOGRAPHY
@ MM_HOMOGRAPHY
Definition: motion_core.hpp:67
cv::xfeatures2d::SurfFeatureDetector
SURF SurfFeatureDetector
Definition: nonfree.hpp:114
cv::datasets::FR_adienceObj
Definition: fr_adience.hpp:67
cv::gapi::fluid::Border::value
cv::Scalar value
Definition: gfluidbuffer.hpp:31
cv::CAP_PROP_XI_SENSOR_BOARD_TEMP
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:440
cv::xfeatures2d::TBMR
Class implementing the Tree Based Morse Regions (TBMR) as described in extended with scaled extracti...
Definition: xfeatures2d.hpp:1010
cv::Matx34f
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:249
cv::cudacodec::VP8
@ VP8
Definition: cudacodec.hpp:256
cv::face::BasicFaceRecognizer::_labels
Mat _labels
Definition: facerec.hpp:48
cv_vrndq_u32_f32
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
cv::getRecall
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
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:1477
cv::ximgproc::GuidedFilter
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:130
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
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:3416
cv::SORT_ASCENDING
@ SORT_ASCENDING
Definition: core.hpp:161
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::videostab::MoreAccurateMotionWobbleSuppressorBase::period
virtual int period() const
Definition: wobble_suppression.hpp:105
cv::datasets::TR_svt
Definition: tr_svt.hpp:73
cv::RMat::serialize
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: rmat.hpp:139
cv::viz::Color::indigo
static Color indigo()
cv::rgbd::DepthCleaner::window_size_
int window_size_
Definition: depth.hpp:261
cv::stereo::CV_SPECKLE_REMOVAL_AVG_ALGORITHM
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:114
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::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::FEATURE_SET_COMPUTE_20
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:994
HaarClassifierNode128
Definition: NCVHaarObjectDetection.hpp:218
cv::cuda::Event
Definition: cuda.hpp:916
saturate_cast.hpp
cv::videostab::calcBlurriness
float calcBlurriness(const Mat &frame)
_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::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::CAP_PROP_XI_GAMMAY
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:445
cv::img_hash::MarrHildrethHash
Marr-Hildreth Operator Based Hash, slowest but more discriminative.
Definition: marr_hildreth_hash.hpp:20
cv::QuatEnum::INT_ZYX
@ INT_ZYX
Intrinsic rotations with the Euler angles type Z-Y-X.
Definition: quaternion.hpp:105
cv::Matx21d
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:231
cv::ccm::COLOR_SPACE_AppleRGB
@ COLOR_SPACE_AppleRGB
https://en.wikipedia.org/wiki/RGB_color_space , RGB color space
Definition: ccm.hpp:104
cv::gapi::cpu::GOCVFunctor::Meta
cv::GKernel::M Meta
Definition: gcpukernel.hpp:500
cv::cudev::BrdBase::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
lsh_index.h
cv::videostab::MM_AFFINE
@ MM_AFFINE
Definition: motion_core.hpp:66
inpainting.hpp
cv::legacy::MultiTracker::trackerList
std::vector< Ptr< Tracker > > trackerList
< storage for the tracker algorithms.
Definition: tracking_legacy.hpp:408
cv::rgbd::RgbdICPOdometry
Definition: depth.hpp:887
cv::rgbd::ICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:855
cv::rgbd::RgbdNormals
Definition: depth.hpp:73
cv::CALIB_CB_ADAPTIVE_THRESH
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:480
_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::face::FacemarkTrain
Abstract base class for trainable facemark models.
Definition: facemark_train.hpp:262
cv::gapi::onnx::detail::ParamDesc::const_inputs
std::unordered_map< std::string, ConstInput > const_inputs
Definition: onnx.hpp:52
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::calcHist
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
INCVMemAllocator::~INCVMemAllocator
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
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 ...
cv::detail::OpaqueRef::descr_of
cv::GOpaqueDesc descr_of() const
Definition: gopaque.hpp:290
structured_edge_detection.hpp
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::CAP_PROP_XI_SHUTTER_TYPE
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:414
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::DetectionROI::scale
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:348
cv::COLOR_GRAY2RGBA
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:556
cv::detail::flatten_g< cv::GScalar >::type
cv ::Scalar type
Definition: garray.hpp:331
cv::v_uint8x32
v_reg< uchar, 32 > v_uint8x32
Thirty two 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:510
Ncv32s
int Ncv32s
Definition: NCV.hpp:127
cv::NEIGH_GRID
@ NEIGH_GRID
Definition: calib3d.hpp:550
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::v_cvt_f64
v_reg< double, n/2 > v_cvt_f64(const v_reg< int, n > &a)
Convert lower half to double.
Definition: intrin_cpp.hpp:2576
cv::large_kinfu::Params::lightPose
Vec3f lightPose
light pose for rendering in meters
Definition: large_kinfu.hpp:68
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:329
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::USAC_PARALLEL
@ USAC_PARALLEL
USAC, parallel version.
Definition: calib3d.hpp:448
linemod.hpp
cv::legacy::TrackerBoosting::Params
Definition: tracking_legacy.hpp:151
cv::face::FaceRecognizer::read
virtual void read(const String &filename)
Loads a FaceRecognizer and its model state.
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::face::FacemarkLBF::BBox
Definition: facemarkLBF.hpp:96
cv::fillConvexPoly
void fillConvexPoly(InputOutputArray img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
cv::rgbd::ICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:815
cv::Point_::ddot
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::xfeatures2d::DAISY::NormalizationType
NormalizationType
Definition: xfeatures2d.hpp:246
cv::ximgproc::EdgeDrawing::Params
Definition: edge_drawing.hpp:44
cv::stereo::PropagationParameters::correlationThreshold
float correlationThreshold
Definition: quasi_dense_stereo.hpp:49
cv::HISTCMP_BHATTACHARYYA
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:517
cv::face::FacemarkLBF::Params::seed
unsigned int seed
seed for shuffling the training data
Definition: facemarkLBF.hpp:82
cv::gapi::video::checkParams
void checkParams(const cv::gapi::KalmanParams &kfParams, const cv::GMatDesc &measurement, const cv::GMatDesc &control={})
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:91
cv::utils::AllocatorStatisticsInterface::getNumberOfAllocations
virtual uint64_t getNumberOfAllocations() const =0
cv::videostab::LpMotionStabilizer::weight3
float weight3() const
Definition: motion_stabilizing.hpp:138
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
simd512::vx_setall_u64
v_uint64 vx_setall_u64(uint64 v)
Definition: intrin.hpp:503
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::v_load_low
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_low(const _Tp *ptr)
Load 64-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1702
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::text::ERFILTER_NM_IHSGrad
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:245
cv::cuda::DeviceInfo::ComputeModeDefault
@ ComputeModeDefault
Definition: cuda.hpp:1122
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:2325
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::tracking::TrackerContribFeature::className
String className
Definition: tracking_internals.hpp:300
cv::rgbd::RgbdOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:676
cv::v_rshr_pack
v_reg< uchar, 2 *n > v_rshr_pack(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
Definition: intrin_cpp.hpp:3012
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::CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:289
cv::cudev::ReduceToRowBody
Definition: reduction.hpp:174
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::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::ppf_match_3d::KeyType
uint KeyType
Definition: t_hash_int.hpp:58
cv::utils::shared_lock_guard::shared_lock_guard
shared_lock_guard(Mutex &m)
Definition: lock.private.hpp:49
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::ximgproc::HoughDeskewOption
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:105
cv::util::variant::swap
void swap(variant &rhs) noexcept
Definition: variant.hpp:342
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
structured_light.hpp
cv::detail::OpaqueRefT::set
virtual void set(const cv::util::any &a) override
Definition: gopaque.hpp:221
cv::REDUCE_SUM
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:230
cv::Rect_::Rect_
Rect_()
default constructor
cv::Mat_::end
iterator end()
cv::SparseMat_::iterator
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2947
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::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::rgbd::RgbdICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:949
cv::optflow::GPCTree::Node::coef
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:159
cv::gapi::ie::Params::pluginConfig
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:143
cv::GFluidKernel::m_kind
Kind m_kind
Definition: gfluidkernel.hpp:85
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:233
cv::v_float64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:519
cv::detail::Yield
Definition: gkernel.hpp:73
cv::GComputationT
This class is a typed wrapper over a regular GComputation.
Definition: gtyped.hpp:85
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::samples::addSamplesDataSearchSubDirectory
void addSamplesDataSearchSubDirectory(const cv::String &subdir)
Append samples search data sub directory.
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::detail::BundleAdjusterBase::refinement_mask_
Mat refinement_mask_
Definition: motion_estimators.hpp:194
cv::Matx::zeros
static Matx zeros()
cv::CAP_PROP_XI_DATA_FORMAT
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:378
cv::gapi::ie::Params< cv::gapi::Generic >::m_tag
std::string m_tag
Definition: ie.hpp:246
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:601
cv::cudev::UnaryTransformPtrSz
Definition: transform.hpp:75
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.
hal_ni_invSqrt32f
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
cv::linemod::Template::features
std::vector< Feature > features
Definition: linemod.hpp:46
types.hpp
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::GUIDED_FILTER
@ GUIDED_FILTER
Definition: edge_filter.hpp:57
cv::cudev::GpuMat_::elemSize1
__host__ size_t elemSize1() const
cv::detail::tracking::TrackerFeatureLBP
TrackerContribFeature based on LBP.
Definition: tracking_internals.hpp:912
cv::COLOR_RGB2BGRA
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:540
cv::cuda::FGDParams::delta
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
cv::detail::tracking::TrackerSamplerCSC::Params::initMaxNegNum
int initMaxNegNum
Definition: tracking.detail.hpp:369
cv::FileStorage::write
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:981
cv::DftFlags
DftFlags
Definition: base.hpp:225
cv::kinfu::Intr
Definition: intrinsics.hpp:15
cv::MARKER_TILTED_CROSS
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:840
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:273
cv::setUseOpenVX
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
cv::ppf_match_3d::PPF3DDetector::hash_nodes
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
cv::Rect_::area
_Tp area() const
area (width*height) of the rectangle
cv::VariationalRefinement
Variational optical flow refinement.
Definition: tracking.hpp:523
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::rgbd::RgbdICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:921
cv::CAP_PROP_XI_GPO_MODE
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:387
cv::COLOR_YUV2GRAY_NV12
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:675
cv::CAP_PROP_XI_KNEEPOINT2
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:515
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::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::ParamType< std::vector< Mat > >::member_type
std::vector< Mat > member_type
Definition: core.hpp:3239
cv::datasets::backgroundType
backgroundType
Definition: gr_skig.hpp:87
cv::cudev::SingleMaskChannelsSz::rows
int rows
Definition: mask.hpp:85
cv::Error::StsFilterStructContentErr
@ StsFilterStructContentErr
incorrect filter structure content
Definition: base.hpp:98
cv::detail::tracking::online_boosting::BaseClassifier::m_numWeakClassifier
int m_numWeakClassifier
Definition: onlineBoosting.hpp:145
cv::Subdiv2D::freePoint
int freePoint
Definition: imgproc.hpp:1247
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::hal::merge64s
void merge64s(const int64 **src, int64 *dst, int len, int cn)
cv::rgbd::RgbdOdometry::getMinGradientMagnitudes
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:692
cv::cudev::CountNonZeroExprBody
Definition: reduction.hpp:152
cv::Vec::operator()
const _Tp & operator()(int i) const
feature.hpp
cv::gapi::wip::GCaptureSource::GCaptureSource
GCaptureSource(int id)
Definition: cap.hpp:50
cv::dnn::SoftmaxLayer::logSoftMax
bool logSoftMax
Definition: all_layers.hpp:272
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::gapi::ie::Params< cv::gapi::Generic >::Params
Params(const std::string &tag, const std::string &model, const std::string &device)
Definition: ie.hpp:209
cv::cudev::BrdBase::index_type
int index_type
Definition: extrapolation.hpp:97
cv::detail::FisheyeProjector
Definition: warpers.hpp:360
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::rgbd::RgbdICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:941
cv::RMat
Definition: rmat.hpp:45
cv::Error::StsUnmatchedSizes
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
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::detail::DisjointSets
Definition: util.hpp:55
cv::Point_::value_type
_Tp value_type
Definition: types.hpp:160
cv::FlannBasedMatcher::addedDescCount
int addedDescCount
Definition: features2d.hpp:1281
cv::dnn::Layer::type
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:387
cv::IMWRITE_WEBP_QUALITY
@ IMWRITE_WEBP_QUALITY
override EXR compression type (ZIP_COMPRESSION = 3 is default)
Definition: imgcodecs.hpp:99
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::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
common.hpp
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::v_int64x2
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:506
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::ximgproc::FHT_MIN
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
cv::UMat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2564
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
NPPST_MEM_INSUFFICIENT_BUFFER
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
cv::cudev::binary_function::result_type
_Result result_type
Definition: functional.hpp:72
cv::xfeatures2d::BEBLID::BeblidSize
BeblidSize
Descriptor number of bits, each bit is a boosting weak-learner. The user can choose between 512 or 25...
Definition: xfeatures2d.hpp:211
cv::COLOR_BayerRG2BGRA
@ COLOR_BayerRG2BGRA
Definition: imgproc.hpp:788
cv::detail::GArrayU::m_hint
std::shared_ptr< TypeHintBase > m_hint
Definition: garray.hpp:97
cv::createNormHistogramCostExtractor
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::videostab::PyrLkOptFlowEstimatorBase::setWinSize
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
cv::gapi::GFunctor
Definition: gkernel.hpp:415
per_element_func.hpp
cv::v_int32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:392
cv::MARKER_TRIANGLE_UP
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:844
cv::cudev::gridCopy_
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
cv::saliency::StaticSaliencySpectralResidual
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:69
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::viz::WPaintedCloud
Definition: widgets.hpp:720
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::cuda::StereoSGM
The class implements the modified H. Hirschmuller algorithm . Limitation and difference are as follow...
Definition: cudastereo.hpp:258
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::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::GKinds
std::vector< cv::detail::OpaqueKind > GKinds
Definition: gkernel.hpp:37
cv::dnn::concat
static MatShape concat(const MatShape &a, const MatShape &b)
Definition: shape_utils.hpp:179
instrumentation.hpp
cv::SimpleBlobDetector::Params::filterByCircularity
bool filterByCircularity
Definition: features2d.hpp:730
intrin_sse_em.hpp
motion_stabilizing.hpp
cv::quality::QualityGMSD::_refImgData
_mat_data _refImgData
Reference image data.
Definition: qualitygmsd.hpp:82
cv::CAP_FIREWIRE
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:95
cv::detail::PlanePortraitWarper::PlanePortraitWarper
PlanePortraitWarper(float scale)
Definition: warpers.hpp:666
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::cudev::ArrayWrapper
Definition: type_traits.hpp:71
cv::Error::StsNoConv
@ StsNoConv
iteration didn't converge
Definition: base.hpp:76
cv::xfeatures2d::Elliptic_KeyPoint::si
float si
the integration scale at which the parameters were estimated
Definition: xfeatures2d.hpp:909
cv::videostab::StabilizerBase::blurrinessRates_
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:136
cv::COVAR_ROWS
@ COVAR_ROWS
Definition: core.hpp:202
cv::detail::HostCtor
util::variant< util::monostate, detail::ConstructVec, detail::ConstructOpaque > HostCtor
Definition: gtype_traits.hpp:206
cv::sfm::SFMLibmvEuclideanReconstruction
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:193
cv::descr_of
GArrayDesc descr_of(const std::vector< U > &)
Definition: garray.hpp:44
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:70
cv::detail::OpaqueKind::CV_RECT
@ CV_RECT
cv::detail::tracking::TrackerContribSamplerAlgorithm
Abstract base class for TrackerContribSamplerAlgorithm that represents the algorithm for the specific...
Definition: tracking_internals.hpp:394
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::detail::MetaHelper< K, std::tuple< Ins... >, Out >::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &in_meta, const GArgs &in_args)
Definition: gkernel.hpp:184
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:148
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
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::text::OEM_CUBE_ONLY
@ OEM_CUBE_ONLY
Definition: ocr.hpp:86
cv::GFluidKernel::Kind
Kind
Definition: gfluidkernel.hpp:48
cv::flann::GenericIndex::ElementType
Distance::ElementType ElementType
Definition: flann.hpp:173
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::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
scan.hpp
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::viz::WCloudCollection
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:736
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:209
cv::CAP_PROP_XI_HW_REVISION
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:517
cv::cudev::NormHamming
Definition: vec_distance.hpp:155
cv::cudev::not1
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:953
cv::gapi::wip::draw::FText
This structure represents a text string to draw using FreeType renderer.
Definition: render_types.hpp:92
cv::detail::FeaturesMatcher::isThreadSafe
bool isThreadSafe() const
Definition: matchers.hpp:145
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:182
cv::v_int16x8::val
short val[8]
Definition: intrin_rvv.hpp:354
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
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:677
cv::Matx43d
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:252
cv::ccm::COLOR_SPACE_XYZ_D50_2
@ COLOR_SPACE_XYZ_D50_2
non-RGB color space
Definition: ccm.hpp:112
cv::v_uint32x4::v_uint32x4
v_uint32x4(unsigned v0, unsigned v1, unsigned v2, unsigned v3)
Definition: intrin_rvv.hpp:368
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::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::cudev::atomicAdd
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
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:101
cv::cudev::blockTransform
__device__ static __forceinline__ void blockTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
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::parallel::tbb::ParallelForBackend
Definition: parallel_for.tbb.hpp:46
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
CPU_AVX_512DQ
@ CPU_AVX_512DQ
Definition: cvdef.h:310
cv::face::FacemarkLBF::Params::shape_offset
double shape_offset
offset for the loaded face landmark points
Definition: facemarkLBF.hpp:58
cv::cudev::TypeTraits::is_scalar
@ is_scalar
Definition: type_traits.hpp:146
cv::xphoto::BM3D_STEP1
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
cv::UPDATE_IMAGE_ELEMENT
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
cv::cudev::RemapPtr2::index_type
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
cv::ocl::Program::p
Impl * p
Definition: ocl.hpp:540
cv::SparseMat::Hdr::dims
int dims
Definition: mat.hpp:2680
cv::convertPointsToHomogeneous
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
OpenCV_API_Header_t::min_api_version
unsigned min_api_version
backward compatible API version
Definition: llapi.h:50
cv::DescriptorMatcher::utrainDescCollection
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1190
dct_image_denoising.hpp
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::v256_load_low
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_low(const _Tp *ptr)
Load 128-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1729
cv::videostab::StabilizerBase::log_
Ptr< ILog > log_
Definition: stabilizer.hpp:114
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
ncvDrawRects_32u_host
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
cvhalKeyPoint::class_id
int class_id
Definition: interface.h:27
cv::cuda::NvidiaOpticalFlow_1_0::NV_OF_PERF_LEVEL_UNDEFINED
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:408
cv::omnidir::CALIB_USE_GUESS
@ CALIB_USE_GUESS
Definition: omnidir.hpp:57
cv::videostab::StabilizerBase::stabilizedMasks_
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:138
cv::IMWRITE_TIFF_XDPI
@ IMWRITE_TIFF_XDPI
For TIFF, use to specify the X direction DPI.
Definition: imgcodecs.hpp:102
cv::gapi::wip::GCaptureSource::GCaptureSource
GCaptureSource(const std::string &path)
Definition: cap.hpp:51
cv::KmeansFlags
KmeansFlags
k-Means flags
Definition: core.hpp:213
average_hash.hpp
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::LOCAL_OPTIM_SIGMA
@ LOCAL_OPTIM_SIGMA
Definition: calib3d.hpp:548
cv::ximgproc::BINARIZATION_SAUVOLA
@ BINARIZATION_SAUVOLA
Sauvola's technique. See .
Definition: ximgproc.hpp:123
cv::CAP_PROP_XI_TARGET_TEMP
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:436
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMin
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:156
cv::ft::LINEAR
@ LINEAR
linear (triangular) shape
Definition: types.hpp:55
cv::COLOR_RGBA2GRAY
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:558
cv::cudev::Sum::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
cv::DIST_USER
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:301
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::GFluidKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gfluidkernel.hpp:432
cv::utils::BufferArea
Manages memory block shared by muliple buffers.
Definition: buffer_area.private.hpp:38
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::generateFeatures
virtual void generateFeatures()=0
cv::ovis::EntityProperty
EntityProperty
Definition: ovis.hpp:74
cv::stopLoop
void stopLoop()
cv::Point_::Point_
Point_()
default constructor
cv::ocl::Timer::p
Impl *const p
Definition: ocl.hpp:743
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::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::UsacParams::loMethod
LocalOptimMethod loMethod
Definition: calib3d.hpp:558
cv::optflow::RLOFOpticalFlowParameter::useIlluminationModel
bool useIlluminationModel
Definition: rlofflow.hpp:126
cv::bgsegm::BackgroundSubtractorCNT
Background subtraction based on counting.
Definition: bgsegm.hpp:195
cv::detail::postprocess
void postprocess(Outputs &... outs)
Definition: gcpukernel.hpp:231
cv::FileStorage::NAME_EXPECTED
@ NAME_EXPECTED
Definition: persistence.hpp:327
HaarStage64_Interpret_MaskRootNodeOffset
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
cv::detail::Estimator::~Estimator
virtual ~Estimator()
Definition: motion_estimators.hpp:68
cv::ogl::QUADS
@ QUADS
Definition: opengl.hpp:486
cv::RectanglesIntersectTypes
RectanglesIntersectTypes
types of intersection between rectangles
Definition: imgproc.hpp:803
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:382
cv::solveCubic
int solveCubic(InputArray coeffs, OutputArray roots)
Finds the real roots of a cubic equation.
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::GCPUKernel::SetupF
std::function< void(const GMetaArgs &, const GArgs &, GArg &, const GCompileArgs &)> SetupF
Definition: gcpukernel.hpp:142
cv::StreamType
StreamType
Definition: container_avi.private.hpp:136
cv::ximgproc::segmentation::createSelectiveSearchSegmentation
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
cv::v_uint64x2
Definition: intrin_rvv.hpp:451
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::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::videostab::MotionEstimatorRansacL2::setMinInlierRatio
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
cv::detail::tracking::contrib_feature::CvLBPFeatureParams
Definition: feature.hpp:362
cv::undistort
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
cv::cudev::GpuMat_::rowRange
__host__ GpuMat_ rowRange(int startrow, int endrow) const
OPENCV_HAL_IMPL_RVV_FLOAT_CMP
#define OPENCV_HAL_IMPL_RVV_FLOAT_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1388
cv::getTickFrequency
double getTickFrequency()
Returns the number of ticks per second.
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::text::ERStat::euler
int euler
Euler's number.
Definition: erfilter.hpp:81
cv::stereo::MatchQuasiDense::corr
float corr
Definition: quasi_dense_stereo.hpp:31
cv::detail::GInferInputsTyped::setInput
void setInput(const std::string &name, U in)
Definition: infer.hpp:139
cv::UMatData::prevAllocator
const MatAllocator * prevAllocator
Definition: mat.hpp:558
cv::CirclesGridFinderParameters::maxRectifiedDistance
float maxRectifiedDistance
Max deviation from prediction. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1654
cv::detail::tracking::contrib_feature::CvHOGFeatureParams::CvHOGFeatureParams
CvHOGFeatureParams()
cv::CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:579
cv::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(const std::string &layer_name, const std::vector< size_t > &layer_dims)
Definition: ie.hpp:174
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:470
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::DetectionBasedTracker::IDetector::getMinNeighbours
int getMinNeighbours()
Definition: detection_based_tracker.hpp:104
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::xfeatures2d::SURF
Class for extracting Speeded Up Robust Features from an image .
Definition: nonfree.hpp:82
nppiStTranspose_128_C1R
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
cv::QuatEnum::EXT_YZX
@ EXT_YZX
Extrinsic rotations with the Euler angles type Y-Z-X.
Definition: quaternion.hpp:116
cv::SparseMatConstIterator::ptr
uchar * ptr
Definition: mat.hpp:3223
simd512::v_float64
v_float64x8 v_float64
Maximum available vector register capacity 64-bit floating point values (double precision)
Definition: intrin.hpp:405
cv::cudev::vcmple4
__device__ __forceinline__ uint vcmple4(uint a, uint b)
Definition: simd_functions.hpp:671
cv::datasets::TRACK_vot
Definition: track_vot.hpp:68
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::ImwriteEXRCompressionFlags
ImwriteEXRCompressionFlags
Definition: imgcodecs.hpp:114
cv::dnn::normalize_axis
static int normalize_axis(int axis, int dims)
Converts axis from [-dims; dims) (similar to Python's slice notation) to [0; dims) range.
Definition: shape_utils.hpp:210
cv::dnn::EltwiseLayer
Element wise operation on inputs.
Definition: all_layers.hpp:526
cv::cuda::deviceSupports
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
cv::gapi::streaming::meta_tag::timestamp
static constexpr const char * timestamp
Definition: meta.hpp:22
intrin_cpp.hpp
cv::cudev::UnaryTransformPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: transform.hpp:64
cv::line_descriptor::KeyLine::response
float response
Definition: descriptor.hpp:120
cv::AgastFeatureDetector_Impl
Definition: agast.txt:7481
cv::GFluidKernel
Definition: gfluidkernel.hpp:45
cv::cudev::ThreshBinaryInvFunc
Definition: functional.hpp:714
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.
features2d.hpp
cvv::impl::getDebugFlag
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
cv::Mat_::operator()
Mat_ operator()(const Range &rowRange, const Range &colRange) const
cv::Node::m_childs
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1127
cv::rgbd::ICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: depth.hpp:843
cv::cudev::UnaryTransformPtrSz::cols
int cols
Definition: transform.hpp:77
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:127
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::vfloat32mf2_t::vfloat32mf2_t
vfloat32mf2_t()
Definition: intrin_rvv.hpp:94
limits.hpp
cv::RMat::View::ptr
const T * ptr(int y, int x) const
Definition: rmat.hpp:87
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::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::cuda::SURF_CUDA::maxPosBuffer
GpuMat maxPosBuffer
Definition: cuda.hpp:195
cv::HOUGH_MULTI_SCALE
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:483
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
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::Scalar
Scalar_< double > Scalar
Definition: types.hpp:669
cv::face::FacemarkAAM::Params::model_filename
std::string model_filename
Definition: facemarkAAM.hpp:67
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::instr::IMPL_IPP
@ IMPL_IPP
Definition: instrumentation.hpp:56
cv::cudev::ScharrYPtrSz
Definition: deriv.hpp:300
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::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
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::AgastFeatureDetector::AGAST_7_12s
@ AGAST_7_12s
Definition: features2d.hpp:604
cv::v_int32x4::val
int val[4]
Definition: intrin_rvv.hpp:417
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.
lut.hpp
cv::util::any::swap
friend void swap(any &lhs, any &rhs)
Definition: any.hpp:106
cv::QuatEnum::EulerAnglesType
EulerAnglesType
Enum of Euler angles type.
Definition: quaternion.hpp:98
cv::videostab::ImageMotionEstimatorBase::~ImageMotionEstimatorBase
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
cv::detail::SphericalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
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
logger.defines.hpp
cv::QuatEnum::INT_XYZ
@ INT_XYZ
Intrinsic rotations with the Euler angles type X-Y-Z.
Definition: quaternion.hpp:100
NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
cv::detail::ArgKind::GFRAME
@ GFRAME
cv::detail::tracking::online_boosting::Detector
Definition: onlineBoosting.hpp:198
cv::stereo::CV_STAR_KERNEL
@ CV_STAR_KERNEL
Definition: descriptor.hpp:15
cv::cudev::negate::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
cv::AVIWriteContainer
Definition: container_avi.private.hpp:147
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::Algorithm::load
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3147
cv::gapi::cpu::GOCVFunctor
Definition: gcpukernel.hpp:496
cv::structured_light::SinusoidalPattern::Params::height
int height
Definition: sinusoidalpattern.hpp:86
cv::COLORSPACE_BGR
@ COLORSPACE_BGR
Definition: container_avi.private.hpp:135
cv::saliency::StaticSaliencySpectralResidual::resImHeight
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
cv::DetectionBasedTracker::ObjectStatus
ObjectStatus
Definition: detection_based_tracker.hpp:138
cv::v_int16x8
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:494
cv::ml::VAR_NUMERICAL
@ VAR_NUMERICAL
same as VAR_ORDERED
Definition: ml.hpp:83
cv::cudev::TypeTraits::is_vec
@ is_vec
Definition: type_traits.hpp:147
cv::cudev::VecTraits
Definition: vec_traits.hpp:88
cv::BRISK
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:340
check.hpp
cv::face::FacemarkAAM::Data::s0
std::vector< Point2f > s0
Definition: facemarkAAM.hpp:100
cv::detail::ExtractArgsCallback::c
CallBackT c
Definition: garg.hpp:261
cv::MOTION_AFFINE
@ MOTION_AFFINE
Definition: tracking.hpp:264
cv::viz::Color::turquoise
static Color turquoise()
cv::RNG
Random Number Generator.
Definition: core.hpp:2782
cv::cudev::WithOutMask::value_type
bool value_type
Definition: mask.hpp:59
cv::ocl::convertTypeStr
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::~StrongClassifierDirectSelection
virtual ~StrongClassifierDirectSelection()
cv::flann::CvType< double >::type
static int type()
Definition: flann.hpp:82
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::mcc::DetectorParameters::minContoursArea
double minContoursArea
Definition: checker_detector.hpp:111
cv::AVIWriteContainer::getHeight
int getHeight() const
Definition: container_avi.private.hpp:166
cv::GPlaidMLKernelImpl::kernel
static cv::GPlaidMLKernel kernel()
Definition: gplaidmlkernel.hpp:133
cv::dnn::DictValue::pv
void * pv
Definition: dict.hpp:106
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.detail.hpp:214
cv::LDA::eigenvectors
Mat eigenvectors() const
Definition: core.hpp:2613
cv::omnidir::CALIB_FIX_GAMMA
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:64
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:720
cv::gapi::own::Point::Point
Point(int _x, int _y)
Definition: types.hpp:25
cv::cudev::BinaryTransformPtrSz
Definition: transform.hpp:119
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::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::AutoBuffer::data
_Tp * data()
returns pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:128
cv::GOCLKernelImpl::API
K API
Definition: goclkernel.hpp:236
cv::viz::MouseEvent::Type
Type
Definition: types.hpp:313
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::drawChessboardCorners
void drawChessboardCorners(InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
Renders the detected chessboard corners.
global_motion.hpp
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::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::Param::MAT
@ MAT
cv::Affine3::Identity
static Affine3 Identity()
Create an 4x4 identity transform.
cv::optflow::createOptFlow_DenseRLOF
Ptr< DenseOpticalFlow > createOptFlow_DenseRLOF()
Additional interface to the Dense RLOF algorithm - optflow::calcOpticalFlowDenseRLOF()
cv::gapi::python::GPythonContext::ins
const cv::GArgs & ins
Definition: python.hpp:22
cv::SORT_EVERY_COLUMN
@ SORT_EVERY_COLUMN
Definition: core.hpp:158
cv::CAP_IMAGES
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:120
cv::videostab::KeypointBasedMotionEstimator::opticalFlowEstimator
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:241
cv::AgastFeatureDetector::THRESHOLD
@ THRESHOLD
Definition: features2d.hpp:609
cv::superres::FrameSource
Definition: superres.hpp:66
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::parallel::tbb::getScheduler
static tbb::task_scheduler_init & getScheduler()
Definition: parallel_for.tbb.hpp:34
cv::cudev::DefaultTransposePolicy::block_dim_y
@ block_dim_y
Definition: transpose.hpp:88
cv::alphamat::infoFlow
void infoFlow(InputArray image, InputArray tmap, OutputArray result)
Compute alpha matte of an object in an image.
cv::CirclesGridFinderParameters::minGraphConfidence
float minGraphConfidence
Definition: calib3d.hpp:1638
cv::videostab::MotionInpainter
Definition: inpainting.hpp:141
cv::ContourApproximationModes
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:435
cv::viz::RepresentationValues
RepresentationValues
Definition: widgets.hpp:74
cv::line_descriptor::LSDParam::sigma_scale
double sigma_scale
Definition: descriptor.hpp:702
cv::ccm::INITIAL_METHOD_TYPE
INITIAL_METHOD_TYPE
Enum of the possible types of initial method.
Definition: ccm.hpp:67
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::VecCommaInitializer::operator*
Vec< _Tp, m > operator*() const
cv::xfeatures2d::PCTSignatures
Class implementing PCT (position-color-texture) signature extraction as described in ....
Definition: xfeatures2d.hpp:448
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::stereo::StereoBinarySGBM::MODE_SGBM
@ MODE_SGBM
Definition: stereo.hpp:201
cv::cuda::HostMem::datastart
uchar * datastart
Definition: cuda.hpp:799
cv::datasets::tag::x
int x
Definition: tr_svt.hpp:63
cv::utils::logging::LogTagAuto
Definition: logger.hpp:48
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::v_lut_quads
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut_quads(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2643
cv::COLOR_YUV2BGR_YUNV
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:708
cv::dnn::ConcatLayer
Definition: all_layers.hpp:310
cv::softfloat::getFrac
softfloat getFrac() const
Get a fraction part.
Definition: softfloat.hpp:187
cv::cuda::createDFT
Ptr< DFT > createDFT(Size dft_size, int flags)
Creates implementation for cuda::DFT.
cv::DFT_SCALE
@ DFT_SCALE
Definition: base.hpp:231
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:180
cv::datasets::FR_lfwObj
Definition: fr_lfw.hpp:60
cv::ximgproc::EdgeDrawing::Params::MaxErrorThreshold
double MaxErrorThreshold
Definition: edge_drawing.hpp:67
cv::NormHistogramCostExtractor
A norm based cost extraction. :
Definition: hist_cost.hpp:71
cv::Vec::_dummy_enum_finalizer
@ _dummy_enum_finalizer
Definition: matx.hpp:351
cv::optflow::SR_FIXED
@ SR_FIXED
Definition: rlofflow.hpp:18
cv::ogl::LINE_STRIP
@ LINE_STRIP
Definition: opengl.hpp:482
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::COLOR_YUV2RGBA_YUNV
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:716
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 .
fundamental.hpp
cv::Mat_::elemSize
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
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::gapi::ie::Params::backend
GBackend backend() const
Definition: ie.hpp:190
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
cv::MatExpr::min
static MatExpr min(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3695
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::omnidir::internal::computeJacobianStereo
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
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
CPU_FP16
@ CPU_FP16
Definition: cvdef.h:302
cv::utils::dumpRotatedRect
static String dumpRotatedRect(const RotatedRect &argument)
Definition: bindings_utils.hpp:99
NcvCTprep::CT_ASSERT_FAILURE
Definition: NCV.hpp:72
simd512::vx_setall_f64
v_float64 vx_setall_f64(double v)
Definition: intrin.hpp:505
cv::CAP_AVFOUNDATION
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:108
cv::gapi::own::descrs_of
cv::GMetaArgs descrs_of(const std::vector< Mat > &vec)
cv::cudev::minimum
Definition: functional.hpp:319
cv::xphoto::WhiteBalancer
The base class for auto white balance algorithms.
Definition: white_balance.hpp:63
cv::wechat_qrcode::WeChatQRCode::~WeChatQRCode
~WeChatQRCode()
Definition: wechat_qrcode.hpp:40
cv::face::FaceRecognizer
Abstract base class for all face recognition models.
Definition: face.hpp:157
cv::cudev::pyrDown_
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
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::sfm::normalizeFundamental
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
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
nppiStTranspose_64s_C1R
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::HOUGH_STANDARD
@ HOUGH_STANDARD
Definition: imgproc.hpp:475
cv::detail::createLaplacePyrGpu
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::StereoSGBM::MODE_SGBM
@ MODE_SGBM
Definition: calib3d.hpp:3487
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:305
cv::cudacodec::VC1
@ VC1
Definition: cudacodec.hpp:250
cv::gapi::video::BackgroundSubtractorParams
Structure for the Background Subtractor operation's initialization parameters.
Definition: video.hpp:100
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::AVIReadContainer::m_height
unsigned int m_height
Definition: container_avi.private.hpp:130
cv::CCL_WU
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity. The parallel implement...
Definition: imgproc.hpp:409
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::detail::OpaqueRefT::wref
T & wref()
Definition: gopaque.hpp:180
cv::aruco::Dictionary::bytesList
Mat bytesList
Definition: dictionary.hpp:64
cv::cudev::Int2Type::value
@ value
Definition: type_traits.hpp:66
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::GC_BGD
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:346
cv::mcc::CChecker::~CChecker
virtual ~CChecker()
Definition: checker_model.hpp:68
cv::UMatData::mapcount
int mapcount
Definition: mat.hpp:570
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::CAP_PROP_XI_DEBOUNCE_T1
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:469
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:148
cv::IMWRITE_EXR_COMPRESSION_PIZ
@ IMWRITE_EXR_COMPRESSION_PIZ
piz-based wavelet compression
Definition: imgcodecs.hpp:119
cv::cudev::NormL1< float >::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
cv::text::ERStat::med_crossings
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
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::detail::tracking::online_boosting::WeakClassifierHaarFeature::update
bool update(float value, int target)
cv::xphoto::TonemapDurand
This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter a...
Definition: tonemap.hpp:24
cv::datasets::join::Rw
double Rw
Definition: gr_chalearn.hpp:67
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::linemod::Detector::numClasses
int numClasses() const
Definition: linemod.hpp:381
cv::QtFont::greek
const int * greek
Definition: highgui.hpp:718
cv::Size2d
Size_< double > Size2d
Definition: types.hpp:346
cv::FM_LMEDS
@ FM_LMEDS
least-median algorithm. 7-point algorithm is used.
Definition: calib3d.hpp:526
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:802
cv::QT_PUSH_BUTTON
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:258
cv::QuatEnum::EXT_XZX
@ EXT_XZX
Extrinsic rotations with the Euler angles type X-Z-X.
Definition: quaternion.hpp:120
cv::cudacodec::EncoderParams::IDR_Period
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:88
cv::datasets::skeleton::s
join s[20]
Definition: gr_chalearn.hpp:72
cv::detail::tracking::TrackerModel::stateEstimator
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracking.detail.hpp:332
cv::COLOR_HSV2BGR_FULL
@ COLOR_HSV2BGR_FULL
backward conversions HSV to RGB/BGR with H range 0..255 if 8 bit image
Definition: imgproc.hpp:620
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::hdf::HDF5::H5_GETDIMS
@ H5_GETDIMS
Get the dimension information of a dataset.
Definition: hdf5.hpp:128
NCV_INVALID_ROI
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
cv::COLOR_RGBA2BGR
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:542
cv::SVD
Singular Value Decomposition.
Definition: core.hpp:2643
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.
cv::cuda::TargetArchs
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:1017
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::detail::tracking::contrib_feature::CvHaarEvaluator::compute_integral
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float > > &ii_imgs)
Definition: feature.hpp:285
cv::cuda::absSum
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
cv::CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:580
cv::GComputationT< std::tuple< R... >(Args...)>::Gen
std::function< std::tuple< R... >Args...)> Gen
Definition: gtyped.hpp:167
cv::reg::MapperPyramid
Definition: mapperpyramid.hpp:55
cv::ximgproc::AM_FILTER
@ AM_FILTER
Definition: edge_filter.hpp:58
cv::ocl::Queue::getImpl
Impl * getImpl() const
Definition: ocl.hpp:383
N_CELLS
#define N_CELLS
Definition: feature.hpp:83
cv::img_hash::PHash::PHash
PHash()
Definition: phash.hpp:27
cv::gapi::GKernelPackage::include
void include()
Put a new kernel implementation or a new transformation KImpl into the package.
Definition: gkernel.hpp:611
cv::viz::Camera::getClip
const Vec2d & getClip() const
Definition: types.hpp:215
cv::SimpleBlobDetector::Params::filterByInertia
bool filterByInertia
Definition: features2d.hpp:733
cv::Stitcher::setWarper
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:236
cv::COLORMAP_MAGMA
@ COLORMAP_MAGMA
Definition: imgproc.hpp:4325
cv::Rect_::height
_Tp height
height of the rectangle
Definition: types.hpp:456
NcvPoint2D32s
Definition: NCV.hpp:191
cv::ogl::LINES
@ LINES
Definition: opengl.hpp:480
cv::CAP_PVAPI_PIXELFORMAT_BAYER8
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:362
cv::MORPH_BLACKHAT
@ MORPH_BLACKHAT
Definition: imgproc.hpp:224
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:704
types.hpp
cv::VideoWriter
Video writer class.
Definition: videoio.hpp:942
simd512::vx_load
v_float64 vx_load(const double *ptr)
Definition: intrin.hpp:539
cv::multicalib::MultiCameraCalibration::edge
Definition: multicalib.hpp:82
cv::KeyPoint::octave
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:777
cv::dnn::ReLULayer::negativeSlope
float negativeSlope
Definition: all_layers.hpp:434
cv::rgbd::RgbdNormals::setDepth
void setDepth(int val)
Definition: depth.hpp:152
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::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::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::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::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:94
cv::videostab::InpainterBase::frames
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
cv::gapi::use_only::pkg
GKernelPackage pkg
Definition: gkernel.hpp:726
cv::dnn::BackendWrapper::copyToHost
virtual void copyToHost()=0
Transfer data to CPU host memory.
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::GInferListOutputs
cv::detail::GInferOutputsTyped< cv::GArray< cv::GMat > > GInferListOutputs
G-API object used to collect the list of network outputs.
Definition: infer.hpp:379
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::cudev::DerivXPtr
Definition: deriv.hpp:61
cv::CAP_PROP_BITRATE
@ CAP_PROP_BITRATE
(read-only) Video bitrate in kbits/s
Definition: videoio.hpp:183
simd512::vx_setzero_s16
v_int16 vx_setzero_s16()
Definition: intrin.hpp:515
cv::GComputationT< R(Args...)>::Gen
std::function< R(Args...)> Gen
Definition: gtyped.hpp:91
cv::linemod::QuantizedPyramid::Candidate::Candidate
Candidate(int x, int y, int label, float score)
Definition: linemod.hpp:112
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::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::detail::OptRef::OptHolder::~OptHolder
virtual ~OptHolder()=default
cv::cuda::FEATURE_SET_COMPUTE_12
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:992
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:142
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::detail::PlanePortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:669
cv::MatConstIterator::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:3019
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:389
cv::aruco::CharucoBoard::nearestMarkerCorners
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
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::COLOR_BGRA2GRAY
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:557
cv::quality::QualityGMSD::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitygmsd.hpp:31
cv::GIOProtoArgs::GIOProtoArgs
GIOProtoArgs(GProtoArgs &&args)
Definition: gproto.hpp:63
cv::IMWRITE_EXR_COMPRESSION_B44
@ IMWRITE_EXR_COMPRESSION_B44
lossy 4-by-4 pixel block compression, fixed compression rate
Definition: imgcodecs.hpp:121
cv::QtFont
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:712
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::CvHaarFeatureParams
CvHaarFeatureParams()
cv::Exception
Class passed to an error.
Definition: core.hpp:118
CV_CUDEV_RGB2XYZ_INST
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
cv::detail::CompileArgTag< cv::gapi::calib3d::cpu::StereoInitParam >::tag
static const char * tag()
Definition: stereo.hpp:39
cv::ocl::ProgramSource
Definition: ocl.hpp:553
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_XI_IS_DEVICE_EXIST
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:499
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::FeaturesMatcher
Feature matchers base class.
Definition: matchers.hpp:117
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::cudev::ResizePtr::fy
float fy
Definition: resize.hpp:66
cv::viz::Color::maroon
static Color maroon()
cv::reg::Map
Base class for modelling a Map between two images.
Definition: map.hpp:124
CPU_AVX2
@ CPU_AVX2
Definition: cvdef.h:304
cv::PCA
Principal Component Analysis.
Definition: core.hpp:2406
cv::TM_CCORR_NORMED
@ TM_CCORR_NORMED
Definition: imgproc.hpp:3724
allocator.h
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:724
cv::rgbd::RgbdNormals::window_size_
int window_size_
Definition: depth.hpp:179
cv::datasets::word::x
int x
Definition: tr_icdar.hpp:63
cv::Point_::inside
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
cv::cudev::TypeTraits::is_volatile
@ is_volatile
Definition: type_traits.hpp:137
cv::ximgproc::FHT_ADD
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
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:3070
cv::v_rshr_pack_u
v_reg< uchar, 2 *n > v_rshr_pack_u(const v_reg< short, n > &a, const v_reg< short, n > &b)
Definition: intrin_cpp.hpp:3018
cv::detail::CompileArgTag< gapi::streaming::sync_policy >::tag
static const char * tag()
Definition: sync.hpp:24
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:1188
cv::GFluidKernel::m_rs
const RS m_rs
Definition: gfluidkernel.hpp:91
cv::Quat::toRotMat4x4
Matx< _Tp, 4, 4 > toRotMat4x4(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform a quaternion to a 4x4 rotation matrix.
warpers_inl.hpp
simd512::vx_setall_u32
v_uint32 vx_setall_u32(unsigned v)
Definition: intrin.hpp:500
cv::cudev::TypeTraits::is_unsigned_int
@ is_unsigned_int
Definition: type_traits.hpp:142
cv::detail::get_window_helper< true, Impl, Ins... >::help
static int help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:306
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:126
brightedges.hpp
cv::phase_unwrapping::PhaseUnwrapping
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:55
cv::SL2
Definition: features2d.hpp:894
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::cudev::NearestInterPtrSz
Definition: interpolation.hpp:76
cv::vuint8mf4_t::vuint8mf4_t
vuint8mf4_t()
Definition: intrin_rvv.hpp:131
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:250
cv::softfloat
Definition: softfloat.hpp:89
cv::videostab::TwoPassStabilizer::setMotionStabilizer
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:168
cv::optflow::GPCTrainingParams
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:123
cv::flann::CvType
Definition: flann.hpp:75
cv::Affine3::rotation
Mat3 rotation() const
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::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::cudev::LutPtr::value_type
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
cv::cudev::ConvertTuple
Definition: tuple.hpp:76
cv::xfeatures2d::LATCH
Definition: xfeatures2d.hpp:176
cv::videostab::OnePassStabilizer
Definition: stabilizer.hpp:143
cv::kinfu::Params::tsdf_trunc_dist
float tsdf_trunc_dist
distance to truncate in meters
Definition: kinfu.hpp:125
cv::cudev::UnaryNegate::operator()
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:945
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::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::gapi::wip::async
void async(GCompiled &gcmpld, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs)
cv::MatConstIterator_::pointer
const typedef _Tp * pointer
Definition: mat.hpp:3085
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
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:3551
cv::gapi::streaming::detail::GDesync
Definition: desync.hpp:24
cv::InferAPIList
Definition: infer.hpp:239
cv::COVAR_SCALE
@ COVAR_SCALE
Definition: core.hpp:198
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:46
cv::datasets::pose
Definition: slam_kitti.hpp:60
cv::cuda::SURF_CUDA::extended
bool extended
Definition: cuda.hpp:185
cv::aruco::DetectorParameters::aprilTagMaxLineFitMse
float aprilTagMaxLineFitMse
Definition: aruco.hpp:185
cv::ParamType< Mat >::member_type
Mat member_type
Definition: core.hpp:3231
cv::CAP_PROP_XI_LED_SELECTOR
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:388
cv::stereo::StereoMatcher::setDisp12MaxDiff
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
cv::Vec2s
Vec< short, 2 > Vec2s
Definition: matx.hpp:413
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::gapi::inRange
GMat inRange(const GMat &src, const GScalar &threshLow, const GScalar &threshUp)
Applies a range-level threshold to each matrix element.
cv::CAP_PROP_GIGA_FRAME_WIDTH_MAX
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:565
cv::wb
@ wb
Definition: container_avi.private.hpp:136
cv::cudev::gridHistogram
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
cv::dnn::LRNLayer::type
int type
Definition: all_layers.hpp:236
cv::ocl::Timer
Definition: ocl.hpp:732
CV_CUDEV_RGB2RGB5x5_INST
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
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::xphoto::INPAINT_FSR_FAST
@ INPAINT_FSR_FAST
See INPAINT_FSR_BEST.
Definition: inpainting.hpp:95
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::videostab::LpMotionStabilizer::setWeight2
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
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::datasets::SR_div2kObj::imageName
std::string imageName
Definition: sr_div2k.hpp:25
cv::utils::dumpFloat
static String dumpFloat(float argument)
Definition: bindings_utils.hpp:47
mapshift.hpp
cv::datasets::MSM_middleburyObj::imageName
std::string imageName
Definition: msm_middlebury.hpp:62
cv::CAP_PROP_XI_COLUMN_FPN_CORRECTION
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:507
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::CAP_PROP_SAR_NUM
@ CAP_PROP_SAR_NUM
Sample aspect ratio: num/den (num)
Definition: videoio.hpp:176
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::videostab::DeblurerBase::frames_
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
cv::v_uint16x8::nlanes
@ nlanes
Definition: intrin_rvv.hpp:296
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
CPU_AVX_512VBMI
@ CPU_AVX_512VBMI
Definition: cvdef.h:315
cv::Complex::conj
Complex conj() const
conjugation
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracking_internals.hpp:518
cv::Formatted::reset
virtual void reset()=0
cv::sfm::SFM_DISTORTION_MODEL_POLYNOMIAL
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
cv::datasets::join
Definition: gr_chalearn.hpp:65
cv::detail::CompileArgTag< cv::graph_dump_path >::tag
static const char * tag()
Definition: gcommon.hpp:258
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::detail::FisheyeProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::cudev::ReduceToColumnBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
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::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())
NcvRect32u
Definition: NCV.hpp:160
cv::GFluidKernel::GW
std::function< int(const GMetaArgs &, const GArgs &)> GW
Definition: gfluidkernel.hpp:71
CPU_SSE4_1
@ CPU_SSE4_1
Definition: cvdef.h:299
cv::COLOR_BayerGB2BGRA
@ COLOR_BayerGB2BGRA
Definition: imgproc.hpp:787
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::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::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:120
cv::cudev::logical_or
Definition: functional.hpp:204
cv::GProtoOutputArgs
GIOProtoArgs< Out_Tag > GProtoOutputArgs
Definition: gproto.hpp:93
OpenCV_API_Header_t::valid_size
size_t valid_size
valid size of this structure
Definition: llapi.h:49
cv::util::optional::optional
optional()
Definition: optional.hpp:36
cv::RMat::View::rows
int rows() const
Definition: rmat.hpp:72
cv::ocl::haveAmdBlas
bool haveAmdBlas()
cv::viz::SHADING_FLAT
@ SHADING_FLAT
Definition: widgets.hpp:83
cv::detail::ArgKind::GSCALAR
@ GSCALAR
cv::detail::OpaqueRefT::rref
const T & rref() const
Definition: gopaque.hpp:191
cv::PlaneWarper
Plane warper factory class.
Definition: warpers.hpp:150
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::optflow::GPCPatchDescriptor::isSeparated
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:74
cv::CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:337
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::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:204
cv::ccm::COLOR_SPACE_XYZ_D75_2
@ COLOR_SPACE_XYZ_D75_2
non-RGB color space
Definition: ccm.hpp:118
cv::superres::DenseOpticalFlowExt
Definition: optical_flow.hpp:56
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_k
float parasolCells_k
Definition: retina.hpp:176
cv::gapi::nn::parsers::GDetections
std::tuple< GArray< Rect >, GArray< int > > GDetections
Definition: parsers.hpp:20
cv::quality::QualityMSE::create
static Ptr< QualityMSE > create(InputArray ref)
Create an object which calculates quality.
cv::gapi::calib3d::cpu::StereoInitParam
Structure for the Stereo operation initialization parameters.
Definition: stereo.hpp:20
cv::dpm::DPMDetector::ObjectDetection::rect
Rect rect
Definition: dpm.hpp:112
cv::COLOR_BayerGB2RGB_VNG
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:770
cv::gapi::calib3d::cpu::StereoInitParam::StereoInitParam
StereoInitParam(int nD, int bS, double bL, double f)
Definition: stereo.hpp:21
cv::face::StandardCollector::PredictResult
Definition: predict_collector.hpp:85
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
cv::viz::Color::brown
static Color brown()
NCV_ALLOCATOR_NOT_INITIALIZED
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
cv::datasets::OR_mnistObj::image
Mat image
Definition: or_mnist.hpp:63
cv::datasets::SLAM_tumindoor
Definition: slam_tumindoor.hpp:74
cv::AsyncPromise::setValue
void setValue(InputArray value)
cv::TrackerGOTURN::Params::modelTxt
std::string modelTxt
Definition: tracking.hpp:807
cv::Point
Point2i Point
Definition: types.hpp:194
cv::LineIterator::LineIterator
LineIterator(Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4819
cv::GFluidKernel::M
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gfluidkernel.hpp:65
cv::cudev::brdWrap
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
cv::Quat::cos
Quat< _Tp > cos() const
return cos value of this quaternion, cos could be calculated as:
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:756
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::datasets::Dataset
Definition: dataset.hpp:564
cv::hal::normL1_
int normL1_(const uchar *a, const uchar *b, int n)
cv::cudev::GpuMat_::depth
__host__ int depth() const
cv::CAP_PROP_XI_FFS_FILE_SIZE
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:521
cv::EVENT_LBUTTONDBLCLK
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:218
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:244
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::detail::tracking::contrib_feature::CvHOGEvaluator::operator()
virtual float operator()(int varIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:336
cv::detail::tracking::TrackerStateEstimator::className
String className
Definition: tracking.detail.hpp:265
cv::GOCLContext::m_results
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: goclkernel.hpp:81
cv::hal::Cholesky32f
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::CAP_PROP_INTELPERC_PROFILE_COUNT
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:576
glob.hpp
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
cv::GInfer
Definition: infer.hpp:312
cv::v_trunc
v_reg< int, n > v_trunc(const v_reg< float, n > &a)
Truncate elements.
Definition: intrin_cpp.hpp:2478
INCVMemAllocator::memType
virtual NCVMemoryType memType(void) const =0
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
cv::CAP_PROP_XI_LENS_FOCUS_DISTANCE
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:475
cv::CAP_PROP_BUFFERSIZE
@ CAP_PROP_BUFFERSIZE
Definition: videoio.hpp:174
cv::FONT_HERSHEY_SCRIPT_COMPLEX
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: imgproc.hpp:830
cv::GRunArg::Meta
std::unordered_map< std::string, util::any > Meta
Definition: garg.hpp:124
cv::Scalar_::Scalar_
Scalar_()
default constructor
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::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:1431
cv::datasets::TR_svtObj::fileName
std::string fileName
Definition: tr_svt.hpp:68
cv::GComputationT< R(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg, GCompileArgs &&args)
Definition: gtyped.hpp:136
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:2193
cv::hal::StoreMode
StoreMode
Definition: intrin.hpp:93
CV_OUT
#define CV_OUT
Definition: cvdef.h:453
cv::GInferListBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:292
cv::text::PSM_SINGLE_COLUMN
@ PSM_SINGLE_COLUMN
Definition: ocr.hpp:73
cv::TonemapReinhard
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:397
cv::utils::logging::internal::getGlobalLogTag
cv::utils::logging::LogTag * getGlobalLogTag()
cv::viz::WCloud
Clouds.
Definition: widgets.hpp:680
cv::applyColorMap
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
cv::Mat::addref
void addref()
Increments the reference counter.
cv::GArray
Definition: garray.hpp:32
cv::gapi::wip::draw::Poly::color
cv::Scalar color
The line color.
Definition: render_types.hpp:321
cv::CCL_BOLELLI
@ CCL_BOLELLI
Spaghetti algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:411
cv::EVENT_FLAG_MBUTTON
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:229
cv::L1
Definition: features2d.hpp:926
cv::datasets::PascalObj
Definition: or_pascal.hpp:68
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::cuda::FastFeatureDetector
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:426
cv::TrackerKCF::Params::compressed_size
int compressed_size
feature size after compression
Definition: tracking.hpp:132
cv::ConjGradSolver
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:236
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:84
cv::COLOR_BGR2Lab
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:597
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:2841
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::GEMM_2_T
@ GEMM_2_T
transposes src2
Definition: base.hpp:221
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::vconcat
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
cv::CAP_PROP_XI_GPO_SELECTOR
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:386
cv::InputOutputArray
const typedef _InputOutputArray & InputOutputArray
Definition: mat.hpp:445
cv::stereo::StereoBinaryBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::Mat_::ones
static MatExpr ones(int rows, int cols)
cv::utils::logging::getLogLevel
LogLevel getLogLevel()
cv::mcc::DetectorParameters::minImageSize
int minImageSize
Definition: checker_detector.hpp:122
cv::optflow::GPCTrainingSamples
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:98
cv::stereo::PropagationParameters::corrWinSizeX
int corrWinSizeX
Definition: quasi_dense_stereo.hpp:42
cv::RMat::View::steps
const stepsT & steps() const
Definition: rmat.hpp:91
cv::GOCLContext::outOpaqueR
T & outOpaqueR(int output)
Definition: goclkernel.hpp:71
cv::omnidir::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: omnidir.hpp:59
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:677
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::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::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::SOLVEPNP_DLS
@ SOLVEPNP_DLS
Definition: calib3d.hpp:460
vizcore.hpp
cv::ml::RTrees
The class implements the random forest predictor.
Definition: ml.hpp:1247
cv::cudev::LOG_WARP_SIZE
@ LOG_WARP_SIZE
Definition: warp.hpp:58
cv::datasets::PascalObj::difficult
bool difficult
Definition: or_pascal.hpp:72
cv::HOGDescriptor::copyTo
virtual void copyTo(HOGDescriptor &c) const
clones the HOGDescriptor
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::cuda::SURF_CUDA::nOctaveLayers
int nOctaveLayers
Definition: cuda.hpp:184
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:436
cv::detail::MatchesInfo::H
Mat H
Estimated transformation.
Definition: matchers.hpp:110
cv::optflow::PCAPrior::getBasisSize
int getBasisSize() const
Definition: pcaflow.hpp:87
hist_cost.hpp
NCV_NPP_ERROR
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
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::ocl::buildOptionsAddMatrixDescription
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
cv::rgbd::RgbdPlane::setThreshold
void setThreshold(double val)
Definition: depth.hpp:417
simd512::vx_load_aligned
v_float64 vx_load_aligned(const double *ptr)
Definition: intrin.hpp:556
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::datasets::imageType
imageType
Definition: slam_tumindoor.hpp:60
cv::CALIB_CB_CLUSTERING
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:492
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::cudev::vcmpeq2
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
Cv64suf::f
double f
Definition: cvdef.h:389
cv::Error::StsBadMask
@ StsBadMask
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
HaarStage64::setStartClassifierRootNodeOffset
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:282
cv::KeyPointsFilter::runByPixelsMask
static void runByPixelsMask(std::vector< KeyPoint > &keypoints, const Mat &mask)
cv::dnn::ReshapeLayer::newShapeRange
Range newShapeRange
Definition: all_layers.hpp:299
cv::VIDEOWRITER_PROP_IS_COLOR
@ VIDEOWRITER_PROP_IS_COLOR
Definition: videoio.hpp:200
cv::face::PredictCollector
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:61
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:964
cv::videostab::estimateOptimalTrimRatio
float estimateOptimalTrimRatio(const Mat &M, Size size)
cv::COLOR_BayerRG2BGR_VNG
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:766
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::DescriptorMatcher::MatcherType
MatcherType
Definition: features2d.hpp:953
cv::ppf_match_3d::samplePCUniform
Mat samplePCUniform(Mat PC, int sampleStep)
cv::ocl::Platform
Definition: ocl.hpp:302
cv::cudev::BinaryNegate
Definition: functional.hpp:960
cv::cudev::CubicInterPtrSz::rows
int rows
Definition: interpolation.hpp:215
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::datasets::GR_chalearnObj::numFrames
int numFrames
Definition: gr_chalearn.hpp:78
cv::flann::GenericIndex::size
int size() const
Definition: flann.hpp:324
cv::structured_light::SinusoidalPattern::Params
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:82
cv::TrackerCSRT::Params::number_of_scales
int number_of_scales
Definition: tracking.hpp:68
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::FileStorage::p
Ptr< Impl > p
Definition: persistence.hpp:465
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:66
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::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::quality::quality_utils::EXPANDED_MAT_DEFAULT_TYPE
static const CV_CONSTEXPR int EXPANDED_MAT_DEFAULT_TYPE
Definition: quality_utils.hpp:18
cv::FileNode::read
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:742
photo.hpp
cv::ccm::COLOR_SPACE
COLOR_SPACE
Definition: ccm.hpp:93
cv::kinfu::Intr::Projector::cy
float cy
Definition: intrinsics.hpp:59
cv::gapi::equalizeHist
GMat equalizeHist(const GMat &src)
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::bioinspired::RetinaParameters::OPLandIplParvoParameters::ganglionCellsSensitivity
float ganglionCellsSensitivity
Definition: retina.hpp:162
cv::cudacodec::EncoderCallBack::PicType
PicType
Definition: cudacodec.hpp:133
cv::v_uint16x8::get0
ushort get0() const
Definition: intrin_rvv.hpp:317
cv::HoughLinesWithAccumulator
static void HoughLinesWithAccumulator(InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI)
Finds lines in a binary image using the standard Hough transform and get accumulator.
Definition: bindings.hpp:20
cv::MediaFrame::get
T * get() const
Definition: media.hpp:35
cv::gapi::onnx::detail::ParamDesc::stdev
std::vector< cv::Scalar > stdev
Definition: onnx.hpp:55
cv::cuda::SURF_CUDA::keypointsRatio
float keypointsRatio
max keypoints = min(keypointsRatio * img.size().area(), 65535)
Definition: cuda.hpp:189
edge_filter.hpp
cv::CAP_OPENNI_ASUS
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:105
cv::xfeatures2d::LUCID
Class implementing the locally uniform comparison image descriptor, described in .
Definition: xfeatures2d.hpp:143
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::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::cudev::TexturePtr::value_type
T value_type
Definition: texture.hpp:187
cv::CAP_PROP_BACKLIGHT
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:168
UINT32
uint32_t UINT32
Definition: descriptor.hpp:64
cv::CAP_PROP_XI_DEVICE_MODEL_ID
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:479
cv::ppf_match_3d::Pose3D::angle
double angle
Definition: pose_3d.hpp:128
cv::Point3_::value_type
_Tp value_type
Definition: types.hpp:242
block_mean_hash.hpp
cv::instr::IMPL_PLAIN
@ IMPL_PLAIN
Definition: instrumentation.hpp:55
qualitypsnr.hpp
cv::KAZE::DIFF_PM_G2
@ DIFF_PM_G2
Definition: features2d.hpp:765
cv::dnn::BatchNormLayer::epsilon
float epsilon
Definition: all_layers.hpp:536
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::Matx::inv
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
cv::ccm::COLOR_SPACE_XYZ_D75_10
@ COLOR_SPACE_XYZ_D75_10
non-RGB color space
Definition: ccm.hpp:119
cv::CAP_PROP_FPS
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:140
cv::text::TextDetectorCNN
TextDetectorCNN class provides the functionallity of text bounding box detection. This class is repre...
Definition: textDetector.hpp:41
NCVPipeObjDet_UseFairImageScaling
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:355
cv::cudev::NullType
Definition: type_traits.hpp:60
cv::datasets::TRACK_alov::activeDatasetID
int activeDatasetID
Definition: track_alov.hpp:98
cv::cudev::ResizePtr
Definition: resize.hpp:60
HaarStage64::getStageThreshold
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:302
cv::CAP_PROP_XI_SHARPNESS
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:447
cv::detail::BlocksChannelsCompensator::BlocksChannelsCompensator
BlocksChannelsCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:234
cv::IMWRITE_EXR_COMPRESSION_ZIP
@ IMWRITE_EXR_COMPRESSION_ZIP
zlib compression, in blocks of 16 scan lines
Definition: imgcodecs.hpp:118
cv::detail::get_window_helper
Definition: gfluidkernel.hpp:293
cv::detail::GCompoundContext::inArg
const T & inArg(int input)
Definition: gcompoundkernel.hpp:34
cv::cudev::IntegerAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
cv::ocl::Device
Definition: ocl.hpp:70
cv::cudev::NormHamming::NormHamming
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
cv::rgbd::RgbdNormals::setCols
void setCols(int val)
Definition: depth.hpp:136
cv::COLOR_YUV2GRAY_NV21
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:674
persistence.hpp
cv::CALIB_FIX_S1_S2_S3_S4
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:509
tracking_internals.hpp
cv::CAP_PVAPI_FSTRIGMODE_SOFTWARE
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:349
cv::TLSDataAccumulator::TLSDataAccumulator
TLSDataAccumulator()
Definition: tls.hpp:95
cv::datasets::IR_robot
Definition: ir_robot.hpp:76
cv::GTransform::description
std::string description
Definition: gtransform.hpp:30
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::rawOut
static _OutputArray rawOut(_Tp &v)
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:870
cv::cuda::NvidiaOpticalFlow_2_0::NVIDIA_OF_HINT_VECTOR_GRID_SIZE
NVIDIA_OF_HINT_VECTOR_GRID_SIZE
Definition: cudaoptflow.hpp:495
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:411
cv::gapi::wip::draw::Image
This structure represents an image to draw.
Definition: render_types.hpp:269
CPU_AVX512_KNM
@ CPU_AVX512_KNM
Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ.
Definition: cvdef.h:336
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::sort
void sort(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
inpainting.hpp
cv::Error::HeaderIsNull
@ HeaderIsNull
image header is NULL
Definition: base.hpp:78
cv::ml::ParamGrid::logStep
double logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
mace.hpp
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.
cv::cudev::IsBinaryFunction
Definition: functional.hpp:1037
cv::cuda::WARP_SHUFFLE_FUNCTIONS
@ WARP_SHUFFLE_FUNCTIONS
Definition: cuda.hpp:1004
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:99
cv::linemod::Template
Definition: linemod.hpp:41
cv::cuda::NvidiaOpticalFlow_2_0::NVIDIA_OF_OUTPUT_VECTOR_GRID_SIZE
NVIDIA_OF_OUTPUT_VECTOR_GRID_SIZE
Definition: cudaoptflow.hpp:483
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::GMatDesc
Definition: gmat.hpp:76
cv::ml::SampleTypes
SampleTypes
Sample types.
Definition: ml.hpp:96
cv::cudev::bit_and
Definition: functional.hpp:225
cv::SVD::vt
Mat vt
Definition: core.hpp:2767
cv::v_reduce_sum4
v_reg< float, n > v_reduce_sum4(const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Sums all elements of each input vector, returns the vector of sums.
Definition: intrin_cpp.hpp:1356
NCVMatrix::_width
Ncv32u _width
Definition: NCV.hpp:833
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
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::KMEANS_RANDOM_CENTERS
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:215
cv::DetectionBasedTracker::IDetector::scaleFactor
float scaleFactor
Definition: detection_based_tracker.hpp:118
cv::datasets::index
@ index
Definition: gr_skig.hpp:77
cv::v_reduce_max
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:798
cv::simdmax_width
@ simdmax_width
Definition: intrin_cpp.hpp:561
ncvStartTimer
NcvTimer ncvStartTimer(void)
cv::cuda::CornersDetector
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:562
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)
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::detail::OCVStCallHelper
Definition: gcpukernel.hpp:426
cv::detail::OCVCallHelper
Definition: gcpukernel.hpp:362
NCVVector::memType
NCVMemoryType memType() const
Definition: NCV.hpp:615
alignUp
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
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....
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::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
HaarClassifierNodeDescriptor32::getLeafValueHost
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:194
cv::detail::ArgKind::GOPAQUE
@ GOPAQUE
cv::gapi::fluid::View
Definition: gfluidbuffer.hpp:40
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:2102
cv::ovis::WindowScene
Definition: ovis.hpp:86
cv::rgbd::RgbdNormals::getDepth
int getDepth() const
Definition: depth.hpp:148
cv::directx::ocl::initializeContextFromD3D10Device
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
cv::simd256_width
@ simd256_width
Definition: intrin_cpp.hpp:557
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
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:59
CV_BIG_UINT
#define CV_BIG_UINT(n)
Definition: interface.h:64
cv::omnidir::CALIB_FIX_CENTER
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:65
cv::CC_STAT_LEFT
@ CC_STAT_LEFT
Definition: imgproc.hpp:394
cv::cudev::InRangeFunc::operator()
__device__ uchar operator()(const typename MakeVec< T, cn >::type &src) const
Definition: functional.hpp:934
cv::cudev::plus
Definition: functional.hpp:77
cv::rgbd::RgbdNormals::rows_
int rows_
Definition: depth.hpp:177
cv::RMat::View
Definition: rmat.hpp:53
cv::dnn::DictValue
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:60
cv::HOUGH_GRADIENT
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:484
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:525
cv::quality::QualitySSIM::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualityssim.hpp:30
cv::cudev::DefaultHistogramPolicy::block_size_y
@ block_size_y
Definition: histogram.hpp:104
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::videostab::WobbleSuppressorBase::motions2_
const std::vector< Mat > * motions2_
Definition: wobble_suppression.hpp:91
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.
NCVMemNativeAllocator
Definition: NCV.hpp:520
cv::cuda::setBufferPoolUsage
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
cv::datasets::FR_adienceObj::dx
int dx
Definition: fr_adience.hpp:76
cv::detail::BasicVectorRef
Definition: garray.hpp:121
cv::detail::Timelapser
Definition: timelapsers.hpp:57
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::Exception::err
String err
error description
Definition: core.hpp:141
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:1010
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:652
cv::superres::createOptFlow_Farneback_CUDA
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
cv::gapi::onnx::TraitAs::TENSOR
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor.
CV_32S
#define CV_32S
Definition: interface.h:77
cv::DownhillSolver
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:155
cv::ft::filter
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
cv::Mat
n-dimensional dense array class
Definition: mat.hpp:801
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::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::videostab::NullFrameSource::nextFrame
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:69
cv::detail::MercatorWarper
Definition: warpers.hpp:480
cv::ppf_match_3d::hashtableWrite
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
cv::LineIterator::plusDelta
int plusDelta
Definition: imgproc.hpp:4861
cv::detail::tracking::TrackerContribFeatureHAAR::Params
Definition: tracking_internals.hpp:853
cv::cuda::countNonZero
int countNonZero(InputArray src)
Counts non-zero matrix elements.
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:222
cv::kinfu::Intr::Intr
Intr(float _fx, float _fy, float _cx, float _cy)
Definition: intrinsics.hpp:62
gtype_traits.hpp
cv::SCORE_METHOD_LMEDS
@ SCORE_METHOD_LMEDS
Definition: calib3d.hpp:549
cv::cudev::derivX_
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
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::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::datasets::TRACK_alovObj::id
int id
Definition: track_alov.hpp:63
cv::DIST_MASK_PRECISE
@ DIST_MASK_PRECISE
Definition: imgproc.hpp:315
cv::superres::SuperResolution
Base class for Super Resolution algorithms.
Definition: superres.hpp:87
cv::Quat::norm
_Tp norm() const
return the norm of quaternion.
cv::stereo::PropagationParameters::gftMaxNumFeatures
int gftMaxNumFeatures
Definition: quasi_dense_stereo.hpp:64
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::detail::GOpaqueU::setKind
void setKind(cv::detail::OpaqueKind)
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:497
cv::cudev::Avg::work_type
T work_type
Definition: reduce_to_vec.hpp:87
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...
texture.hpp
cv::cuda::pyrUp
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
cv::kinfu::KinFu
KinectFusion implementation.
Definition: kinfu.hpp:184
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::Stitcher::warper
Ptr< WarperCreator > warper()
Definition: stitching.hpp:234
NCVPipeObjDet_VisualizeInPlace
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:357
cv::gapi::onnx::Params::constInput
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: onnx.hpp:106
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:70
cv::computeECC
double computeECC(InputArray templateImage, InputArray inputImage, InputArray inputMask=noArray())
Computes the Enhanced Correlation Coefficient value between two images .
cv::ppf_match_3d::hashnode_i::key
KeyType key
Definition: t_hash_int.hpp:62
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::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:926
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:23
cv::gapi::detail::checkVector
int checkVector(const GMatDesc &in, const size_t n)
cv::DistanceTransformLabelTypes
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:368
cv::GOCLContext
Definition: goclkernel.hpp:54
cv::EVENT_FLAG_LBUTTON
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:227
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::legacy::TrackerBoosting::Params::iterationInit
int iterationInit
the initial iterations
Definition: tracking_legacy.hpp:157
cv::detail::TypeHint
Definition: garray.hpp:65
cv::MatConstIterator::elemSize
size_t elemSize
Definition: mat.hpp:3067
cv::cudev::numeric_limits< ushort >::min
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
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:409
cv::gapi::streaming::detail::GMeta
Definition: meta.hpp:27
cv::cudev::GpuMat_::channels
__host__ int channels() const
intrin_forward.hpp
cv::AffineFeature
Class for implementing the wrapper which makes detectors and extractors to be affine invariant,...
Definition: features2d.hpp:251
cv::detail::tracking::contrib_feature::CvHOGEvaluator::features
std::vector< Feature > features
Definition: feature.hpp:330
cv::MatxCommaInitializer::operator,
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
cvhalKeyPoint::response
float response
Definition: interface.h:25
cv::SL2::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:898
cv::Error::BadImageSize
@ BadImageSize
image size is invalid
Definition: base.hpp:79
cv::GArg::GArg
GArg(T &&t)
Definition: garg.hpp:60
cv::ocl::Platform::getImpl
Impl * getImpl() const
Definition: ocl.hpp:318
cv::cuda::SHARED_ATOMICS
@ SHARED_ATOMICS
Definition: cuda.hpp:1002
CPU_SSSE3
@ CPU_SSSE3
Definition: cvdef.h:298
cv::Hamming
Definition: base.hpp:382
cv::ximgproc::FHT_MAX
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
cv_vrnd_u32_f32
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
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::detail::tracking::online_boosting::BaseClassifier
Definition: onlineBoosting.hpp:112
cv::normL2Sqr
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:404
cv::DetectionBasedTracker::IDetector::maxObjSize
cv::Size maxObjSize
Definition: detection_based_tracker.hpp:116
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::optflow::RLOFOpticalFlowParameter::smallWinSize
int smallWinSize
Definition: rlofflow.hpp:104
HaarStage64
Definition: NCVHaarObjectDetection.hpp:268
cv::CAP_PVAPI_DECIMATION_OFF
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:353
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:287
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::detail::tracking::online_boosting::BaseClassifier::m_wWrong
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:149
cv::v512_setall_s16
v_int16x32 v512_setall_s16(short val)
Definition: intrin_cpp.hpp:2864
cv::videostab::InpaintingPipeline
Definition: inpainting.hpp:108
cv::cudev::saturate_cast_func::operator()
__device__ __forceinline__ D operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:665
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::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::COLORMAP_SUMMER
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4318
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::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::CAP_PVAPI_DECIMATION_2OUTOF16
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:356
cv::Stitcher::setWaveCorrection
void setWaveCorrection(bool flag)
Definition: stitching.hpp:199
conditioning.hpp
cv::Error::OpenCLApiCallError
@ OpenCLApiCallError
OpenCL API call error.
Definition: base.hpp:120
cv::stereo::QuasiDenseStereo
Class containing the methods needed for Quasi Dense Stereo computation.
Definition: quasi_dense_stereo.hpp:95
cv::cudev::NormL1< float >::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
cv::Exception::code
int code
error code
Definition: core.hpp:140
cv::CMP_LE
@ CMP_LE
src1 is less than or equal to src2.
Definition: base.hpp:215
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::createDisparityWLSFilterGeneric
Ptr< DisparityWLSFilter > createDisparityWLSFilterGeneric(bool use_confidence)
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization r...
cv::cudacodec::EncoderParams::NaluFramingType
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:104
cv::detail::BasicVectorRef::ptr
virtual const void * ptr() const =0
cv::VideoCapture::icap
Ptr< IVideoCapture > icap
Definition: videoio.hpp:922
quaternion.hpp
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:2374
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:2681
cv::cudev::IsBinaryFunction::value
@ value
Definition: functional.hpp:1047
cv::Mat::getStdAllocator
static MatAllocator * getStdAllocator()
and the standard allocator
cv::COLORMAP_SPRING
@ COLORMAP_SPRING
Definition: imgproc.hpp:4319
cv::cudev::UnaryTransformPtr
Definition: transform.hpp:61
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:427
cv::SiftFeatureDetector
SIFT SiftFeatureDetector
Definition: features2d.hpp:334
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::UMatData::currAllocator
const MatAllocator * currAllocator
Definition: mat.hpp:559
cv::cudev::PtrTraitsBase::shrinkPtr
static __host__ Ptr2D shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
cv::ximgproc::EdgeDrawing::Params::EdgeDetectionOperator
int EdgeDetectionOperator
indicates the operator used for gradient calculation.The following operation flags are available(cv::...
Definition: edge_drawing.hpp:50
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:3090
cv::ximgproc::createContourFitting
Ptr< ContourFitting > createContourFitting(int ctr=1024, int fd=16)
create ContourFitting algorithm object
cv::ThresholdTypes
ThresholdTypes
Definition: imgproc.hpp:320
GAPI_EXPORTS_W_SIMPLE
#define GAPI_EXPORTS_W_SIMPLE
Definition: exports.hpp:23
cudalegacy.hpp
cv::cudev::CommonAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
color_match.hpp
cv::kinfu::detail::PoseGraph
Definition: pose_graph.hpp:26
cv::GArray::GArray
GArray(std::vector< HT > &&v)
Definition: garray.hpp:353
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::optflow::GPCTree::Node::left
unsigned left
Definition: sparse_matching_gpc.hpp:161
cv::detail::VectorRef::size
std::size_t size() const
Definition: garray.hpp:311
cv::SVD::u
Mat u
Definition: core.hpp:2767
CV_INTRIN_DEF_TYPE_TRAITS
#define CV_INTRIN_DEF_TYPE_TRAITS(type, int_type_, uint_type_, abs_type_, w_type_, q_type_, sum_type_)
Definition: intrin.hpp:107
cv::cudev::WithOutMask
Definition: mask.hpp:57
cv::Quat::CV_QUAT_CONVERT_THRESHOLD
static constexpr _Tp CV_QUAT_CONVERT_THRESHOLD
Definition: quaternion.hpp:216
cv::SpecialFilter
SpecialFilter
Definition: imgproc.hpp:208
cv::Vec::all
static Vec all(_Tp alpha)
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getFeatureSize
int getFeatureSize() const
Definition: feature.hpp:180
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::ximgproc::segmentation::SelectiveSearchSegmentationStrategyColor
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
cv::stereo::StereoBinaryBM::setPreFilterSize
virtual void setPreFilterSize(int preFilterSize)=0
cv::gapi::fluid::Buffer::OutLine
T * OutLine(int index=0)
Definition: gfluidbuffer.hpp:123
simd512::v_uint64
v_uint64x8 v_uint64
Maximum available vector register capacity 64-bit unsigned integer values.
Definition: intrin.hpp:398
cv::cudev::BrdBase::idx_col
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
cv::detail::VoronoiSeamFinder
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:108
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 *)
NCVMatrix::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:836
cv::ml::DTrees::Split
The class represents split in a decision tree.
Definition: ml.hpp:1175
cv::detail::Yield< cv::GMatP >::yield
static cv::GMatP yield(cv::GCall &call, int i)
Definition: gkernel.hpp:80
CV_16S
#define CV_16S
Definition: interface.h:76
cv::cudacodec::AV1
@ AV1
Definition: cudacodec.hpp:258
NCVMatrix::pitch
Ncv32u pitch() const
Definition: NCV.hpp:827
cv::mulAdd
softfloat mulAdd(const softfloat &a, const softfloat &b, const softfloat &c)
Fused Multiplication and Addition.
cv::cuda::FGDParams::alpha3
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
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::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:2767
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::detail::BundleAdjusterBase::term_criteria_
TermCriteria term_criteria_
Definition: motion_estimators.hpp:209
cv::rgbd::ICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: depth.hpp:839
cv::detail::GainCompensator::setNrFeeds
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:126
cv::detail::tracking::TrackerContribSamplerAlgorithm::className
String className
Definition: tracking_internals.hpp:428
cv::HOGDescriptor::cellSize
Size cellSize
Cell size. Default value is Size(8,8).
Definition: objdetect.hpp:596
cv::stereo::PropagationParameters::gftMinSeperationDist
int gftMinSeperationDist
Definition: quasi_dense_stereo.hpp:63
cv::rgbd::RgbdPlane::getSensorErrorC
double getSensorErrorC() const
Definition: depth.hpp:437
cv::RMat::View::DestroyCallback
std::function< void()> DestroyCallback
Definition: rmat.hpp:56
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::detail::CompressedRectilinearPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
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::Affine3::concatenate
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
cv::videostab::ImageMotionEstimatorBase::setFrameMask
virtual void setFrameMask(InputArray mask)
Definition: global_motion.hpp:183
cv::gapi::own::Rect::y
int y
y coordinate of the top-left corner
Definition: types.hpp:59
cv::gapi::wip::draw::Text
This structure represents a text string to draw.
Definition: render_types.hpp:44
cv::viz::WTrajectoryFrustums
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:627
cv::reg::MapTypeCaster::toProjec
static Ptr< MapProjec > toProjec(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:94
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::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::detail::PlaneProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::cudev::exp
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
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:409
cv::cudev::BrdReflect101
Definition: extrapolation.hpp:145
simd512::vx_setall_u8
v_uint8 vx_setall_u8(uchar v)
Definition: intrin.hpp:495
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::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:107
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::USAC_MAGSAC
@ USAC_MAGSAC
USAC, runs MAGSAC++.
Definition: calib3d.hpp:453
cvv::impl::CallMetaData::line
const size_t line
Definition: call_meta_data.hpp:47
CV_MAT_CONT_FLAG
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:471
cv::line_descriptor::KeyLine::numOfPixels
int numOfPixels
Definition: descriptor.hpp:141
cv::dnn::getInferenceEngineBackendType
cv::String getInferenceEngineBackendType()
Returns Inference Engine internal backend API.
cv::ft::ITERATIVE
@ ITERATIVE
processing in several iterations
Definition: types.hpp:63
CPU_AVX512_CNL
@ CPU_AVX512_CNL
Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI.
Definition: cvdef.h:337
cv::gapi::onnx::Params::tag
std::string tag() const
Definition: onnx.hpp:92
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:65
cv::FileNodeIterator::nodeNElems
size_t nodeNElems
Definition: persistence.hpp:691
NPPST_SUCCESS
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
cv::videostab::LpMotionStabilizer::weight1
float weight1() const
Definition: motion_stabilizing.hpp:132
cv::v_setall_u32
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2840
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::Accumulator
Definition: features2d.hpp:880
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::rgbd::ICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:783
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:1167
cv::GKernel::name
std::string name
Definition: gkernel.hpp:48
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:172
cvdef.h
cv::cudacodec::SF_YUY2
@ SF_YUY2
Definition: cudacodec.hpp:75
cv::detail::BlocksCompensator::getBlockSize
Size getBlockSize() const
Definition: exposure_compensate.hpp:184
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:377
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::cudev::sqr_func
Definition: functional.hpp:437
GAPI_EXPORTS_W
#define GAPI_EXPORTS_W
Definition: exports.hpp:24
cv::datasets::wave
@ wave
Definition: gr_skig.hpp:66
cv::detail::GainCompensator::getSimilarityThreshold
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:129
cv::gapi::detail::try_deserialize_comparg
Definition: s11n.hpp:279
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::THRESH_MASK
@ THRESH_MASK
Definition: imgproc.hpp:326
cv::saliency::StaticSaliencySpectralResidual::resImWidth
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
cv::gapi::ie::PortCfg::Out
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: ie.hpp:88
CV_MAKE_TYPE
#define CV_MAKE_TYPE
Definition: interface.h:86
log.hpp
cv::videostab::KeypointBasedMotionEstimator::setOpticalFlowEstimator
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:240
cv::cudev::gridIntegral
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
cv::preCornerDetect
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
cv::gapi::python::GPythonContext::in_metas
const cv::GMetaArgs & in_metas
Definition: python.hpp:23
cv::datasets::MSM_epflObj::imageName
std::string imageName
Definition: msm_epfl.hpp:71
cv::viz::WText
Text and image widgets.
Definition: widgets.hpp:407
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN2
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:347
cv::softdouble::softdouble
softdouble(const softdouble &c)
Copy constructor.
Definition: softfloat.hpp:232
cv::Exception::func
String func
function name. Available only when the compiler supports getting it
Definition: core.hpp:142
cv::COLOR_BGR5652BGRA
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:566
cv::MediaFrame::Access
Access
Definition: media.hpp:21
cv::exp
Quat< T > exp(const Quat< T > &q)
cv::cudev::reduceToColumn_
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
cv::legacy::TrackerKCF
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking_legacy.hpp:260
cv::datasets::FR_lfwObj::image1
std::string image1
Definition: fr_lfw.hpp:62
cv::RMat::Adapter::serialize
virtual void serialize(cv::gapi::s11n::IOStream &)
Definition: rmat.hpp:110
cv::legacy::MultiTracker_Alt::boundingBoxes
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:458
cv::SimpleBlobDetector::Params::filterByArea
bool filterByArea
Definition: features2d.hpp:727
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:65
cv::vint32mf2_t::val
int val[2]
Definition: intrin_rvv.hpp:83
cv::cudev::derivXPtr
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
cv::getHardwareFeatureName
String getHardwareFeatureName(int feature)
Returns feature name by ID.
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::ocl::Kernel::set_args_
int set_args_(int i, const _Tp0 &a0)
Definition: ocl.hpp:457
cv::detail::ArgKind::GOBJREF
@ GOBJREF
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::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::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:914
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::cuda::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: cudafeatures2d.hpp:75
cv::gapi::stereo
GMat stereo(const GMat &left, const GMat &right, const StereoOutputFormat of=StereoOutputFormat::DEPTH_FLOAT32)
Extract disparity/depth information depending on passed StereoOutputFormat argument....
cv::detail::tracking::contrib_feature::_writeFeatures
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:109
nonfree.hpp
cv::cudev::CubicInterPtr::src
SrcPtr src
Definition: interpolation.hpp:160
cv::CAP_PROP_XI_LENS_FOCAL_LENGTH
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:476
cv::RMat::View::cols
int cols() const
Definition: rmat.hpp:71
cv::ParallelLoopBodyLambdaWrapper
Definition: utility.hpp:590
hal_ni_merge16u
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
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::large_kinfu::Params::intr
Matx33f intr
camera intrinsics
Definition: large_kinfu.hpp:42
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::GInferROI::tag
static constexpr const char * tag()
Definition: infer.hpp:330
cv::DetectionBasedTracker::IDetector::setMinNeighbours
void setMinNeighbours(int value)
Definition: detection_based_tracker.hpp:108
cv::Affine3::Mat3
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:130
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::nneg
int nneg
Definition: feature.hpp:195
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(T &obj)
Definition: gopaque.hpp:152
cv::xfeatures2d::SurfDescriptorExtractor
SURF SurfDescriptorExtractor
Definition: nonfree.hpp:115
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:956
cv::vfloat32mf2_t::val
float val[2]
Definition: intrin_rvv.hpp:93
cv::datasets::cameraParam::imageHeight
int imageHeight
Definition: msm_epfl.hpp:66
cv::CAP_OPENNI_IR_GENERATOR
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:265
cv::stereo::StereoBinaryBM::PREFILTER_XSOBEL
@ PREFILTER_XSOBEL
Definition: stereo.hpp:127
cv::structured_light::SinusoidalPattern::Params::methodId
int methodId
Definition: sinusoidalpattern.hpp:89
NPPST_MEMFREE_ERR
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
cv::cudev::Warp::warpId
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
cv::cudev::TransposeBody
Definition: warping.hpp:152
NCVMatrix::NCVMatrix
NCVMatrix()
Definition: NCV.hpp:744
cv::DistanceTypes
DistanceTypes
Definition: imgproc.hpp:300
cv::Matx::val
_Tp val[m *n]
Definition: matx.hpp:218
cv::cudacodec::EncoderParams::DynamicGOP
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:89
cv::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::on
static std::tuple< R... > on(Args... args)
Definition: gkernel.hpp:223
cv::CAP_OPENNI_SXGA_15HZ
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:313
cv::TrackerCSRT::Params::scale_step
float scale_step
Definition: tracking.hpp:72
ie.hpp
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::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:496
cv::ccm::COLOR_SPACE_Lab_D75_2
@ COLOR_SPACE_Lab_D75_2
non-RGB color space
Definition: ccm.hpp:130
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::Subdiv2D::qedges
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1245
cv::gapi::BGR2Gray
GMat BGR2Gray(const GMat &src)
Converts an image from BGR color space to gray-scaled.
cv::rgbd::depthTo3d
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
cv::MARKER_SQUARE
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:843
cv::hal::normHamming
int normHamming(const uchar *a, int n)
cv::GShape::GOPAQUE
@ GOPAQUE
cv::ximgproc::RO_STRICT
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
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:569
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:181
cv::L1::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:932
cv::Quat::acos
Quat< _Tp > acos() const
return arccos value of this quaternion, arccos could be calculated as:
cv::fisheye::stereoCalibrate
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray K1, InputOutputArray D1, InputOutputArray K2, InputOutputArray D2, Size imageSize, OutputArray R, OutputArray T, int flags=fisheye::CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs stereo calibration.
cv::sfm::libmv_CameraIntrinsicsOptions
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:72
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::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::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::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::Mat::inv
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
cv::viz::WTrajectory::PATH
@ PATH
Definition: widgets.hpp:607
cv::rgbd::FastICPOdometry::getAngleThreshold
float getAngleThreshold() const
Definition: depth.hpp:1088
cv::linemod::DepthNormal
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:203
cv::cudev::PyrDownBody::src
SrcPtr src
Definition: warping.hpp:110
CV_CUDEV_SAFE_CALL
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
cv::detail::resultRoi
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
cv::COLORMAP_AUTUMN
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4312
cv::datasets::join::Wy
double Wy
Definition: gr_chalearn.hpp:67
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::hal::addRNGBias64f
void addRNGBias64f(double *arr, const double *scaleBiasPairs, int len)
cv::videostab::MotionEstimatorRansacL2::setRansacParams
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
cv::CAP_MSMF
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:110
cv::detail::PaniniProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
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:481
cv::TLSDataContainer::detachData
void detachData(std::vector< void * > &data)
get TLS data and detach all data from threads (similar to cleanup() call)
cv::gapi::wip::GCaptureSource::counter
int64_t counter
Definition: cap.hpp:60
cv::datasets::TR_svtObj::tags
std::vector< tag > tags
Definition: tr_svt.hpp:70
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::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::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::DetectionBasedTracker::InnerParameters::numStepsToWaitBeforeFirstShow
int numStepsToWaitBeforeFirstShow
Definition: detection_based_tracker.hpp:168
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::ccm::ColorCorrectionModel
Core class of ccm model.
Definition: ccm.hpp:360
cv::GCPUContext::outOpaqueR
T & outOpaqueR(int output)
Definition: gcpukernel.hpp:109
cv::MatExpr
Matrix expression representation.
Definition: mat.hpp:3517
cv::utils::getThreadID
int getThreadID()
cv::Mat_::col
Mat_ col(int x) const
cv::cudev::PyrDownBody
Definition: warping.hpp:108
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::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::rgbd::ICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:807
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:173
cv::cudev::NormL2::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
cv::cudev::SingleMaskChannels
Definition: mask.hpp:68
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::CAP_XINE
@ CAP_XINE
XINE engine (Linux)
Definition: videoio.hpp:124
cv::vint64mf2_t::vint64mf2_t
vint64mf2_t(const int64 *ptr)
Definition: intrin_rvv.hpp:114
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::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::ximgproc::ContourFitting::getCtrSize
int getCtrSize()
Definition: fourier_descriptors.hpp:70
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::instr::NodeDataTls::m_ticksTotal
uint64 m_ticksTotal
Definition: instrumentation.hpp:66
HaarClassifierCascadeDescriptor::NumClassifierTotalNodes
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:337
cv::cudacodec::Uncompressed_YUV420
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:261
NCVHaarObjectDetection.hpp
cv::utils::AllocatorStatisticsInterface::getPeakUsage
virtual uint64_t getPeakUsage() const =0
cv::quality::QualityGMSD::_mat_data
Definition: qualitygmsd.hpp:54
NcvCTprep::assertTest
Definition: NCV.hpp:78
cv::MARKER_TRIANGLE_DOWN
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:845
cv::Accumulator< char >::Type
float Type
Definition: features2d.hpp:887
cv::QuatEnum::INT_ZYZ
@ INT_ZYZ
Intrinsic rotations with the Euler angles type Z-Y-Z.
Definition: quaternion.hpp:111
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::cudacodec::ChromaFormat
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:270
cv::ppf_match_3d::PoseCluster3D::id
int id
Definition: pose_3d.hpp:179
cv::datasets::PD_inriaObj
Definition: pd_inria.hpp:66
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)
cv::cudev::TypeTraits::referred_type
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
triangulation.hpp
cv::videostab::LpMotionStabilizer::trimRatio
float trimRatio() const
Definition: motion_stabilizing.hpp:129
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:2254
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader(int _rows, int _cols, int type, void *_data, size_t _step)
Definition: mat.hpp:50
cv::cuda::ALPHA_XOR_PREMUL
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
cv::FM_8POINT
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:525
cv::dnn::BackendNode
Derivatives of this class encapsulates functions of certain backends.
Definition: dnn.hpp:133
cv::detail::plaidml_get_in
Definition: gplaidmlkernel.hpp:78
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)
reduce.hpp
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::face::FacemarkKazemi
Definition: face_alignment.hpp:11
cv::directx::convertToD3D10Texture2D
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
cv::cudev::AffineMapPtr
Definition: warping.hpp:61
cv::Mat::copyTo
void copyTo(OutputArray m) const
Copies the matrix to another one.
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:75
cv::ovis::MATERIAL_TEXTURE3
@ MATERIAL_TEXTURE3
Definition: ovis.hpp:71
CV_NODISCARD
#define CV_NODISCARD
Definition: cvdef.h:719
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::parallel::tbb::ParallelForBackend::CallbackProxy::CallbackProxy
CallbackProxy(int tasks_, FN_parallel_for_body_cb_t &callback_, void *callback_data_)
Definition: parallel_for.tbb.hpp:71
cv::ROTATE_90_COUNTERCLOCKWISE
@ ROTATE_90_COUNTERCLOCKWISE
Rotate 270 degrees clockwise.
Definition: core.hpp:1075
cv::v_float32x4::v_float32x4
v_float32x4(vfloat32m1_t v)
Definition: intrin_rvv.hpp:426
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::imwritemulti
static bool imwritemulti(const String &filename, InputArrayOfArrays img, const std::vector< int > &params=std::vector< int >())
Definition: imgcodecs.hpp:250
cv::ximgproc::contourSampling
void contourSampling(InputArray src, OutputArray out, int nbElt)
Contour sampling .
cv::text::decoder_mode
decoder_mode
Definition: ocr.hpp:172
cv::utils::dumpInputOutputArray
String dumpInputOutputArray(InputOutputArray argument)
cv::gapi::own::Point2f::x
float x
Definition: types.hpp:37
cv::Quat::toEulerAngles
Vec< _Tp, 3 > toEulerAngles(QuatEnum::EulerAnglesType eulerAnglesType)
Transform a quaternion q to Euler angles.
cv::cuda::HostMem::step
size_t step
Definition: cuda.hpp:794
cv::utils::fs::createDirectories
bool createDirectories(const cv::String &path)
cv::matMulDeriv
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
cv::CALIB_FIX_K6
@ CALIB_FIX_K6
Definition: calib3d.hpp:506
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
NCVPyramid.hpp
cv::DISOpticalFlow
DIS optical flow algorithm.
Definition: tracking.hpp:584
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
cvv::setDebugFlag
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
HaarFeatureDescriptor32_Interpret_MaskFlagTilted
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:121
cv::linemod::Detector::modalities
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:396
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.
DUMP_CONFIG_PROPERTY
#define DUMP_CONFIG_PROPERTY(...)
Definition: opencl_info.hpp:11
cv::v_float32x4::get0
float get0() const
Definition: intrin_rvv.hpp:444
cv::dnn::MaxUnpoolLayer::poolKernel
Size poolKernel
Definition: all_layers.hpp:544
cv::datasets::HPE_parseObj
Definition: hpe_parse.hpp:60
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:3115
cv::datasets::HPE_humanevaObj::ofs
Matx13d ofs
Definition: hpe_humaneva.hpp:66
cv::aruco::GridBoard::getMarkerLength
float getMarkerLength() const
Definition: aruco.hpp:345
cv::kinfu::Params::bilateral_sigma_spatial
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: kinfu.hpp:97
cv::gapi::wip::draw::Text::ff
int ff
The font type, see HersheyFonts.
Definition: render_types.hpp:76
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:1647
cv::videostab::RansacParams::default2dMotion
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
cv::TrackerCSRT::Params::use_channel_weights
bool use_channel_weights
Definition: tracking.hpp:49
cv::COLOR_YUV2BGRA_YUYV
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:715
cv::v_load_expand
v_reg< typename V_TypeTraits< _Tp >::w_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1875
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::MinProblemSolver::Function
Represents function being optimized.
Definition: optim.hpp:63
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::IMWRITE_PNG_STRATEGY
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_RLE.
Definition: imgcodecs.hpp:94
cv::cuda::DensePyrLKOpticalFlow
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:230
CPU_AVX_512VPOPCNTDQ
@ CPU_AVX_512VPOPCNTDQ
Definition: cvdef.h:320
UINT16
uint16_t UINT16
Definition: descriptor.hpp:65
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::MatCommaInitializer_
Comma-separated Matrix Initializer.
Definition: mat.hpp:514
cv::MatExpr::beta
double beta
Definition: mat.hpp:3552
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::cudev::perspectiveMap
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
cv::Quat::asin
Quat< _Tp > asin() const
return arcsin value of this quaternion, arcsin could be calculated as:
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::getMean
float getMean()
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::histThresh
float histThresh
Definition: histogramphaseunwrapping.hpp:83
cv::dnn::SigmoidLayer
Definition: all_layers.hpp:477
cv::cudev::NormHamming::value_type
int value_type
Definition: vec_distance.hpp:157
cv::reg::Mapper
Base class for modelling an algorithm for calculating a map.
Definition: mapper.hpp:54
cv::viz::Color::lime
static Color lime()
cv::MatExpr::s
Scalar s
Definition: mat.hpp:3553
cv::gapi::ie::detail::ParamDesc::weights_path
std::string weights_path
Definition: ie.hpp:52
cv::parallel::tbb::ParallelForBackend::numThreadsMax
int numThreadsMax
Definition: parallel_for.tbb.hpp:50
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::ximgproc::GradientPaillouY
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an 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:157
Cv32suf::u
unsigned u
Definition: cvdef.h:380
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:436
cv::detail::BundleAdjusterReproj
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:245
cv::datasets::comehere
@ comehere
Definition: gr_skig.hpp:69
cv::optflow::OpticalFlowPCAFlow::occlusionsThreshold
const float occlusionsThreshold
Definition: pcaflow.hpp:101
cv::CAP_INTELPERC_IMAGE
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:595
cv::gapi::compound::backend
cv::gapi::GBackend backend()
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::Mat::eye
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
cv::instr::InstrNode
Node< NodeData > InstrNode
Definition: instrumentation.hpp:97
hal_ni_dctInit2D
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
cv::CAP_PROP_GPHOTO2_COLLECT_MSGS
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:614
cv::cudev::numeric_limits< short >::max
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
cv::Range::all
static Range all()
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:511
cv::cuda::ALPHA_OVER
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
cv::Vec8i
Vec< int, 8 > Vec8i
Definition: matx.hpp:425
cv::optflow::OpticalFlowPCAFlow::sparseRate
const float sparseRate
Definition: pcaflow.hpp:99
cv::softdouble::setExp
softdouble setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:318
cv::compareHist
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
cv::cudev::gridPyrDown
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::Result
OutArgs Result
Definition: infer.hpp:196
cv::ParamType< uchar >::member_type
uchar member_type
Definition: core.hpp:3279
cv::videostab::MotionEstimatorBase::~MotionEstimatorBase
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
cv::CompressedRectilinearPortraitWarper::CompressedRectilinearPortraitWarper
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:208
cv::dnn::_Range::_Range
_Range(const Range &r)
Definition: shape_utils.hpp:59
cv::optflow::PCAPrior::getPadding
int getPadding() const
Definition: pcaflow.hpp:85
cv::cudev::laplacianPtr
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
cv::detail::tracking::TrackerSamplerCSC::Params::searchWinSize
float searchWinSize
size of search window
Definition: tracking.detail.hpp:368
cv::ppf_match_3d::hashnode_i
Definition: t_hash_int.hpp:60
CV_CheckTypeEQ
#define CV_CheckTypeEQ(t1, t2, msg)
Check with additional "decoding" of type values in error message.
Definition: check.hpp:122
cv::aruco::DetectorParameters::perspectiveRemovePixelPerCell
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:171
NCVMatrix::_ptr
T * _ptr
Definition: NCV.hpp:832
OPENCV_HAL_IMPL_RVV_BROADCAST
#define OPENCV_HAL_IMPL_RVV_BROADCAST(_Tpvec, suffix)
Definition: intrin_rvv.hpp:1883
cv::reg::MapperGradSimilar
Definition: mappergradsimilar.hpp:52
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::API
std::function< Result(Args...)> API
Definition: infer.hpp:197
cv::MediaFrame::View::Callback
std::function< void()> Callback
Definition: media.hpp:61
cv::fisheye::undistortPoints
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R=noArray(), InputArray P=noArray())
Undistorts 2D points using fisheye model.
cv::CAP_OPENNI_IMAGE_GENERATOR_PRESENT
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:288
cv::LOCAL_OPTIM_INNER_LO
@ LOCAL_OPTIM_INNER_LO
Definition: calib3d.hpp:547
memSegCopyHelper2D
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
cv::detail::VectorRefT::ptr
virtual const void * ptr() const override
Definition: garray.hpp:225
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::fitEllipse
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::k
double k
Default is 0.
Definition: kalman_filters.hpp:144
cv::CAP_PROP_XI_GPI_SELECTOR
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:383
cv::Stitcher::registrationResol
double registrationResol() const
Definition: stitching.hpp:186
cv::UMatData::handle
void * handle
Definition: mat.hpp:567
cv::detail::MatchesInfo::getInliers
std::vector< uchar > getInliers()
Definition: matchers.hpp:113
cv::CALIB_SAME_FOCAL_LENGTH
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:516
cv::utils::dumpString
static String dumpString(const String &argument)
Definition: bindings_utils.hpp:65
cv::resize
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
Resizes an image.
CV_CUDEV_HLS2RGB_INST
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
CV_ELEM_SIZE
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:482
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::intersectConvexConvex
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
Finds intersection of two convex polygons.
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:3713
cv::v_int64x2::v_int64x2
v_int64x2(vint64m1_t v)
Definition: intrin_rvv.hpp:489
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::detail::tracking::contrib_feature::CvHaarEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
cv::cudev::BrdConstant::src
SrcPtr src
Definition: extrapolation.hpp:65
NCVMemPtr
Definition: NCV.hpp:439
cv::gapi::cpu::GOCVFunctor::Impl
std::function< void(GCPUContext &)> Impl
Definition: gcpukernel.hpp:499
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
cv::videostab::MotionModel
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:59
cv::mcc::DetectorParameters::borderWidth
int borderWidth
Definition: checker_detector.hpp:115
cv::v256_setall_f64
v_float64x4 v256_setall_f64(double val)
Definition: intrin_cpp.hpp:2855
cv::HISTCMP_INTERSECT
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:513
cv::gapi::wip::draw::Text::text
std::string text
The text string to be drawn.
Definition: render_types.hpp:74
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::v_reinterpret_as_u32
v_reg< unsigned, n0 *sizeof(_Tp0)/sizeof(unsigned)> v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2888
cv::QuatEnum::INT_ZXZ
@ INT_ZXZ
Intrinsic rotations with the Euler angles type Z-X-Z.
Definition: quaternion.hpp:110
slic.hpp
cv::datasets::HPE_parseObj::name
std::string name
Definition: hpe_parse.hpp:62
cvflann
Definition: flann.hpp:59
cv::Vec::cross
Vec cross(const Vec &v) const
simd512::vx_lut_quads
v_float32 vx_lut_quads(const float *ptr, const int *idx)
Definition: intrin.hpp:637
cv::videostab::ILog
Definition: log.hpp:56
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::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.
cv::gapi::video::GOptFlowLKOutput
std::tuple< cv::GArray< cv::Point2f >, cv::GArray< uchar >, cv::GArray< float > > GOptFlowLKOutput
Definition: video.hpp:51
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::Mat::AUTO_STEP
@ AUTO_STEP
Definition: mat.hpp:2083
cv::BORDER_ISOLATED
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:278
cv::aruco::Dictionary::maxCorrectionBits
int maxCorrectionBits
Definition: dictionary.hpp:66
cv::RMat::View::ptr
const T * ptr(int y=0) const
Definition: rmat.hpp:81
cv::stereo::CV_SIMETRICV_INTERPOLATION
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:118
cv::ovis::MATERIAL_LINE_WIDTH
@ MATERIAL_LINE_WIDTH
Definition: ovis.hpp:63
cv::Hamming::ResultType
int ResultType
Definition: base.hpp:386
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::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::parallel::tbb::ParallelForBackend::setNumThreads
virtual int setNumThreads(int nThreads) CV_OVERRIDE
Definition: parallel_for.tbb.hpp:124
cv::superres::createOptFlow_DualTVL1
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
cv::rgbd::ICPOdometry::getMaxDepth
double getMaxDepth() const
Definition: depth.hpp:799
cv::GArrayDesc
Definition: garray.hpp:38
cv::RHO
@ RHO
RHO algorithm.
Definition: calib3d.hpp:446
cv::COLOR_YUV2GRAY_Y422
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:722
cv::ml::SVMSGD::MarginType
MarginType
Definition: ml.hpp:1809
cv::dnn::DNN_TARGET_FPGA
@ DNN_TARGET_FPGA
FPGA device with CPU fallbacks using Inference Engine's Heterogeneous plugin.
Definition: dnn.hpp:94
cv::v_uint64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:454
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:444
cv::KAZE
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:759
cv::kinfu::Params::volumePose
Affine3f volumePose
initial volume pose in meters
Definition: kinfu.hpp:119
miniflann.hpp
cv::ocl::kernelToStr
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
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:193
cv::cuda::convertFp16
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
cv::ximgproc::RulesOption
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
cv::ppf_match_3d::loadPLYSimple
Mat loadPLYSimple(const char *fileName, int withNormals=0)
Load a PLY file.
cv::COLOR_YUV2GRAY_YV12
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:676
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
NCVMatrixAlloc
Definition: NCV.hpp:844
NCVVectorAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
cv::cudev::equal_to
Definition: functional.hpp:132
cv::rgbd::DepthCleaner::getMethod
int getMethod() const
Definition: depth.hpp:247
cv::dnn::details::_LayerStaticRegisterer::~_LayerStaticRegisterer
~_LayerStaticRegisterer()
Definition: layer.details.hpp:68
cv::optflow::RLOFOpticalFlowParameter::globalMotionRansacThreshold
float globalMotionRansacThreshold
Definition: rlofflow.hpp:147
cv::Param::REAL
@ REAL
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::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::kinfu::VolumeParams
Definition: volume.hpp:52
cv::CommandLineParser
Designed for command line parsing.
Definition: utility.hpp:799
cv::rgbd::RgbdPlane
Definition: depth.hpp:329
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::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::CAP_PROP_XI_TS_RST_MODE
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:497
cv::HISTCMP_CHISQR
@ HISTCMP_CHISQR
Definition: imgproc.hpp:510
cv::vle8_v_u8mf4
vuint8mf4_t vle8_v_u8mf4(const uint8_t *base)
Definition: intrin_rvv.hpp:197
cv::structured_light::GrayCodePattern::Params::width
int width
Definition: graycodepattern.hpp:79
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::cudev::ScharrXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
cv::stereo::StereoMatcher::getSpeckleRange
virtual int getSpeckleRange() const =0
cv::dnn::Backend
Backend
Enum of computation backends supported by layers.
Definition: dnn.hpp:65
cvstd_wrapper.hpp
cv::videostab::FastMarchingMethod
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:63
cv::cudacodec::H264
@ H264
Definition: cudacodec.hpp:251
cv::morphologyDefaultBorderValue
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1403
cv::dnn::ReLULayer
Definition: all_layers.hpp:431
cv::cudev::ScharrXPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
cv::LineIterator::minusShift
int minusShift
Definition: imgproc.hpp:4863
cv::CAP_PROP_XI_WB_KR
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:421
cv::videostab::LpMotionStabilizer::setTrimRatio
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
cv::gapi::video::BackgroundSubtractorParams::learningRate
double learningRate
Definition: video.hpp:122
cv::IMWRITE_EXR_TYPE_HALF
@ IMWRITE_EXR_TYPE_HALF
store as HALF (FP16)
Definition: imgcodecs.hpp:110
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::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::WINDOW_AUTOSIZE
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:188
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::softfloat::one
static softfloat one()
One constant.
Definition: softfloat.hpp:210
cv::dnn::ResizeLayer
Resize input 4-dimensional blob by nearest neighbor or bilinear strategy.
Definition: all_layers.hpp:663
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:1424
cvCeil
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:254
cv::MercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:240
cv::cudev::LutPtrSz::cols
int cols
Definition: lut.hpp:77
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::videostab::MaskFrameSource::setMaskCallback
void setMaskCallback(std::function< void(Mat &)> MaskCallback)
Definition: frame_source.hpp:101
cv::detail::BundleAdjusterBase::num_errs_per_measurement_
int num_errs_per_measurement_
Definition: motion_estimators.hpp:200
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::detail::tracking::TrackerContribFeatureSet
Class that manages the extraction and selection of features.
Definition: tracking_internals.hpp:315
cv::KalmanFilter::temp4
Mat temp4
Definition: tracking.hpp:408
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:800
cv::sortIdx
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
CV_8UC1
#define CV_8UC1
Definition: interface.h:88
cv::Stitcher::estimator
Ptr< detail::Estimator > estimator()
Definition: stitching.hpp:229
cv::quality::QualityPSNR::compute
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute the PSNR.
Definition: qualitypsnr.hpp:48
cv::detail::postprocess_ocl
void postprocess_ocl(Outputs &... outs)
Definition: goclkernel.hpp:150
cv::datasets::MSM_middlebury
Definition: msm_middlebury.hpp:68
cv::CAP_PVAPI_FSTRIGMODE_FIXEDRATE
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:348
cv::cudacodec::Uncompressed_UYVY
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:265
cv::CHAIN_APPROX_NONE
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:439
cv::ximgproc::DTF_NC
@ DTF_NC
Definition: edge_filter.hpp:53
cv::cuda::FEATURE_SET_COMPUTE_11
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:991
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::gapi::streaming::detail::GDesync::yield
static std::tuple< R... > yield(cv::GCall &call, cv::detail::Seq< IIs... >)
Definition: desync.hpp:35
cv::viz::WLine
Simple widgets.
Definition: widgets.hpp:235
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:1499
cv::ximgproc::DTF_IC
@ DTF_IC
Definition: edge_filter.hpp:54
cv::CAP_OPENCV_MJPEG
@ CAP_OPENCV_MJPEG
Built-in OpenCV MotionJPEG codec.
Definition: videoio.hpp:122
cv::cudev::NearestInterPtr
Definition: interpolation.hpp:63
cv::dnn::BackendWrapper::BackendWrapper
BackendWrapper(int backendId, int targetId)
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:1106
cv::face::BasicFaceRecognizer::_projections
std::vector< Mat > _projections
Definition: facerec.hpp:47
cv::gapi::ocl::backend
cv::gapi::GBackend backend()
Get a reference to OCL backend.
cv::UMatData::originalUMatData
UMatData * originalUMatData
Definition: mat.hpp:571
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::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::stereo::StereoMatcher::getNumDisparities
virtual int getNumDisparities() const =0
cv::AutoBuffer::operator=
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
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:1802
cv::detail::constructGraphOutputs
void constructGraphOutputs(const cv::GTypesInfo &out_info, cv::GRunArgs &args, cv::GRunArgsP &outs)
cv::Param::UNSIGNED_INT
@ UNSIGNED_INT
cv::TLSData::TLSData
TLSData()
Definition: tls.hpp:66
cv::cudev::numeric_limits< uint >::min
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
cv::cudev::blockScanExclusive
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:246
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::tracking::online_boosting::BaseClassifier::trainClassifier
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
cv::detail::FisheyeProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
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)
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::text::ERFilter
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm ....
Definition: erfilter.hpp:118
cv::CALIB_TILTED_MODEL
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:510
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
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::CAP_PROP_XI_HDR
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:510
cv::videostab::StabilizerBase::log
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
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...
operators.hpp
cv::cudev::PtrTraitsBase::getCols
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
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::GKernelType
Definition: gkernel.hpp:236
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:2236
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:59
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::detail::tracking::contrib_feature::CvParams::~CvParams
virtual ~CvParams()
Definition: feature.hpp:127
cv::CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:252
cv::IMREAD_COLOR
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:72
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::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::Mat::operator=
Mat & operator=(const Mat &m)
assignment operators
cv::HistogramCostExtractor
Abstract base class for histogram cost algorithms.
Definition: hist_cost.hpp:57
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:674
cv::v256_setall_u32
v_uint32x8 v256_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2852
cv::ParamType< std::vector< Mat > >::const_param_type
const typedef std::vector< Mat > & const_param_type
Definition: core.hpp:3238
CV_HAL_ERROR_NOT_IMPLEMENTED
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
cv::videostab::InpainterBase::motionModel_
MotionModel motionModel_
Definition: inpainting.hpp:95
cv::gapi::wip::draw::Image::Image
Image()=default
cv::face::StandardCollector::threshold
double threshold
Definition: predict_collector.hpp:92
cv::int8_t
::int8_t int8_t
Definition: cvdef.h:798
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::face::FacemarkLBF::Params::model_filename
std::string model_filename
filename where the trained model will be saved
Definition: facemarkLBF.hpp:79
cv::hdf::open
Ptr< HDF5 > open(const String &HDF5Filename)
Open or create hdf5 file.
cv::rgbd::FastICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:1072
cv::datasets::SLAM_tumindoorObj
Definition: slam_tumindoor.hpp:67
cv::cudev::ScharrYPtrSz::rows
int rows
Definition: deriv.hpp:302
cv::COLORSPACE_RGBA
@ COLORSPACE_RGBA
Definition: container_avi.private.hpp:135
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:780
cv::videostab::NullFrameSource
Definition: frame_source.hpp:65
cv::kinfu::Params::Params
Params(Matx44f volumeInitialPose)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:40
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::gapi::phase
GMat phase(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
cv::CAP_GIGANETIX
@ CAP_GIGANETIX
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:109
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::detail::ArgKind::GMATP
@ GMATP
cv::cuda::BackgroundSubtractorMOG2::getBackgroundImage
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:140
cv::saliency::StaticSaliencySpectralResidual::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
config.h
cv::ximgproc::createQuaternionImage
void createQuaternionImage(InputArray img, OutputArray qimg)
creates a quaternion image.
cv::detail::ProtoToMeta
Definition: gtyped.hpp:33
cv::saliency::MotionSaliencyBinWangApr2014
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:169
cv::kinfu::Params::Params
Params()
Definition: kinfu.hpp:22
cv::CAP_PROP_GIGA_FRAME_SENS_HEIGH
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:568
cv::hal::STORE_UNALIGNED
@ STORE_UNALIGNED
Definition: intrin.hpp:95
cv::haveImageWriter
bool haveImageWriter(const String &filename)
Returns true if an image with the specified filename can be encoded by OpenCV.
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::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
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:598
cv::COLOR_BayerBG2BGR_EA
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:775
cv::ppf_match_3d::samplePCByQuantization
Mat samplePCByQuantization(Mat pc, Vec2f &xrange, Vec2f &yrange, Vec2f &zrange, float sample_step_relative, int weightByCenter=0)
cv::FileStorage::write
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:928
cv::aruco::DICT_5X5_250
@ DICT_5X5_250
Definition: dictionary.hpp:148
cv::VideoWriter::writer
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:1095
cv::gapi::streaming::sync_policy
sync_policy
Definition: sync.hpp:14
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::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::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:1039
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::viz::KeyboardEvent::Action
Action
Definition: types.hpp:291
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:247
cv::AGAST_7_12d
static void AGAST_7_12d(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:818
hdf5.h
cv::dnn::enableModelDiagnostics
void enableModelDiagnostics(bool isDiagnosticsMode)
Enables detailed logging of the DNN model loading with CV DNN API.
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::gapi::own::operator!=
bool operator!=(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:69
cv::rgbd::RgbdOdometry::getMaxRotation
double getMaxRotation() const
Definition: depth.hpp:724
cv::CAP_PVAPI_PIXELFORMAT_RGBA32
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:366
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::createThinPlateSplineShapeTransformer
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
cv::gapi::own::Size::Size
Size(int _width, int _height)
Definition: types.hpp:102
cv::GCompiled
Represents a compiled computation (graph). Can only be used with image / data formats & resolutions i...
Definition: gcompiled.hpp:66
cv::detail::scratch_helper< true, Impl, Ins... >::help_reset
static void help_reset(gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:235
vec_traits.hpp
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:730
cv::videostab::StabilizerBase::radius
int radius() const
Definition: stabilizer.hpp:75
cv::parallel::openmp::ParallelForBackend::getNumThreads
virtual int getNumThreads() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:49
cv::directx::getTypeFromD3DFORMAT
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
OPENCV_HAL_IMPL_RVV_INIT_INTEGER
#define OPENCV_HAL_IMPL_RVV_INIT_INTEGER(_Tpvec, _Tp, width, suffix1, suffix2)
Definition: intrin_rvv.hpp:552
cv::cuda::COLOR_BayerGR2GRAY_MHT
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
cv::gapi::onnx::backend
cv::gapi::GBackend backend()
simd_functions.hpp
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:20
cv::ccm::DISTANCE_CMC_2TO1
@ DISTANCE_CMC_2TO1
Definition: ccm.hpp:351
cv::GMatDesc::GMatDesc
GAPI_WRAP GMatDesc()
Definition: gmat.hpp:94
cv::cudacodec::EncoderParams::DeblockMode
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:96
cv::detail::OpaqueRef
Definition: gopaque.hpp:232
NcvSize32u::operator==
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
cv::detail::createLaplacePyr
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::gapi::streaming::meta
cv::GOpaque< T > meta(G g, const std::string &tag)
Definition: meta.hpp:44
cv::omnidir::internal::fillFixed
void fillFixed(Mat &G, int flags, int n)
cv::Size_::height
_Tp height
the height
Definition: types.hpp:340
cv::ocl::KernelArg::wscale
int wscale
Definition: ocl.hpp:425
OpenCV_API_Header_t::opencv_version_patch
unsigned opencv_version_patch
compiled OpenCV version
Definition: llapi.h:54
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::cudev::DefaultCopyPolicy::block_size_x
@ block_size_x
Definition: copy.hpp:352
cv::vint64mf2_t
Definition: intrin_rvv.hpp:110
cv::legacy::upgradeTrackingAPI
Ptr< cv::Tracker > upgradeTrackingAPI(const Ptr< legacy::Tracker > &legacy_tracker)
cv::CAP_PROP_XI_WB_KB
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:423
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::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::optflow::RLOFOpticalFlowParameter::useGlobalMotionPrior
bool useGlobalMotionPrior
Definition: rlofflow.hpp:134
cv::Mat_::forEach
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
cv::cudev::numeric_limits< short >::min
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
cv::COLOR_BGRA2BGR
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:536
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:276
cv::ocl::OpenCLExecutionContext::p
std::shared_ptr< Impl > p
Definition: ocl.hpp:833
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:827
cv::Algorithm::clear
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3098
cv::gapi::ie::detail::ParamDesc::const_inputs
std::unordered_map< std::string, ConstInput > const_inputs
Definition: ie.hpp:60
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::detail::tracking::contrib_feature::CvHaarEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::COLOR_BGR2GRAY
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:551
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:4865
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::datasets::PascalPart::ymax
int ymax
Definition: or_pascal.hpp:65
cv::BOWKMeansTrainer::attempts
int attempts
Definition: features2d.hpp:1458
cv::utils::dumpInputOutputArrayOfArrays
String dumpInputOutputArrayOfArrays(InputOutputArrayOfArrays argument)
cv::videostab::MM_RIGID
@ MM_RIGID
Definition: motion_core.hpp:64
NCVMatrix::size
NcvSize32u size() const
Definition: NCV.hpp:826
cv::datasets::PD_inriaObj::width
int width
Definition: pd_inria.hpp:75
cv::WINDOW_FREERATIO
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:192
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
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const _Tp &val)
Definition: persistence.hpp:1080
variant.hpp
cv::dpm::DPMDetector::ObjectDetection::score
float score
Definition: dpm.hpp:113
cv::Vec6i
Vec< int, 6 > Vec6i
Definition: matx.hpp:424
cv::AutoBuffer::value_type
_Tp value_type
Definition: utility.hpp:104
cv::videostab::MotionInpainter::setOptFlowEstimator
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
cv::saliency::ObjectnessBING::setBase
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:341
cv::COLOR_RGBA2YUV_YV12
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:744
cv::QtFontWeights
QtFontWeights
Qt font weight.
Definition: highgui.hpp:241
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::CAP_OPENNI_BGR_IMAGE
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:305
cv::dnn::PriorBoxLayer
Definition: all_layers.hpp:590
cv::cudev::ConstantPtr::value
T value
Definition: constant.hpp:62
cv::LineIterator::minusStep
int minusStep
Definition: imgproc.hpp:4862
logtag.hpp
cv::aruco::GridBoard::getGridSize
Size getGridSize() const
Definition: aruco.hpp:340
cv::sfm::SFM_IO_OPENMVG
@ SFM_IO_OPENMVG
Definition: io.hpp:61
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::cudev::vsetgt2
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
cv::kinfu::Intr::Reprojector::cy
float cy
Definition: intrinsics.hpp:35
cv::cudev::SelectIf
Definition: type_traits.hpp:96
cv::freetype::FreeType2
Definition: freetype.hpp:74
cv::imwrite
bool imwrite(const String &filename, InputArray img, const std::vector< int > &params=std::vector< int >())
Saves an image to a specified file.
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:1190
cv::cudev::functional_detail::FloatType
Definition: functional.hpp:447
cv::ogl::Buffer::elemSize
int elemSize() const
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsTemporalConstant
float hcellsTemporalConstant
Definition: retina.hpp:162
cv::WND_PROP_FULLSCREEN
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:200
cv::detail::tracking::TrackerSamplerCS::Params
Definition: tracking_internals.hpp:710
cv::viz::WCube
This 3D Widget defines a cube.
Definition: widgets.hpp:372
ncvAssertPrintCheck
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
cv::videostab::WobbleSuppressorBase::setMotions2
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
cv::detail::GInferInputsTyped::operator[]
StorageT & operator[](const std::string &name)
Definition: infer.hpp:147
cv::detail::ExtractMetaCallback::CallBackT
std::function< cv::GMetaArgs(const cv::GTypesInfo &info)> CallBackT
Definition: garg.hpp:267
cv::MatConstIterator_::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:3084
cv::BackgroundSubtractor
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:60
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::cudev::log2
__device__ __forceinline__ double4 log2(const double4 &a)
Definition: vec_math.hpp:274
cv::multicalib::MultiCameraCalibration::edge::cameraVertex
int cameraVertex
Definition: multicalib.hpp:84
cv::GIn
GProtoInputArgs GIn(Ts &&... ts)
Definition: gproto.hpp:96
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::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::OpaqueRef::getKind
cv::detail::OpaqueKind getKind() const
Definition: gopaque.hpp:254
cv::cudev::logical_not
Definition: functional.hpp:214
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:774
cv::datasets::pat
@ pat
Definition: gr_skig.hpp:71
VASurfaceID
unsigned int VASurfaceID
Definition: va_intel.hpp:23
cv::Affine3::float_type
T float_type
Definition: affine.hpp:129
cv::videostab::MotionEstimatorBase::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
cv::videostab::DeblurerBase
Definition: deblurring.hpp:59
cv::instr::NodeData::m_threads
int m_threads
Definition: instrumentation.hpp:89
cv::BufferPoolController
Definition: bufferpool.hpp:21
cv::DIST_HUBER
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:308
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
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
cuda_types.hpp
cv::cudev::SumExprBody
Definition: reduction.hpp:64
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:590
cv::stereo::StereoBinaryBM::getUsePrefilter
virtual bool getUsePrefilter() const =0
cv::gapi::cpu::backend
cv::gapi::GBackend backend()
Get a reference to CPU (OpenCV) backend.
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:594
cv::stereo::CV_SPECKLE_REMOVAL_ALGORITHM
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:114
CV_CUDEV_EXPR_BINARY_FUNC
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
cv::cuda::SURF_CUDA::HESSIAN_ROW
@ HESSIAN_ROW
Definition: cuda.hpp:97
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::GC_EVAL
@ GC_EVAL
Definition: imgproc.hpp:362
cv::cudev::ConstantPtrSz
Definition: constant.hpp:67
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::fisheye::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray R, InputArray P, const cv::Size &size, int m1type, OutputArray map1, OutputArray map2)
Computes undistortion and rectification maps for image transform by cv::remap(). If D is empty zero d...
cv::quality::QualityBRISQUE
BRISQUE (Blind/Referenceless Image Spatial Quality Evaluator) is a No Reference Image Quality Assessm...
Definition: qualitybrisque.hpp:26
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::MP
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:132
cv::determinant
static double determinant(const Matx< _Tp, m, m > &a)
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::gapi::fluid::Buffer::Cache::m_linePtrs
std::vector< uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:97
cv::vuint16mf2_t
Definition: intrin_rvv.hpp:47
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:694
cv::aruco::DetectorParameters::polygonalApproxAccuracyRate
double polygonalApproxAccuracyRate
Definition: aruco.hpp:162
cv::INTERSECT_PARTIAL
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:805
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::UMatData::userdata
void * userdata
Definition: mat.hpp:568
cv::stereo::PropagationParameters::corrWinSizeY
int corrWinSizeY
Definition: quasi_dense_stereo.hpp:43
cv::ogl::Buffer::elemSize1
int elemSize1() const
cv::ximgproc::EdgeDrawing::Params::MinPathLength
int MinPathLength
minimun connected pixels length processed to create an edge segment.
Definition: edge_drawing.hpp:57
cv::xphoto::InpaintTypes
InpaintTypes
Various inpainting algorithms.
Definition: inpainting.hpp:69
cv::legacy::Tracker::featureSet
Ptr< TrackerContribFeatureSet > featureSet
Definition: tracking_legacy.hpp:107
_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
"black box" representation of the file storage associated with a file on disk.
Definition: affine.hpp:51
cv::kinfu::VolumeType
VolumeType
Definition: volume.hpp:46
cv::ovis::createPointCloudMesh
void createPointCloudMesh(const String &name, InputArray vertices, InputArray colors=noArray())
cv::freetype::createFreeType2
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
cv::CAP_PROP_XI_KNEEPOINT1
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:514
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...
NCV_CUDA_ERROR
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
cv::line_descriptor::KeyLine::pt
Point2f pt
Definition: descriptor.hpp:115
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsSpatialConstant
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
cv::tan
Quat< T > tan(const Quat< T > &q)
cv::omnidir::RECTIFY_PERSPECTIVE
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:69
cv::GCPUContext::outFrame
cv::MediaFrame & outFrame(int output)
cv::IMWRITE_PAM_FORMAT_BLACKANDWHITE
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:146
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::SparseMat::iterator
SparseMatIterator iterator
Definition: mat.hpp:2669
cv::detail::BlocksGainCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:223
nppiStDecimate_32f_C1R
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::TickMeter::getTimeMilli
double getTimeMilli() const
returns passed time in milliseconds.
Definition: utility.hpp:333
cv::omnidir::internal::decodeParameters
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
cv::gapi::video::TYPE_BS_KNN
@ TYPE_BS_KNN
Definition: video.hpp:95
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::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: tracking.hpp:475
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::aruco::DICT_4X4_50
@ DICT_4X4_50
Definition: dictionary.hpp:142
cv::SparseMat
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2666
cv::CAP_OPENNI_GENERATORS_MASK
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:266
cv::gapi::python::GPythonKernel
Definition: python.hpp:29
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::cnn_3dobj::icoSphere
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:124
cv::detail::FeatherBlender
Simple blender which mixes images at its borders.
Definition: blenders.hpp:100
cv::GPlaidMLKernel::F
std::function< void(GPlaidMLContext &)> F
Definition: gplaidmlkernel.hpp:59
cv::COLOR_HLS2BGR_FULL
@ COLOR_HLS2BGR_FULL
backward conversions HLS to RGB/BGR with H range 0..255 if 8 bit image
Definition: imgproc.hpp:622
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:671
cv::superres::createSuperResolution_BTVL1
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
cv::Error::StsAutoTrace
@ StsAutoTrace
tracing
Definition: base.hpp:77
cv::xfeatures2d::MSDDetector
Class implementing the MSD (Maximal Self-Dissimilarity) keypoint detector, described in .
Definition: xfeatures2d.hpp:327
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::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::GInferList::tag
static constexpr const char * tag()
Definition: infer.hpp:343
cv::hal::sqrt32f
void sqrt32f(const float *src, float *dst, int len)
cv::rgbd::RgbdOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:672
cv::GFluidKernel::F
std::function< void(const cv::GArgs &, const std::vector< gapi::fluid::Buffer * > &)> F
Definition: gfluidkernel.hpp:56
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:96
cv::instr::resetTrace
void resetTrace()
cv::videostab::InpainterBase::radius_
int radius_
Definition: inpainting.hpp:94
cv::cuda::ALPHA_OUT_PREMUL
@ ALPHA_OUT_PREMUL
Definition: cudaimgproc.hpp:159
OPENCV_HAL_IMPL_RVV_EXPAND
#define OPENCV_HAL_IMPL_RVV_EXPAND(_Tpwvec, _Tp, _Tpvec, width, suffix, wcvt)
Definition: intrin_rvv.hpp:1978
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::rgbd::ICPOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: depth.hpp:827
cv::cuda::GpuMat::refcount
int * refcount
Definition: cuda.hpp:333
cv::cudev::AffineMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:66
cv::TLSData::createDataInstance
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:80
cv::THRESH_TOZERO_INV
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:325
cv::AgastFeatureDetector_Impl::setType
void setType(int type_)
Definition: agast.txt:7529
cv::fisheye::CALIB_FIX_K4
@ CALIB_FIX_K4
Definition: calib3d.hpp:3773
NppStInterpolationState::pBV
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
cv::VIDEOWRITER_PROP_HW_ACCELERATION
@ VIDEOWRITER_PROP_HW_ACCELERATION
(open-only) Hardware acceleration type (see VideoAccelerationType). Setting supported only via params...
Definition: videoio.hpp:203
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)
msa_macros.h
cv::GScalar
Definition: gscalar.hpp:29
cv::COLOR_BGR5652BGR
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:562
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::CAP_PROP_XI_HEIGHT
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:425
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::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::superres::createFrameSource_Camera
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
cv::dnn::KeypointsModel
This class represents high-level API for keypoints models.
Definition: dnn.hpp:1231
cv::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:453
cv::MouseEventTypes
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:210
cv::gapi::GBackend::hash
std::size_t hash() const
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getReplacedClassifier
int getReplacedClassifier() 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::phase
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
cv::GFluidKernelImpl::API
K API
Definition: gfluidkernel.hpp:421
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::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::ppf_match_3d::computeBboxStd
void computeBboxStd(Mat pc, Vec2f &xRange, Vec2f &yRange, Vec2f &zRange)
cv::Param::UCHAR
@ UCHAR
cv::cudev::ScharrXPtrSz::cols
int cols
Definition: deriv.hpp:256
cv::cuda::CornernessCriteria
Base class for Cornerness Criteria computation. :
Definition: cudaimgproc.hpp:519
cv::dnn::ConcatLayer::axis
int axis
Definition: all_layers.hpp:313
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::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:81
cv::text::PSM_SINGLE_LINE
@ PSM_SINGLE_LINE
Definition: ocr.hpp:76
HaarStage64_Interpret_ShiftRootNodeOffset
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:272
cv::cuda::GpuData
Definition: cuda.hpp:343
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::UMat::usageFlags
UMatUsageFlags usageFlags
Definition: mat.hpp:2565
NCVVectorAlloc::~NCVVectorAlloc
~NCVVectorAlloc()
Definition: NCV.hpp:654
cv::KalmanFilter::temp1
Mat temp1
Definition: tracking.hpp:405
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
constant.hpp
Cv16suf::u
ushort u
Definition: cvdef.h:370
cv::aruco::CORNER_REFINE_NONE
@ CORNER_REFINE_NONE
Tag and corners detection based on the ArUco approach.
Definition: aruco.hpp:82
cv::gapi::KalmanParams::controlMatrix
Mat controlMatrix
control matrix (B) (Optional: not used if there's no control)
Definition: video.hpp:42
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::aruco::CharucoBoard::chessboardCorners
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
cv::detail::ArgKind
ArgKind
Definition: gtype_traits.hpp:30
cv::legacy::TrackerMedianFlow::Params::winSizeNCC
cv::Size winSizeNCC
window size around a point for normalized cross-correlation check
Definition: tracking_legacy.hpp:202
cv::legacy::MultiTracker
This class is used to track multiple objects using the specified tracker algorithm.
Definition: tracking_legacy.hpp:351
cv::cuda::ALPHA_IN
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
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::text::loadOCRHMMClassifierNM
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::text::OCR_LEVEL_TEXTLINE
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:63
cv::face::FN_FaceDetector
bool(* FN_FaceDetector)(InputArray, OutputArray, void *userData)
Definition: facemark_train.hpp:33
NCV_INVALID_STEP
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
cv::parallel::openmp::ParallelForBackend::getThreadNum
virtual int getThreadNum() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:44
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::v_uint32x16
v_reg< unsigned, 16 > v_uint32x16
Sixteen 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:541
cv::sfm::libmv_ReconstructionOptions::keyframe2
int keyframe2
Definition: simple_pipeline.hpp:152
cv::FONT_HERSHEY_DUPLEX
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: imgproc.hpp:825
cv::dnn::NormalizeBBoxLayer::acrossSpatial
bool acrossSpatial
Definition: all_layers.hpp:653
cv::cudev::DefaultSplitMergePolicy::block_size_x
@ block_size_x
Definition: split_merge.hpp:496
cv::cudev::affineMap
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
cv::QT_FONT_NORMAL
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:243
cv::detail::get_in< cv::GArray< U > >::get
static const std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:176
cv::stereo::StereoBinaryBM::getPreFilterSize
virtual int getPreFilterSize() const =0
cv::gapi::StereoOutputFormat::DEPTH_FLOAT16
@ DEPTH_FLOAT16
opencv_includes.hpp
cv::GOCLKernelImpl::kernel
static cv::GOCLKernel kernel()
Definition: goclkernel.hpp:239
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::gapi::StereoOutputFormat::DEPTH_FLOAT32
@ DEPTH_FLOAT32
cv::detail::NoTag::tag
static constexpr const char * tag()
Definition: gkernel.hpp:196
onlineBoosting.hpp
cv::ConnectedComponentsTypes
ConnectedComponentsTypes
connected components statistics
Definition: imgproc.hpp:393
cv::gapi::ie::Params
Definition: ie.hpp:91
cv::detail::OpaqueRef::operator=
OpaqueRef & operator=(const cv::util::any &a)
Definition: gopaque.hpp:299
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
aruco.hpp
cv::detail::GOpaqueTraits
Definition: gcommon.hpp:61
cv::datasets::TRACK_vot::frameCounter
int frameCounter
Definition: track_vot.hpp:88
cv::gapi::ie::detail::ParamDesc::Kind
Kind
Definition: ie.hpp:67
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
cv::CAP_PROP_XI_CC_MATRIX_30
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:460
CPU_VSX3
@ CPU_VSX3
Definition: cvdef.h:329
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::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::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
cv::detail::DisjointSets::DisjointSets
DisjointSets(int elem_count=0)
Definition: util.hpp:58
Cv32suf::f
float f
Definition: cvdef.h:381
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::mcc::DetectorParameters::minContoursAreaRate
double minContoursAreaRate
Definition: checker_detector.hpp:110
cv::KeyPoint::KeyPoint
KeyPoint()
the default constructor
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategySize
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
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::videostab::DeblurerBase::radius
virtual int radius() const
Definition: deblurring.hpp:67
cv::datasets::SR_general100Obj
Definition: sr_general100.hpp:23
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:919
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:658
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:20
cv::detail::CompressedRectilinearProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::width
int width
Definition: histogramphaseunwrapping.hpp:81
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:404
cv::util::optional::operator=
optional & operator=(const optional &)=default
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::kinfu::VolumeType::HASHTSDF
@ HASHTSDF
cv::cudev::TypeTraits::is_integral
@ is_integral
Definition: type_traits.hpp:144
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:532
HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:123
cv::util::optional::operator*
T & operator*()
Definition: optional.hpp:119
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::linemod::Detector::LinearMemoryPyramid
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:406
cv::QuatEnum::EXT_YXY
@ EXT_YXY
Extrinsic rotations with the Euler angles type Y-X-Y.
Definition: quaternion.hpp:121
cv::COLOR_BayerGR2BGRA
@ COLOR_BayerGR2BGRA
Definition: imgproc.hpp:789
cv::cudev::vavrg2
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
cv::datasets::HPE_parse
Definition: hpe_parse.hpp:65
cv::COLOR_YUV2RGBA_NV12
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:648
cv::cuda::DeviceInfo
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:1044
cv::LineSegmentDetector
Line segment detector class.
Definition: imgproc.hpp:1269
cv::omnidir::CALIB_FIX_P1
@ CALIB_FIX_P1
Definition: omnidir.hpp:61
cv::aruco::Board::objPoints
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:286
cv::aruco::DetectorParameters::minCornerDistanceRate
double minCornerDistanceRate
Definition: aruco.hpp:163
cv::face::FacemarkLBF::~FacemarkLBF
virtual ~FacemarkLBF()
Definition: facemarkLBF.hpp:112
cv::cudev::constantPtr
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
cv::viz::Color::olive
static Color olive()
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::gapi::own::Size::Size
Size()=default
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
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::saliency::Saliency::className
String className
Definition: saliencyBaseClasses.hpp:81
cv::GMatDesc::asPlanar
GMatDesc asPlanar(int planes) const
Definition: gmat.hpp:180
cv::rgbd::DepthCleaner::depth_
int depth_
Definition: depth.hpp:260
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_OUTPUT_VECTOR_GRID_SIZE_1
@ NV_OF_OUTPUT_VECTOR_GRID_SIZE_1
Definition: cudaoptflow.hpp:486
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::saturate_cast< ushort >
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:120
cv::detail::tracking::tbm::TrackerParams::bbox_heights_range
cv::Vec2f bbox_heights_range
Bounding box heights range.
Definition: tracking_by_matching.hpp:291
cv::ppf_match_3d::ICP::ICP_SAMPLING_TYPE_UNIFORM
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
cv::Size_::aspectRatio
double aspectRatio() const
aspect ratio (width/height)
cvhalKeyPoint::angle
float angle
Definition: interface.h:24
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::detail::MatchesInfo::getMatches
std::vector< DMatch > getMatches()
Definition: matchers.hpp:112
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:574
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:245
cv::detail::VectorRefT
Definition: garray.hpp:134
K_LOG2_WARP_SIZE
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
CPU_AVX_512CD
@ CPU_AVX_512CD
Definition: cvdef.h:309
cv::InputArray
const typedef _InputArray & InputArray
Definition: mat.hpp:441
simd512::vx_setzero_f64
v_float64 vx_setzero_f64()
Definition: intrin.hpp:522
cv::v_float64x4
v_reg< double, 4 > v_float64x4
Four 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:524
cv::linemod::ColorGradient::num_features
size_t num_features
Definition: linemod.hpp:192
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_FORMAT_PRINTF
#define CV_FORMAT_PRINTF(A, B)
Definition: operations.hpp:61
HaarClassifierNode128::setRightNodeDesc
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:240
cv::dnn::SwishLayer
Definition: all_layers.hpp:465
cv::cudev::TypeTraits::is_const
@ is_const
Definition: type_traits.hpp:136
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.
cv::videostab::StabilizerBase::deblurrer
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:87
cv::detail::Yield< cv::GOpaque< U > >::yield
static cv::GOpaque< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:92
cv::ximgproc::EdgeDrawing::Params::GradientThresholdValue
int GradientThresholdValue
threshold value used to create gradient image.
Definition: edge_drawing.hpp:52
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::SparseMat_::const_iterator
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2948
cv::INTER_TAB_SIZE2
@ INTER_TAB_SIZE2
Definition: imgproc.hpp:290
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::videostab::ISparseOptFlowEstimator::~ISparseOptFlowEstimator
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
cv::dnn::resetMyriadDevice
void resetMyriadDevice()
Release a Myriad device (binded by OpenCV).
cv::dnn::SoftmaxLayer
Definition: all_layers.hpp:269
cv::CAP_INTELPERC_IMAGE_GENERATOR
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:587
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
HaarClassifierNodeDescriptor32
Definition: NCVHaarObjectDetection.hpp:178
cv::omnidir::RECTIFY_STEREOGRAPHIC
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:72
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::ocl::Device::preferredVectorWidthChar
int preferredVectorWidthChar() const
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:283
cv::MatConstIterator::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3023
cv::TrackerMIL::Params::featureSetNumFeatures
int featureSetNumFeatures
Definition: tracking.hpp:767
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:356
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::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::face::createFacemarkKazemi
Ptr< Facemark > createFacemarkKazemi()
construct a Kazemi facemark detector
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:498
cv::v256_setall_s64
v_int64x4 v256_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2857
VXPREFIX
#define VXPREFIX(func)
Definition: intrin.hpp:409
cv::Error::StsVecLengthErr
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
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:399
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::rect
Rect rect
Definition: feature.hpp:392
cv::blendLinear
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
cv::detail::TransverseMercatorWarper::TransverseMercatorWarper
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:497
cv::ximgproc::createRFFeatureGetter
Ptr< RFFeatureGetter > createRFFeatureGetter()
version.hpp
cv::linemod::Template::pyramid_level
int pyramid_level
Definition: linemod.hpp:45
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::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::linemod::Feature
Discriminant feature described by its location and label.
Definition: linemod.hpp:26
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::linemod::Detector::getModalities
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:359
cv::detail::Timelapser::~Timelapser
virtual ~Timelapser()
Definition: timelapsers.hpp:63
cv::Mat::create
void create(int rows, int cols, int type)
Allocates new array data if needed.
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::ml::ROW_SAMPLE
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
cv::LINE_8
@ LINE_8
8-connected line
Definition: imgproc.hpp:815
cv::cudev::MakeVec< schar, 1 >::type
schar type
Definition: vec_traits.hpp:76
cv::cuda::createBackgroundSubtractorFGD
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams &params=FGDParams())
Creates FGD Background Subtractor.
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::line_descriptor::LSDParam::quant
double quant
Definition: descriptor.hpp:703
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::videostab::WobbleSuppressorBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
cv::insertChannel
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
cv::CAP_PROP_AUTOFOCUS
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:175
cv::detail::matchesGraphAsString
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
cv::ximgproc::EdgeDrawing
Class implementing the ED (EdgeDrawing) , EDLines , EDPF and EDCircles algorithms.
Definition: edge_drawing.hpp:32
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::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::cudev::saturate_cast_fp16_func
Definition: functional.hpp:672
cv::cudev::DynamicSharedMem
Definition: dynamic_smem.hpp:56
cv::CirclesGridFinderParameters::densityNeighborhoodSize
cv::Size2f densityNeighborhoodSize
Definition: calib3d.hpp:1633
cv::winrt_onVisibilityChanged
void winrt_onVisibilityChanged(bool visible)
cv::COLOR_XYZ2BGR
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:586
cv::CAP_PROP_XI_BUFFERS_QUEUE_SIZE
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:503
cv::THRESH_TRUNC
@ THRESH_TRUNC
Definition: imgproc.hpp:323
cv::cuda::SURF_CUDA::OCTAVE_ROW
@ OCTAVE_ROW
Definition: cuda.hpp:94
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::cuda::HostMem::rows
int rows
Definition: cuda.hpp:793
cv::detail::GArrayU
Definition: garray.hpp:70
cv::detail::OpaqueRefT::mov
virtual void mov(BasicOpaqueRef &v) override
Definition: gopaque.hpp:213
cv::line_descriptor::BinaryDescriptor::Params::ksize_
int ksize_
Definition: descriptor.hpp:202
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::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:1026
cv::getVersionMinor
int getVersionMinor()
Returns minor library version.
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::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::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:493
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::cudev::DefaultTransformPolicy::shift
@ shift
Definition: transform.hpp:418
cv::COLOR_BGRA2RGB
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:543
cv::videostab::IDenseOptFlowEstimator
Definition: optical_flow.hpp:70
cv::gapi::onnx::detail::ParamDesc::output_names
std::vector< std::string > output_names
Definition: onnx.hpp:49
cv::gapi::LUT
GMat LUT(const GMat &src, const Mat &lut)
Performs a look-up table transform of a matrix.
cv::aruco::Board::ids
std::vector< int > ids
Definition: aruco.hpp:293
cv::cudev::unary_function::argument_type
_Arg argument_type
Definition: functional.hpp:64
cv::cuda::ALPHA_IN_PREMUL
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
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::face::FacemarkLBF::BBox::y_center
double y_center
Definition: facemarkLBF.hpp:106
cv::xfeatures2d::PCTSignatures::PointDistribution
PointDistribution
Point distributions supported by random point generator.
Definition: xfeatures2d.hpp:462
cv::utils::logging::registerLogTag
void registerLogTag(cv::utils::logging::LogTag *plogtag)
CV_DECL_ALIGNED
#define CV_DECL_ALIGNED(x)
Definition: cvdef.h:235
AVCaptureVideoDataOutputSampleBufferDelegate-p
simd512::vx_setall_s16
v_int16 vx_setall_s16(short v)
Definition: intrin.hpp:498
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::CAP_OPENNI_DISPARITY_MAP
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:301
cv::ximgproc::EdgeDrawing::Params::MaxDistanceBetweenTwoLines
double MaxDistanceBetweenTwoLines
Definition: edge_drawing.hpp:65
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::detail::InOutInfo::out_names
std::vector< std::string > out_names
Definition: infer.hpp:85
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::structured_light::FTP
@ FTP
Definition: sinusoidalpattern.hpp:58
cv::CAP_OPENNI_DEPTH_GENERATOR_BASELINE
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:291
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:321
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:1232
cv::haveImageReader
bool haveImageReader(const String &filename)
Returns true if the specified image can be decoded by OpenCV.
cv::BOWImgDescriptorExtractor::vocabulary
Mat vocabulary
Definition: features2d.hpp:1534
cv::GCPUStKernelImpl::API
K API
Definition: gcpukernel.hpp:480
cv::CAP_PROP_XI_TRG_SELECTOR
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:465
cv::ml::TEST_ERROR
@ TEST_ERROR
Definition: ml.hpp:91
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::detail::tracking::online_boosting::StrongClassifierDirectSelection::getUseFeatureExchange
bool getUseFeatureExchange() const
cv::MatxCommaInitializer
Comma-separated Matrix Initializer.
Definition: matx.hpp:290
cv::BufferPoolController::setMaxReservedSize
virtual void setMaxReservedSize(size_t size)=0
cv::utils::testOverloadResolution
static String testOverloadResolution(int value, const Point &point=Point(42, 24))
Definition: bindings_utils.hpp:71
cv::cudev::GlobPtr::row
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
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::detail::tracking::TrackerSamplerCSC::MODE
MODE
Definition: tracking.detail.hpp:354
cv::ocl::OpenCLExecutionContextScope
Definition: ocl.hpp:836
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
cv::sfm::SFM_IO_BUNDLER
@ SFM_IO_BUNDLER
Definition: io.hpp:58
CvVideoCameraDelegate-p
Definition: cap_ios.h:90
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:2118
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:58
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:59
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:2576
cv::kinfu::Intr::Projector::cx
float cx
Definition: intrinsics.hpp:59
cv::kinfu::Intr::Projector::fy
float fy
Definition: intrinsics.hpp:59
NCVVector::ptr
T * ptr() const
Definition: NCV.hpp:613
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:88
cv::optflow::GPCTree
Class for individual tree.
Definition: sparse_matching_gpc.hpp:154
cv::ximgproc::WMF_EXP
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
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::text::OEM_DEFAULT
@ OEM_DEFAULT
Definition: ocr.hpp:88
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.
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::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:335
cv::QuatEnum::EXT_ZYZ
@ EXT_ZYZ
Extrinsic rotations with the Euler angles type Z-Y-Z.
Definition: quaternion.hpp:124
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:498
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::datasets::GR_chalearnObj::name
std::string name
Definition: gr_chalearn.hpp:77
cv::CAP_PROP_XI_TIMEOUT
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:397
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
fuzzy_image.hpp
cv::datasets::getDirList
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
cv::rapid::findCorrespondencies
void findCorrespondencies(InputArray bundle, OutputArray cols, OutputArray response=noArray())
cv::detail::GArrayU::holds
bool holds() const
Definition: garray.hpp:101
cv::NORM_INF
@ NORM_INF
Definition: base.hpp:168
cv::GKernel::outCtors
GCtors outCtors
Definition: gkernel.hpp:53
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::detail::OpaqueRef::ptr
const void * ptr() const
Definition: gopaque.hpp:296
cv::UMat
Definition: mat.hpp:2384
cv::rgbd::ICPOdometry::getMinDepth
double getMinDepth() const
Definition: depth.hpp:791
shape_distance.hpp
cv::aruco::DICT_7X7_250
@ DICT_7X7_250
Definition: dictionary.hpp:156
cv::CAP_UNICAP
@ CAP_UNICAP
Unicap drivers (obsolete, removed)
Definition: videoio.hpp:101
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:67
cv::AVIWriteContainer::getChannels
int getChannels() const
Definition: container_avi.private.hpp:167
NPPST_INVALID_ROI
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
cv::TrackbarCallback
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:279
cv::AdaptiveThresholdTypes
AdaptiveThresholdTypes
Definition: imgproc.hpp:333
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:104
cv::detail::GCompoundKernel::m_f
F m_f
Definition: gcompoundkernel.hpp:50
cv::cudev::FindMinMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:132
cv::operator*
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
cv::cuda::COLOR_BayerGR2BGR_MHT
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
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::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::datasets::FR_adienceObj::x
int x
Definition: fr_adience.hpp:74
cv::sfm::BaseSFM
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:161
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::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::Exception::line
int line
line number in the source file where the error has occurred
Definition: core.hpp:144
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::imencode
bool imencode(const String &ext, InputArray img, std::vector< uchar > &buf, const std::vector< int > &params=std::vector< int >())
Encodes an image into a memory buffer.
cv::line_descriptor::KeyLine::octave
int octave
Definition: descriptor.hpp:112
Ncv16u
unsigned short Ncv16u
Definition: NCV.hpp:130
matx.hpp
cv::WINDOW_GUI_EXPANDED
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:194
cv::detail::ProtoToParam
Definition: gtyped.hpp:25
cv::v_int16x8
Definition: intrin_rvv.hpp:325
cv::datasets::PD_inria
Definition: pd_inria.hpp:83
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::aruco::DetectorParameters::markerBorderBits
int markerBorderBits
Definition: aruco.hpp:170
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::FileStorage::write
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1050
cv::v_uint32x8
v_reg< unsigned, 8 > v_uint32x8
Eight 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:518
cv::detail::tracking::online_boosting::EstimatedGaussDistribution
Definition: onlineBoosting.hpp:154
cv::datasets::tag::y
int y
Definition: tr_svt.hpp:63
cv::COLOR_LBGR2Lab
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:625
cv::Rect2i
Rect_< int > Rect2i
Definition: types.hpp:459
cv::cuda::inRange
void inRange(InputArray src, const Scalar &lowerb, const Scalar &upperb, OutputArray dst, Stream &stream=Stream::Null())
Checks if array elements lie between two scalars.
CV_EXPORTS_W_SIMPLE
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:449
cv::CAP_PROP_MONOCHROME
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:156
cv::TransverseMercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:246
cv::DIST_MASK_5
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:314
CV_WRAP_AS
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:457
cv::hal::Cholesky64f
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
cv::Matx::solve
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
cv::cuda::BroxOpticalFlow
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:155
cv::xphoto::BM3D_STEPALL
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
cv::vint16mf2_t::vint16mf2_t
vint16mf2_t()
Definition: intrin_rvv.hpp:62
cv::cudacodec::EncoderCallBack
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:130
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::cudev::UnaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:59
cv::COLOR_YUV2RGBA_Y422
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:696
cv::ACCESS_WRITE
@ ACCESS_WRITE
Definition: mat.hpp:64
cv::TermCriteria::epsilon
double epsilon
the desired accuracy
Definition: types.hpp:883
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::VideoCaptureProperties
VideoCaptureProperties
cv::VideoCapture generic properties identifier.
Definition: videoio.hpp:134
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::viz::writePose
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
cv::Error::StsNullPtr
@ StsNullPtr
null pointer
Definition: base.hpp:96
cv::ml::DTrees
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:1053
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::cudev::interNearest
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
cv::CAP_IEEE1394
@ CAP_IEEE1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:97
cv::cudev::DefaultTransformPolicy::block_size_y
@ block_size_y
Definition: transform.hpp:417
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::dnn::ScaleLayer::hasBias
bool hasBias
Definition: all_layers.hpp:554
cv::datasets::FR_lfw
Definition: fr_lfw.hpp:66
randpattern.hpp
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:380
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::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::GProtoArgs
std::vector< GProtoArg > GProtoArgs
Definition: gproto.hpp:45
cv::xfeatures2d::Elliptic_KeyPoint::axes
Size_< float > axes
the lengths of the major and minor ellipse axes
Definition: xfeatures2d.hpp:908
cv::gapi::onnx::PortCfg::Normalize
std::array< bool, std::tuple_size< typename Net::InArgs >::value > Normalize
Definition: onnx.hpp:79
cv::GCPUContext::outVecR
std::vector< T > & outVecR(int output)
Definition: gcpukernel.hpp:105
cv::xfeatures2d::PCTSignatures::MINUS
@ MINUS
Definition: xfeatures2d.hpp:481
cv::cuda::LookUpTable
Base class for transform using lookup table.
Definition: cudaarithm.hpp:517
CV_CheckGE
#define CV_CheckGE(v1, v2, msg)
Definition: check.hpp:118
cv::asin
Quat< T > asin(const Quat< T > &q)
cv::CAP_PROP_XI_CC_MATRIX_11
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:453
cv::fisheye::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: calib3d.hpp:3771
NCVBroxOpticalFlowDescriptor::alpha
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
cv::GComputationT< std::tuple< R... >(Args...)>::GCompiledT::operator()
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:180
cv::multicalib::MultiCameraCalibration::edge::photoVertex
int photoVertex
Definition: multicalib.hpp:85
cv::TermCriteria::isValid
bool isValid() const
Definition: types.hpp:874
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::COLOR_RGB2YUV_YV12
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:742
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::DP
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:131
cv::detail::OCVSetupHelper
Definition: gcpukernel.hpp:301
cv::v256_cleanup
void v256_cleanup()
Definition: intrin_cpp.hpp:3302
cv::_InputArray
This is the proxy class for passing read-only input arrays into OpenCV functions.
Definition: mat.hpp:158
cv::cudev::PerspectiveMapPtrSz
Definition: warping.hpp:125
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:3296
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::COLORSPACE_GRAY
@ COLORSPACE_GRAY
Definition: container_avi.private.hpp:135
cv::CALIB_CB_ASYMMETRIC_GRID
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:491
cv::cudev::LinearInterPtrSz::rows
int rows
Definition: interpolation.hpp:136
cv::detail::get_in< cv::GMatP >::get
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:164
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:1557
cv::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:404
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:234
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::videostab::InpainterBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
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::gapi::own::Mat::operator()
Mat operator()(const Rect &roi) const
Definition: mat.hpp:321
cv::QtFont::cyrillic
const int * cyrillic
Definition: highgui.hpp:719
cv::dnn::LayerParams
This class provides all data needed to initialize layer.
Definition: dnn.hpp:120
cv::operator-=
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
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
intrin_sse.hpp
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:122
cv::ppf_match_3d::Pose3D::numVotes
size_t numVotes
Definition: pose_3d.hpp:126
cv::ppf_match_3d::hashtablePrint
void hashtablePrint(hashtable_int *hashtbl)
cv::util::variant::memory
Memory memory
Definition: variant.hpp:179
cv::ogl::Buffer::Access
Access
Definition: opengl.hpp:92
cv::detail::tracking::TrackerFeature
Abstract base class for TrackerFeature that represents the feature.
Definition: tracking.detail.hpp:32
cv::rgbd::RgbdOdometry
Definition: depth.hpp:624
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
functional.hpp
cv::COLOR_RGB2BGR
@ COLOR_RGB2BGR
Definition: imgproc.hpp:546
cv::gapi::wip::draw::Text::thick
int thick
The thickness of the lines used to draw a text.
Definition: render_types.hpp:79
cv::viz::REPRESENTATION
@ REPRESENTATION
Definition: widgets.hpp:67
ocl.hpp
cv::ADAPTIVE_THRESH_GAUSSIAN_C
@ ADAPTIVE_THRESH_GAUSSIAN_C
Definition: imgproc.hpp:341
cv::DetectionBasedTracker::Parameters::maxTrackLifetime
int maxTrackLifetime
Definition: detection_based_tracker.hpp:62
cv::stereo::StereoBinaryBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
_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::ximgproc::ARO_45_90
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection
Definition: onlineBoosting.hpp:65
cv::structured_light::FAPS
@ FAPS
Definition: sinusoidalpattern.hpp:60
exposure_compensate.hpp
cv::utils::dumpRect
static String dumpRect(const Rect &argument)
Definition: bindings_utils.hpp:85
cv::COLOR_YUV2BGRA_YV12
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:665
cv::operator>>
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:1276
cv::cudev::ThreshToZeroInvFunc
Definition: functional.hpp:771
cv::cuda::TemplateMatching
Base class for Template Matching. :
Definition: cudaimgproc.hpp:657
cv::dnn::DNN_TARGET_MYRIAD
@ DNN_TARGET_MYRIAD
Definition: dnn.hpp:92
cv::Quat
Definition: quaternion.hpp:132
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::face::FacemarkLBF::Params::n_landmarks
int n_landmarks
number of landmark points
Definition: facemarkLBF.hpp:65
cv::ml::DTrees::Split::c
float c
Definition: ml.hpp:1184
cv::cuda::FEATURE_SET_COMPUTE_30
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:996
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::cuda::GpuMat::Allocator
Definition: cuda.hpp:108
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::imdecode
Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
cv::GMatDesc::isND
bool isND() const
Definition: gmat.hpp:110
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::v_float32x16
v_reg< float, 16 > v_float32x16
Sixteen 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:545
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::CAP_PROP_GPHOTO2_PREVIEW
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:610
cv::detail::has_custom_wrap::type
decltype(test< T >(nullptr)) type
Definition: gtype_traits.hpp:110
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:202
cv::Quat::x
_Tp x
Definition: quaternion.hpp:1618
cv::Param::UINT64
@ UINT64
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::GFluidKernel::Kind::Filter
@ Filter
cv::v_float64x2::v_float64x2
v_float64x2()
Definition: intrin_rvv.hpp:521
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::saliency::StaticSaliencySpectralResidual::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
cv::datasets::TRACK_alovObj::imagePath
std::string imagePath
Definition: track_alov.hpp:64
cv::dnn::LayerFactory::unregisterLayer
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name. Thread-safe.
cv::multicalib::MultiCameraCalibration::vertex::vertex
vertex()
Definition: multicalib.hpp:111
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:654
cv::structured_light::PSP
@ PSP
Definition: sinusoidalpattern.hpp:59
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:220
cv::GComputationT< std::tuple< R... >(Args...)>::GCompiledT::GCompiledT
GCompiledT()
Definition: gtyped.hpp:178
cv::detail::ArgKind::GARRAY
@ GARRAY
cv::face::CParams::maxSize
Size maxSize
Maximum possible object size.
Definition: facemark_train.hpp:40
cv::datasets::tag
Definition: tr_svt.hpp:60
cv::stereo::StereoBinaryBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:123
outlier_rejection.hpp
cv::detail::tracking::TrackerFeatureHOG
TrackerContribFeature based on HOG.
Definition: tracking_internals.hpp:831
cv::detail::VectorRefT::reset
void reset()
Definition: garray.hpp:167
cv::cudev::transformPtr
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
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::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.
kdtree_index.h
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::Matx66d
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:257
cv::DrawMatchesFlags
DrawMatchesFlags
Definition: features2d.hpp:1295
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::height
int height
Definition: histogramphaseunwrapping.hpp:82
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::gapi::GKernelPackage::remove
void remove()
Remove all kernels implementing the given API from the package.
Definition: gkernel.hpp:565
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:618
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:686
cv::videostab::TwoPassStabilizer::mustEstimateTrimaRatio
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:175
cv::videostab::MotionFilterBase::~MotionFilterBase
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
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::EVENT_FLAG_ALTKEY
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:232
cv::viz::WCoordinateSystem
Compound widgets.
Definition: widgets.hpp:513
CV_CUDEV_RGB5x52RGB_INST
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
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::v512_setall_s32
v_int32x16 v512_setall_s32(int val)
Definition: intrin_cpp.hpp:2866
cv::cudev::CubicInterPtr
Definition: interpolation.hpp:155
cv::datasets::OR_sunObj
Definition: or_sun.hpp:60
cv::detail::TimelapserCrop
Definition: timelapsers.hpp:80
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::LineTypes
LineTypes
Definition: imgproc.hpp:812
cv::gapi::onnx::TraitAs::IMAGE
@ IMAGE
G-API traits an associated cv::Mat as an image so.
cv::detail::OpaqueKind::CV_POINT
@ CV_POINT
cv::RMat::Access
Access
Definition: rmat.hpp:100
cv::detail::GObtainCtor::get
static HostCtor get()
Definition: gtype_traits.hpp:209
motempl.hpp
cv::FloodFillFlags
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:377
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:354
cv::cudev::vmax2
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
warp.hpp
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:172
hal_ni_split8u
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
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())
cv::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: calib3d.hpp:501
infer.hpp
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::videostab::LogToStdout
Definition: log.hpp:69
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:145
cv::datasets::TRACK_vot::activeDatasetID
int activeDatasetID
Definition: track_vot.hpp:87
cv::cudacodec::NumFormats
@ NumFormats
Definition: cudacodec.hpp:276
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:125
cv::detail::OpaqueKind::CV_FLOAT
@ CV_FLOAT
cv::gapi::fluid::View::Cache
Definition: gfluidbuffer.hpp:43
cv::gapi::own::Mat::clone
Mat clone() const
Creates a full copy of the matrix and the underlying data.
Definition: mat.hpp:262
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:3295
cv::detail::VectorRef::getKind
cv::detail::OpaqueKind getKind() const
Definition: garray.hpp:262
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::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:1412
cv::VideoWriter::iwriter
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:1096
vec_math.hpp
cv::datasets::flat
@ flat
Definition: gr_skig.hpp:78
cv::flann::CvType< char >::type
static int type()
Definition: flann.hpp:77
NcvRect32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
cv::cudev::warpTransform
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
cv::COLOR_BayerBG2BGRA
@ COLOR_BayerBG2BGRA
Demosaicing with alpha channel.
Definition: imgproc.hpp:786
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:260
cv::viz::Viz3d::Color
cv::viz::Color Color
Definition: viz3d.hpp:70
cv::Range::size
int size() const
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::cudev::LaplacianPtrSz
Definition: deriv.hpp:369
cv::gapi::wip::draw::Poly::lt
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:323
cv::cudev::RemapPtr2Sz::rows
int rows
Definition: remap.hpp:105
cv::line_descriptor::LSDDetector::LSDDetector
LSDDetector(LSDParam _params)
Definition: descriptor.hpp:730
cv::cuda::DeviceInfo::ComputeMode
ComputeMode
Definition: cuda.hpp:1120
cv::GPlaidMLKernelImpl
Definition: gplaidmlkernel.hpp:124
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:62
cv::GCompileArg::GCompileArg
GCompileArg()=default
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::cudev::minMaxVal_
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
cv::COLOR_YUV2BGRA_YVYU
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:713
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)
NCV_HAAR_INVALID_PIXEL_STEP
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
cv::cudev::Binder2nd::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:1006
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::datasets::SR_bsds
Definition: sr_bsds.hpp:28
cv::cudev::vsetne4
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
cv::detail::MatchesInfo::dst_img_idx
int dst_img_idx
Images indices (optional)
Definition: matchers.hpp:106
cv::detail::tracking::contrib_feature::CvFeatureEvaluator
Definition: feature.hpp:160
cv::ccm::COLOR_SPACE_XYZ_D65_10
@ COLOR_SPACE_XYZ_D65_10
non-RGB color space
Definition: ccm.hpp:111
cv::Mat::datastart
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:2101
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::aruco::DetectorParameters::minMarkerDistanceRate
double minMarkerDistanceRate
Definition: aruco.hpp:165
cv::ml::SVMSGD::SGD
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1804
cv::detail::plaidml_get_out
Definition: gplaidmlkernel.hpp:92
cv::COLOR_RGB2BGR565
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:561
cv::Matx::ones
static Matx ones()
cv::bioinspired::SegmentationParameters::thresholdON
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
cv::detail::AffineBestOf2NearestMatcher
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:222
cv::RMat::RMat
RMat(AdapterP &&a)
Definition: rmat.hpp:120
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::ocl::PlatformInfo::deviceNumber
int deviceNumber() const
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:502
cv::Mat_
Template matrix class derived from Mat.
Definition: mat.hpp:2187
cv::cudev::interArea
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
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::sfm::meanAndVarianceAlongRows
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
cv::CHAIN_APPROX_SIMPLE
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:442
cv::QT_FONT_DEMIBOLD
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:244
cv::Error::BadTileSize
@ BadTileSize
Definition: base.hpp:92
cv::datasets::SLAM_kittiObj::velodyne
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
cv::cudev::DerivXPtrSz
Definition: deriv.hpp:74
cv::ximgproc::EdgeDrawing::Params::NFAValidation
bool NFAValidation
when this value is true NFA (Number of False Alarms) algorithm will be used for line and ellipse vali...
Definition: edge_drawing.hpp:62
cv::ximgproc::ARO_CTR_VER
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
cv::videostab::MotionEstimatorRansacL2
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:131
cv::ccm::DISTANCE_RGBL
@ DISTANCE_RGBL
Euclidean distance of rgbl color space.
Definition: ccm.hpp:353
cv::Vec4w
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:419
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:245
cv::img_hash::AverageHash
Computes average hash value of the input image.
Definition: average_hash.hpp:21
cv::cudev::atomicMin
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_PERF_LEVEL_UNDEFINED
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:473
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::ParamType< Scalar >::member_type
Scalar member_type
Definition: core.hpp:3287
cv::pointPolygonTest
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
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::viz::Viz3d
The Viz3d class represents a 3D visualizer window. This class is implicitly shared.
Definition: viz3d.hpp:67
cv::cudev::integral_
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
cv::videostab::DeblurerBase::~DeblurerBase
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
NcvSize32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
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:1049
cv::videostab::InpainterBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
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::face::FacemarkAAM::Params::save_model
bool save_model
Definition: facemarkAAM.hpp:72
cv::detail::tracking::contrib_feature::CvHaarEvaluator::setWinSize
Size setWinSize() const
_mm512_cvtpd_pslo
#define _mm512_cvtpd_pslo(a)
Definition: intrin_avx512.hpp:60
cv::superres::createOptFlow_PyrLK_CUDA
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
cv::detail::PaniniWarper::PaniniWarper
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:442
any.hpp
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::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:436
cv::CAP_PROP_XI_AEAG
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:392
cv::COLOR_BayerGB2RGBA
@ COLOR_BayerGB2RGBA
Definition: imgproc.hpp:792
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:93
cv::setIdentity
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
cv::cudev::LinearInterPtr::src
SrcPtr src
Definition: interpolation.hpp:102
cv::detail::BasicOpaqueRef::~BasicOpaqueRef
virtual ~BasicOpaqueRef()
Definition: gopaque.hpp:122
cv::QT_FONT_BOLD
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:245
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::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_ERROR_FAIL
@ CV_ERROR_FAIL
Some error occurred (TODO Require to fill exception information)
Definition: llapi.h:40
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::cudev::DefaultTransposePolicy
Definition: transpose.hpp:84
dynamic_smem.hpp
cv::DetectionBasedTracker::IDetector::getScaleFactor
float getScaleFactor()
Definition: detection_based_tracker.hpp:96
OpenCV_API_Header_t::opencv_version_status
const char * opencv_version_status
compiled OpenCV version
Definition: llapi.h:55
cv::TLSDataAccumulator::createDataInstance
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:211
cv::cudev::IntegerAreaInterPtr::area_height
int area_height
Definition: interpolation.hpp:240
cv::LineIterator::plusShift
int plusShift
Definition: imgproc.hpp:4863
cv::v_load_expand_q
v_reg< typename V_TypeTraits< _Tp >::q_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1964
cv::IMWRITE_EXR_COMPRESSION_DWAA
@ IMWRITE_EXR_COMPRESSION_DWAA
lossy DCT based compression, in blocks of 32 scanlines. More efficient for partial buffer access.
Definition: imgcodecs.hpp:123
async_promise.hpp
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::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::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::FileNode::read
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:785
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::face::FacemarkLBF::Params::save_model
bool save_model
flag to save the trained model or not
Definition: facemarkLBF.hpp:81
cv::CAP_INTEL_MFX
@ CAP_INTEL_MFX
Intel MediaSDK.
Definition: videoio.hpp:123
cv::GCPUKernelImpl::kernel
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:470
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::detail::tracking::TrackerFeatureFeature2d
TrackerContribFeature based on Feature2D.
Definition: tracking_internals.hpp:804
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:776
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
OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COPIER
#define OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COPIER(i, field)
Definition: functional.hpp:870
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::cuda::FEATURE_SET_COMPUTE_13
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:993
cv::Node::m_pParent
Node< OBJECT > * m_pParent
Definition: utility.hpp:1126
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::AVIWriteContainer::isEmptyFrameSize
bool isEmptyFrameSize() const
Definition: container_avi.private.hpp:173
cv::COLOR_BayerBG2RGB_EA
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:780
cv::cuda::sum
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
cv::cudev::vsetgt4
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
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::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::AKAZE::DESCRIPTOR_MLDB
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:830
hal_ni_dftFree2D
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
cv::CAP_PROP_XI_RECENT_FRAME
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:505
cv::gapi::wip::draw::render3ch
GMat render3ch(const GMat &src, const GArray< Prim > &prims)
Renders on 3 channels input.
cv::videostab::KeypointBasedMotionEstimator
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:229
cv::hal::LU32f
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
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::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
cv::dnn::releaseHDDLPlugin
void releaseHDDLPlugin()
Release a HDDL plugin.
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:531
cv::gapi::mask
GMat mask(const GMat &src, const GMat &mask)
Applies a mask to a matrix.
cv::gapi::own::Point::y
int y
Definition: types.hpp:28
cv::USAGE_ALLOCATE_HOST_MEMORY
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:458
cv::stereo::StereoMatcher::setSpeckleRange
virtual void setSpeckleRange(int speckleRange)=0
cv::cudev::log10
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
cv::vuint8mf4_t::vuint8mf4_t
vuint8mf4_t(const uchar *ptr)
Definition: intrin_rvv.hpp:132
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:469
cv::QT_STYLE_ITALIC
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:252
cv::gapi::own::operator==
bool operator==(const Scalar &lhs, const Scalar &rhs)
Definition: scalar.hpp:38
cv::ParamType< float >::member_type
float member_type
Definition: core.hpp:3255
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::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::hal::exp32f
void exp32f(const float *src, float *dst, int n)
cv::optflow::RLOFOpticalFlowParameter::supportRegionType
SupportRegionType supportRegionType
Definition: rlofflow.hpp:88
cv::videostab::StabilizerBase::maskSource_
Ptr< IFrameSource > maskSource_
Definition: stabilizer.hpp:116
cv::utils::shared_lock_guard
A shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:45
cv::datasets::paperWithCharacters
@ paperWithCharacters
Definition: gr_skig.hpp:91
cv::optflow::createOptFlow_SparseToDense
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
NppStInterpolationState
Definition: NPP_staging.hpp:114
cv::cudev::ScharrXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
cv::videostab::PyrLkOptFlowEstimatorBase::setMaxLevel
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
cv::GeneralizedHough
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:850
cv::gapi::wip::draw::renderFrame
GFrame renderFrame(const GFrame &m_frame, const GArray< Prim > &prims)
Renders Media Frame.
cv::GRunArg::GRunArg
GRunArg(T &&t, const Meta &m=Meta{}, typename std::enable_if< detail::in_variant< T, GRunArgBase >::value, int >::type=0)
Definition: garg.hpp:145
cv::ccm::COLORCHECKER_Vinyl
@ COLORCHECKER_Vinyl
DKK ColorChecker.
Definition: ccm.hpp:90
NppStBorderType
NppStBorderType
Definition: NPP_staging.hpp:88
cv::detail::tracking::TrackerSamplerPF
This sampler is based on particle filtering.
Definition: tracking_internals.hpp:767
cv::dnn::TextRecognitionModel
This class represents high-level API for text recognition networks.
Definition: dnn.hpp:1349
cv::FileStorage::INSIDE_MAP
@ INSIDE_MAP
Definition: persistence.hpp:328
cv::getWindowProperty
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
OpenCV_API_Header_t::opencv_version_major
unsigned opencv_version_major
compiled OpenCV version
Definition: llapi.h:52
cv::gapi::streaming::Y
GMat Y(const cv::GFrame &frame)
Extracts Y plane from media frame.
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::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::CalibrateDebevec
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:549
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::text::PSM_SINGLE_BLOCK
@ PSM_SINGLE_BLOCK
Definition: ocr.hpp:75
cv::text::ERStat::rect
Rect rect
Definition: erfilter.hpp:82
cv::util::any::any
any(value_t &&arg)
Definition: any.hpp:76
NCVPipeObjDet_FindLargestObject
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:356
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_HINT_VECTOR_GRID_SIZE_1
@ NV_OF_HINT_VECTOR_GRID_SIZE_1
Definition: cudaoptflow.hpp:498
cv::CAP_PROP_XI_CC_MATRIX_21
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:457
cv::viz::Camera
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:163
cv::reg::MapperGradShift
Definition: mappergradshift.hpp:52
cv::CAP_PVAPI_PIXELFORMAT_MONO16
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:361
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::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::detail::resultTl
Point resultTl(const std::vector< Point > &corners)
cv::detail::NoExposureCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:105
cv::value_of
GRunArg value_of(const GOrigin &origin)
cv::Matx34d
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:250
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:4829
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...
facemark_train.hpp
cv::Stitcher::ORIG_RESOL
static const double ORIG_RESOL
Definition: stitching.hpp:149
cv::SortFlags
SortFlags
Definition: core.hpp:157
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::linemod::Detector
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:298
cv::ximgproc::segmentation::SelectiveSearchSegmentation
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
cv::gout
GRunArgsP gout(Ts &... args)
Definition: garg.hpp:247
NCV_NULL_PTR
@ NCV_NULL_PTR
Definition: NCV.hpp:323
cv::MorphTypes
MorphTypes
type of morphological operation
Definition: imgproc.hpp:213
cv::COLOR_RGB2Lab
@ COLOR_RGB2Lab
Definition: imgproc.hpp:598
cv::MinProblemSolver
Basic interface for all solvers.
Definition: optim.hpp:58
cv::reg::MapShift
Definition: mapshift.hpp:53
cv::cudev::identity::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
cv::GInferOutputs
cv::detail::GInferOutputsTyped< cv::GMat > GInferOutputs
G-API object used to collect network outputs.
Definition: infer.hpp:374
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::reg::MapperPyramid::numIterPerScale_
int numIterPerScale_
Definition: mapperpyramid.hpp:69
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::UsacParams::loIterations
int loIterations
Definition: calib3d.hpp:557
cv::detail::wref_spec
Definition: gstreaming.hpp:25
cv::xphoto::GrayworldWB
Gray-world white balance algorithm.
Definition: white_balance.hpp:139
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::p2
int p2
Definition: feature.hpp:327
cv::videostab::PyrLkOptFlowEstimatorBase
Definition: optical_flow.hpp:79
cv::ParamType< double >::member_type
double member_type
Definition: core.hpp:3215
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::CAP_OPENNI_IR_GENERATOR_PRESENT
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:295
cv::DetectionBasedTracker::DETECTED
@ DETECTED
Definition: detection_based_tracker.hpp:141
cv::videostab::InpainterBase::~InpainterBase
virtual ~InpainterBase()
Definition: inpainting.hpp:68
large_kinfu.hpp
cv::saliency::Objectness
Definition: saliencyBaseClasses.hpp:120
warping.hpp
NCVMatrix::height
Ncv32u height() const
Definition: NCV.hpp:825
cv::gapi::own::Size
Definition: types.hpp:98
cv::RETR_TREE
@ RETR_TREE
Definition: imgproc.hpp:430
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:98
cv::softdouble::nan
static softdouble nan()
Default NaN constant.
Definition: softfloat.hpp:350
cv::face::Facemark
Abstract base class for all facemark models.
Definition: facemark.hpp:47
cv::detail::OptRef::OptHolder
Definition: gstreaming.hpp:34
hal_ni_dftFree1D
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
cv::FileStorage::write
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:950
cv::UsacParams
Definition: calib3d.hpp:552
cv::CALIB_CB_MARKER
@ CALIB_CB_MARKER
Definition: calib3d.hpp:487
cv::cudev::ReduceToRowBody::src
SrcPtr src
Definition: reduction.hpp:176
cv::CAP_PROP_XI_AEAG_ROI_HEIGHT
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:419
cv::FileNodeIterator::fs
FileStorage::Impl * fs
Definition: persistence.hpp:687
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:741
cv::CAP_OPENNI_DEPTH_GENERATOR
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:263
NCVMatrix::_pitch
Ncv32u _pitch
Definition: NCV.hpp:835
Ncv8u
unsigned char Ncv8u
Definition: NCV.hpp:132
cv::CAP_PROP_OPENNI_MAX_BUFFER_SIZE
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:279
objdetect.hpp
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::rgbd::registerDepth
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
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::Rect_::empty
bool empty() const
true if empty
cv::rgbd::FastICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:1120
cv::COLORMAP_JET
@ COLORMAP_JET
Definition: imgproc.hpp:4314
cv::GNetworkType< K, std::function< R(Args...)> >::OutArgs
std::tuple< R > OutArgs
Definition: infer.hpp:208
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::INTER_TAB_SIZE
@ INTER_TAB_SIZE
Definition: imgproc.hpp:289
cv::dnn::SliceLayer::num_split
int num_split
Definition: all_layers.hpp:369
ccm.hpp
cv::aruco::DICT_6X6_100
@ DICT_6X6_100
Definition: dictionary.hpp:151
cv::util::any::operator=
any & operator=(any &&)=default
cv::UsacParams::isParallel
bool isParallel
Definition: calib3d.hpp:556
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
cv::GMatDesc::withType
GAPI_WRAP GMatDesc withType(int ddepth, int dchan) const
Definition: gmat.hpp:158
cudaoptflow.hpp
cv::v512_load_low
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_low(const _Tp *ptr)
Load 256-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1757
cvhalKeyPoint::y
float y
Definition: interface.h:22
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:182
cv::detail::BundleAdjusterAffinePartial::BundleAdjusterAffinePartial
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:316
cv::face::MACE
Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical fe...
Definition: mace.hpp:71
cv::gapi::streaming::timestamp
cv::GOpaque< int64_t > timestamp(G g)
Definition: meta.hpp:60
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::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:734
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::cudev::ResizePtr::src
SrcPtr src
Definition: resize.hpp:65
cv::Node::addChild
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1096
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::ParamType< Mat >::const_param_type
const typedef Mat & const_param_type
Definition: core.hpp:3230
cv::GRunArg::GRunArg
GRunArg()
cv::LSD_REFINE_STD
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:491
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::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::v_setzero_u64
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:2798
cv::cuda::GpuMatND::SizeArray
std::vector< int > SizeArray
Definition: cuda.hpp:361
cv::Error::StsBadMemBlock
@ StsBadMemBlock
an allocated block has been corrupted
Definition: base.hpp:114
cv::detail::RotationWarperBase
Base class for rotation-based warper using a detail::ProjectorBase_ derived class.
Definition: warpers.hpp:158
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::CirclesGridFinderParameters::edgePenalty
float edgePenalty
Definition: calib3d.hpp:1643
cv::rgbd::DepthCleaner
Definition: depth.hpp:186
cv::xfeatures2d::BEBLID::SIZE_512_BITS
@ SIZE_512_BITS
Definition: xfeatures2d.hpp:213
NcvSize32u::NcvSize32u
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
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.
cv::cudev::RemapPtr1::src
SrcPtr src
Definition: remap.hpp:65
cv::detail::CylindricalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
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:207
cv::Quat::w
_Tp w
Definition: quaternion.hpp:1618
cv::datasets::SR_bsdsObj
Definition: sr_bsds.hpp:23
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::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
cv::detail::has_custom_wrap::value
static const constexpr bool value
Definition: gtype_traits.hpp:111
pcaflow.hpp
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
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:210
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:912
cv::DetectionBasedTracker::cascadeForTracking
cv::Ptr< IDetector > cascadeForTracking
Definition: detection_based_tracker.hpp:210
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::ximgproc::ARO_315_135
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
cv::rgbd::ICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:823
cv::ocl::KernelArg::ReadWriteNoSize
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:407
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::isIntegral
bool isIntegral
Definition: feature.hpp:216
cv::detail::tracking::tbm::TrackerParams::aff_thr_strong
float aff_thr_strong
Definition: tracking_by_matching.hpp:277
cv::GOCLContext::outMatR
cv::UMat & outMatR(int output)
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
cv::cudev::NormL1< float >::value_type
float value_type
Definition: vec_distance.hpp:92
cv::aruco::Board::dictionary
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:289
cv::cuda::GpuMatND::IndexArray
std::vector< int > IndexArray
Definition: cuda.hpp:363
cv::kinfu::Params::bilateral_sigma_depth
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: kinfu.hpp:95
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::frame_iterator
frame_list::iterator frame_iterator
Definition: container_avi.private.hpp:69
cv::detail::strip
gapi::GNetParam strip(T &&t)
Definition: infer.hpp:678
cv::Point2l
Point_< int64 > Point2l
Definition: types.hpp:191
cv::InputArrayOfArrays
InputArray InputArrayOfArrays
Definition: mat.hpp:442
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:195
cv::SolveLPResult
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:257
cv::rgbd::ICPOdometry
Definition: depth.hpp:759
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::detail::ImageFeatures::keypoints
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:62
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::gapi::ie::Params::cfgInputReshape
Params< Net > & cfgInputReshape(std::unordered_set< std::string > &&layer_names)
Definition: ie.hpp:179
cv::parallel::tbb::ParallelForBackend::ParallelForBackend
ParallelForBackend()
Definition: parallel_for.tbb.hpp:52
cv::detail::restoreImageFromLaplacePyr
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
cv::cudev::InRangeCopier::operator()
void operator()(const Scalar &in, typename MakeVec< T, cn >::type &out) const
cv::saliency::MotionSaliencyBinWangApr2014::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
cv::MORPH_DILATE
@ MORPH_DILATE
see dilate
Definition: imgproc.hpp:215
cv::videostab::SparsePyrLkOptFlowEstimator
Definition: optical_flow.hpp:96
cv::detail::tracking::TrackerContribSamplerCSC::Params::trackInPosRad
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking_internals.hpp:657
cv::FileStorage::elname
std::string elname
Definition: persistence.hpp:463
numeric.hpp
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::GCompileArgs
std::vector< GCompileArg > GCompileArgs
Definition: gcommon.hpp:196
cv::cuda::sqr
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
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:399
cv::hal::DCT2D
Definition: hal.hpp:220
HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:126
cv::QRCodeDetector::p
Ptr< Impl > p
Definition: objdetect.hpp:763
cv::createFaceDetectionMaskGenerator
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
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::cudev::ZipPtrSz
Definition: zip.hpp:108
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::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::dnn::AbsLayer
Definition: all_layers.hpp:489
utility.hpp
cv::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: calib3d.hpp:502
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
cv::GMatDesc::withSizeDelta
GMatDesc withSizeDelta(int dx, int dy) const
Definition: gmat.hpp:133
cv::L2
Definition: features2d.hpp:910
cv::gapi::own::Rect::height
int height
height of the rectangle
Definition: types.hpp:61
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::cudacodec::Uncompressed_YUYV
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:264
cv::cudev::cosh
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
cv::detail::VectorRef::ptr
const void * ptr() const
Definition: garray.hpp:317
cv::v_reg::v_reg
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:379
cv::Vec2f
Vec< float, 2 > Vec2f
Definition: matx.hpp:427
cv::rgbd::FastICPOdometry::getSigmaDepth
float getSigmaDepth() const
Definition: depth.hpp:1096
cv::gapi::own::Point::x
int x
Definition: types.hpp:27
cv::ogl::TRIANGLE_FAN
@ TRIANGLE_FAN
Definition: opengl.hpp:485
cv::reg::Mapper::sqr
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
cv::cudev::DisableIf
Definition: type_traits.hpp:112
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::viz::Mesh::Mesh
Mesh()
Definition: types.hpp:140
cv::text::erGrouping_Modes
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:267
cv::MatxCommaInitializer::operator*
Matx< _Tp, m, n > operator*() const
cv::ppf_match_3d::hashnode_i::data
void * data
Definition: t_hash_int.hpp:63
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::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::text::ERStat::max_probability_ancestor
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
cv::dnn::NormalizeBBoxLayer::pnorm
float pnorm
Definition: all_layers.hpp:652
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::datasets::FR_adienceObj::user_id
std::string user_id
Definition: fr_adience.hpp:69
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::CAP_PROP_RECTIFICATION
@ CAP_PROP_RECTIFICATION
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:155
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:624
cv::cudev::BinaryTransformPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: transform.hpp:124
cv::COLOR_YUV2BGR_YV12
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:656
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::gapi::wip::IStreamSource::~IStreamSource
virtual ~IStreamSource()=default
cv::viz::Widget3D
Base class of all 3D widgets.
Definition: widgets.hpp:181
NCVMatrixAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
cv::Stitcher::featuresFinder
const Ptr< Feature2D > featuresFinder() const
Definition: stitching.hpp:208
cv::Stitcher
High level image stitcher.
Definition: stitching.hpp:138
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::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::Affine3f
Affine3< float > Affine3f
Definition: affine.hpp:290
bm3d_image_denoising.hpp
cv::cudev::DerivXPtrSz::rows
int rows
Definition: deriv.hpp:76
cv::gapi::wip::draw::Poly::points
std::vector< cv::Point > points
Points to connect.
Definition: render_types.hpp:320
cv::ximgproc::PeiLinNormalization
Matx23d PeiLinNormalization(InputArray I)
Calculates an affine transformation that normalize given image using Pei&Lin Normalization.
cv::AVIWriteContainer::getWidth
int getWidth() const
Definition: container_avi.private.hpp:165
cv::COLOR_BGR2BGR555
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:572
cv::detail::tracking::online_boosting::Detector::~Detector
virtual ~Detector(void)
cv::cudev::ConstantPtr::value_type
T value_type
Definition: constant.hpp:59
cv::IMWRITE_PAM_FORMAT_GRAYSCALE
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:147
cv::videostab::IOutlierRejector
Definition: outlier_rejection.hpp:58
cv::detail::tracking::contrib_feature::CvHOGEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::ccalib::CustomPattern
Definition: ccalib.hpp:60
cv::cudev::NormL1::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
cv::fisheye::CALIB_RECOMPUTE_EXTRINSIC
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:3767
cv::quality::QualityBase
Definition: qualitybase.hpp:23
cv::CAP_PROP_GIGA_FRAME_SENS_WIDTH
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:567
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::xfeatures2d::VGG
Class implementing VGG (Oxford Visual Geometry Group) descriptor trained end to end using "Descriptor...
Definition: xfeatures2d.hpp:353
cv::Scalar_::operator=
Scalar_ & operator=(const Scalar_ &s)
cv::gapi::ie::TraitAs
TraitAs
Definition: ie.hpp:41
CPU_AVX
@ CPU_AVX
Definition: cvdef.h:303
NCV_MEM_COPY_ERROR
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
cv::superres::BroxOpticalFlow
Definition: optical_flow.hpp:143
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::bioinspired::TransientAreasSegmentationModule
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:122
cv::Quat::sinh
Quat< _Tp > sinh() const
return sinh value of this quaternion, sinh could be calculated as: where
cv::GFrameDesc
Definition: gframe.hpp:55
cv::detail::FeaturesMatcher::is_thread_safe_
bool is_thread_safe_
Definition: matchers.hpp:164
cv::dnn::MaxUnpoolLayer::poolStride
Size poolStride
Definition: all_layers.hpp:546
histogramphaseunwrapping.hpp
cv::videostab::WobbleSuppressorBase::motions_
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
cv::detail::OpaqueKind::CV_POINT2F
@ CV_POINT2F
cv::text::ERStat
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:66
cv::ppf_match_3d::THash::id
int id
Definition: ppf_match_3d.hpp:81
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:641
NcvPoint2D32s::x
Ncv32s x
Point X.
Definition: NCV.hpp:193
cv::ppf_match_3d::PoseCluster3D
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:138
cv::ACCESS_READ
@ ACCESS_READ
Definition: mat.hpp:64
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::printDefaults
virtual void printDefaults() const CV_OVERRIDE
cv::mcc::DetectorParameters::minGroupSize
unsigned minGroupSize
Definition: checker_detector.hpp:123
cv::CAP_PROP_OPENNI_REGISTRATION_ON
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:277
cv::ml::DTrees::Node
The class represents a decision tree node.
Definition: ml.hpp:1157
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::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::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getNumAreas
int getNumAreas()
cv::stereo::PropagationParameters
Definition: quasi_dense_stereo.hpp:40
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::videostab::WobbleSuppressorBase::setFrameCount
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
cv::Stitcher::featuresMatcher
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:212
composite_index.h
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
cv::cudev::BrdConstant::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
cv::cudev::vabsdiff2
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
cv::xfeatures2d::StarDetector
The class implements the keypoint detector introduced by , synonym of StarDetector....
Definition: xfeatures2d.hpp:110
cv::aruco::DICT_4X4_250
@ DICT_4X4_250
Definition: dictionary.hpp:144
cv::Vec3s
Vec< short, 3 > Vec3s
Definition: matx.hpp:414
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:496
cv::IMWRITE_EXR_COMPRESSION_NO
@ IMWRITE_EXR_COMPRESSION_NO
no compression
Definition: imgcodecs.hpp:115
cv::gapi::ie::detail::ParamDesc::input_names
std::vector< std::string > input_names
Definition: ie.hpp:56
cv::CAP_PROP_XI_BINNING_PATTERN
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:406
cv::createTonemap
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
cv::cudev::Expr::body
Body body
Definition: expr.hpp:59
cv::TrackerCSRT::Params::filter_lr
float filter_lr
Definition: tracking.hpp:61
cv::detail::WAVE_CORRECT_VERT
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:331
cv::QRCodeDetector
Definition: objdetect.hpp:670
cv::AGAST_7_12s
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
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::COLOR_RGB2YUV_I420
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:733
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::CAP_VFW
@ CAP_VFW
Video For Windows (obsolete, removed)
Definition: videoio.hpp:92
cv::HOGDescriptor::nlevels
int nlevels
Maximum number of detection window increases. Default value is 64.
Definition: objdetect.hpp:626
saliencyBaseClasses.hpp
cv::detail::BlocksGainCompensator::BlocksGainCompensator
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:211
cv::TrackerCSRT::Params::gsl_sigma
float gsl_sigma
Definition: tracking.hpp:57
cv::detail::VectorRef::wref
std::vector< T > & wref()
Definition: garray.hpp:281
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:444
cv::cudev::GpuMat_::operator[]
__host__ T * operator[](int y)
more convenient forms of row and element access operators
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_X
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:416
cv::dnn::BaseConvolutionLayer::numOutput
int numOutput
Definition: all_layers.hpp:218
cv::NAryMatIterator
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3392
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::bgsegm::BackgroundSubtractorLSBP
Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found ...
Definition: bgsegm.hpp:265
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::CAP_PROP_CONTRAST
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:147
cv::SimpleBlobDetector::Params::filterByConvexity
bool filterByConvexity
Definition: features2d.hpp:736
cv::datasets::circle
@ circle
Definition: gr_skig.hpp:62
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::cudev::vcmple2
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
cv::cudev::SobelXPtr::index_type
int index_type
Definition: deriv.hpp:144
cv::read
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
cv::gapi::resizeP
GMatP resizeP(const GMatP &src, const Size &dsize, int interpolation=cv::INTER_LINEAR)
Resizes a planar image.
cv::Error::StsInplaceNotSupported
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
cv::ximgproc::ContourFitting::getFDSize
int getFDSize()
Definition: fourier_descriptors.hpp:74
cv::videostab::PyrLkOptFlowEstimatorBase::~PyrLkOptFlowEstimatorBase
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
cv::dnn::SplitLayer::outputsCount
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:328
cv::v256_load_halves
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1814
cv::superres::PyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::QuatEnum::EXT_YZY
@ EXT_YZY
Extrinsic rotations with the Euler angles type Y-Z-Y.
Definition: quaternion.hpp:122
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::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:215
cv::detail::GTypeTraits< cv::GArray< T > >::wrap_out
static cv::detail::VectorRef wrap_out(std::vector< T > &t)
Definition: gtype_traits.hpp:89
cv::Quat::exp
Quat< _Tp > exp() const
return the value of exponential value.
cv::gapi::wip::GCaptureSource::pull
virtual bool pull(cv::gapi::wip::Data &data) override
Definition: cap.hpp:79
saturate_cast.hpp
simd512::vx_cleanup
void vx_cleanup()
SIMD processing state cleanup call.
Definition: intrin.hpp:660
cv::large_kinfu::Params::bilateral_sigma_spatial
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: large_kinfu.hpp:55
cv::GCompileArg::serialize
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: gcommon.hpp:183
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:52
cv::detail::OpaqueRefT::~OpaqueRefT
virtual ~OpaqueRefT()
Definition: gopaque.hpp:149
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::period_
int period_
Definition: wobble_suppression.hpp:110
cv::FileNode::read
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:755
cv::gapi::own::Mat::empty
bool empty() const
Returns true if the array has no elements.
Definition: mat.hpp:301
cv::gapi::core::cpu::kernels
cv::gapi::GKernelPackage kernels()
Create a kernel package object containing kernels and transformations specified in variadic template ...
Definition: gkernel.hpp:666
cv::cudev::PerspectiveMapPtr::index_type
float index_type
Definition: warping.hpp:110
cv::ximgproc::FastGlobalSmootherFilter
Interface for implementations of Fast Global Smoother filter.
Definition: edge_filter.hpp:457
cv::datasets::TR_charsObj::imgName
std::string imgName
Definition: tr_chars.hpp:62
cv::datasets::MSM_middleburyObj::t
double t[3]
Definition: msm_middlebury.hpp:65
_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::Mutex
std::recursive_mutex Mutex
Definition: utility.hpp:717
cv::videostab::StabilizerBase::inpaintingMask_
Mat inpaintingMask_
Definition: stabilizer.hpp:132
cv::cudev::IntegerAreaInterPtr
Definition: interpolation.hpp:234
cv::detail::CompileArgTag< GFluidParallelOutputRois >::tag
static const char * tag()
Definition: gfluidkernel.hpp:162
cv::Allocator
Definition: cvstd.hpp:110
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:200
cv::optflow::OpticalFlowPCAFlow::useOpenCL
bool useOpenCL
Definition: pcaflow.hpp:104
cv::face::LBPHFaceRecognizer
Definition: facerec.hpp:126
cv::detail::ExposureCompensator::getMatGains
virtual void getMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:88
cv::TLSDataAccumulator::_cleanupTerminatedData
void _cleanupTerminatedData()
Definition: tls.hpp:201
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
cvIsInf
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:291
cv::parallel::ParallelForAPI::FN_parallel_for_body_cb_t
void(* FN_parallel_for_body_cb_t)(int start, int end, void *data)
Definition: parallel_backend.hpp:61
cv::ximgproc::SuperpixelSEEDS::~SuperpixelSEEDS
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
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::optflow::InterpolationType
InterpolationType
Definition: rlofflow.hpp:30
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::cudev::IntegralBody
Definition: reduction.hpp:240
cv::CAP_XIAPI
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:107
atomic.hpp
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
cv::v_reinterpret_as_f32
v_reg< float, n0 *sizeof(_Tp0)/sizeof(float)> v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2890
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::face::FacemarkAAM::Params::verbose
bool verbose
Definition: facemarkAAM.hpp:71
ncvEndQueryTimerUs
double ncvEndQueryTimerUs(NcvTimer t)
NcvTimer
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
cv::COLORMAP_RAINBOW
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4316
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::linemod::Match
Represents a successful template match.
Definition: linemod.hpp:259
cv::cudacodec::EncoderParams::P_Interval
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:87
cv::hal::addRNGBias32f
void addRNGBias32f(float *arr, const float *scaleBiasPairs, int len)
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::detail::PaniniPortraitWarper
Definition: warpers.hpp:460
cv::text::loadClassifierNM1
Ptr< ERFilter::Callback > loadClassifierNM1(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
cv::ParallelLoopBodyLambdaWrapper::operator()
virtual void operator()(const cv::Range &range) const CV_OVERRIDE
Definition: utility.hpp:602
cv::gapi::ie::Params::desc
detail::ParamDesc desc
Definition: ie.hpp:196
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::datasets::PD_caltechObj
Definition: pd_caltech.hpp:60
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:885
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.
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:507
cv::ppf_match_3d::THash::i
int i
Definition: ppf_match_3d.hpp:82
cv::text::OCR_KNN_CLASSIFIER
@ OCR_KNN_CLASSIFIER
Definition: ocr.hpp:180
cv::cuda::norm
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
sinusoidalpattern.hpp
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::MatAllocator::~MatAllocator
virtual ~MatAllocator()
Definition: mat.hpp:473
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::ximgproc::EdgeDrawing::params
Params params
Definition: edge_drawing.hpp:97
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::saliency::MotionSaliencyBinWangApr2014::create
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D()
Definition: pose_3d.hpp:141
cv::detail::GArrayU::m_priv
std::shared_ptr< GOrigin > m_priv
Definition: garray.hpp:96
cv::quality::QualityPSNR::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitypsnr.hpp:62
cv::COLOR_RGBA2RGB
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:537
cv::gapi::StereoOutputFormat::DISPARITY_FIXED16_12_4
@ DISPARITY_FIXED16_12_4
cv::NAryMatIterator::planes
Mat * planes
the current planes
Definition: mat.hpp:3412
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::saliency::ObjectnessBING::getNSS
int getNSS() const
Definition: saliencySpecializedClasses.hpp:345
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::dnn::CropLayer
Definition: all_layers.hpp:513
cv::COLOR_GRAY2BGR
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:553
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::ximgproc::HDO_DESKEW
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
cv::gapi::own::ceild
double ceild(double x)
Definition: saturate.hpp:82
cv::kinfu::Intr::Projector::operator()
cv::Point_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:43
OPENCV_HAL_IMPL_CMP_OP
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:851
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::datasets::IS_weizmannObj::srcBw
std::string srcBw
Definition: is_weizmann.hpp:63
cv::viz::Color::amethyst
static Color amethyst()
cv::gapi::sum
GScalar sum(const GMat &src)
Calculates sum of all matrix elements.
cv::Matx21f
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:230
cv::v_pack_b
v_reg< uchar, 2 *n > v_pack_b(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
! For 16-bit boolean values
Definition: intrin_cpp.hpp:3114
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:103
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:282
cv::text::ERFilter::Callback
Callback with the classifier is made a class.
Definition: erfilter.hpp:127
cv::ppf_match_3d::hashtableGetBucketHashed
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
cv::kinfu::Volume::Volume
Volume(float _voxelSize, Matx44f _pose, float _raycastStepFactor)
Definition: volume.hpp:21
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::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::omnidir::internal::flags2idx
void flags2idx(int flags, std::vector< int > &idx, int n)
cv::CirclesGridFinderParameters::minRNGEdgeSwitchDist
float minRNGEdgeSwitchDist
Definition: calib3d.hpp:1645
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.
cv::cudev::vcmplt4
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
quasi_dense_stereo.hpp
OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:749
NCVMatrixReuse::isMemReused
NcvBool isMemReused() const
Definition: NCV.hpp:979
cv::gapi::fluid::Border
Definition: gfluidbuffer.hpp:25
cv::v_int32x8
v_reg< int, 8 > v_int32x8
Eight 32-bit signed integer values.
Definition: intrin_cpp.hpp:520
cv::ximgproc::WMF_COS
@ WMF_COS
Definition: weighted_median_filter.hpp:69
heap.h
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_and_postprocess::call
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:372
cv::hal::DFT2D
Definition: hal.hpp:211
cv::viz::unregisterAllWindows
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
cv::gapi::wip::draw::Circle::Circle
Circle()=default
cv::bioinspired::SegmentationParameters::contextEnergy_spatialConstant
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
cv::ParamType< String >::member_type
String member_type
Definition: core.hpp:3223
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:124
cv::cuda::FEATURE_SET_COMPUTE_21
@ FEATURE_SET_COMPUTE_21
Definition: cuda.hpp:995
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:61
cv::cudev::CubicInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
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::detail::tracking::kalman_filters::createUnscentedKalmanFilter
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams &params)
Unscented Kalman Filter factory method.
NcvCTprep
Definition: NCV.hpp:69
cv::bioinspired::RetinaParameters::IplMagnoParameters::IplMagnoParameters
IplMagnoParameters()
Definition: retina.hpp:166
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::cudev::TupleTraits::is_tuple
@ is_tuple
Definition: tuple.hpp:66
cv::face::BasicFaceRecognizer::_mean
Mat _mean
Definition: facerec.hpp:51
cv::omnidir::CALIB_FIX_P2
@ CALIB_FIX_P2
Definition: omnidir.hpp:62
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
depth.hpp
cv::dnn::NormalizeBBoxLayer
- normalization layer.
Definition: all_layers.hpp:649
cv::FileNode::read
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1135
cv::datasets::TR_svtObj::lex
std::vector< std::string > lex
Definition: tr_svt.hpp:69
cv::DECOMP_QR
@ DECOMP_QR
Definition: base.hpp:145
cv::viz::POINT_SIZE
@ POINT_SIZE
Definition: widgets.hpp:63
cv::gapi::ie::IEConfig
std::map< std::string, std::string > IEConfig
Definition: ie.hpp:47
cv::viz::imshow
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
cv::GArray::GArray
GArray()
Definition: garray.hpp:355
cv::cudacodec::Uncompressed_NV12
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:263
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::cudev::gridCalcSum_
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
cv::detail::OptRef::OptRef
OptRef(cv::optional< T > &t)
Definition: gstreaming.hpp:54
cv::bgsegm::createBackgroundSubtractorGMG
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
cv::ocl::KernelArg::PtrReadWrite
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:403
cv::GCPUStKernelImpl
Definition: gcpukernel.hpp:474
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::v_interleave_quads
v_reg< _Tp, n > v_interleave_quads(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2719
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1093
cv::CALIB_CB_NORMALIZE_IMAGE
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:481
cv::utils::AllocatorStatisticsInterface::getTotalUsage
virtual uint64_t getTotalUsage() const =0
cv::dnn::readNetFromDarknet
Net readNetFromDarknet(const String &cfgFile, const String &darknetModel=String())
Reads a network model stored in Darknet model files.
NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
Definition: NCV.hpp:344
cv::parallel::openmp::ParallelForBackend
Definition: parallel_for.openmp.hpp:23
cv::superres::FarnebackOpticalFlow
Definition: optical_flow.hpp:64
cv::GC_FGD
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:347
cv::cuda::OpticalFlowDual_TVL1
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:305
CvPhotoCamera
Definition: cap_ios.h:140
cv::gapi::own::detail::MatHeader::operator=
MatHeader & operator=(const MatHeader &)=default
cv::quality::QualitySSIM::QualitySSIM
QualitySSIM(_mat_data refImgData)
Constructor.
Definition: qualityssim.hpp:90
cv::instr::IMPL
IMPL
Definition: instrumentation.hpp:53
cv::cudev::Max
Definition: reduce_to_vec.hpp:125
simd512::v_uint8
v_uint8x64 v_uint8
Maximum available vector register capacity 8-bit unsigned integer values.
Definition: intrin.hpp:386
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:3262
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::cuda::GpuMat::defaultAllocator
static GpuMat::Allocator * defaultAllocator()
default allocator
nppiStDecimate_32s_C1R_host
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::CAP_PROP_GAMMA
@ CAP_PROP_GAMMA
Definition: videoio.hpp:159
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. The parallel implement...
Definition: imgproc.hpp:410
cv::TrackerCSRT::Params::hog_clip
float hog_clip
Definition: tracking.hpp:59
cv::cudacodec::EncoderParams::QP_Level_InterB
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:95
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:168
cv::viz::MouseEvent::modifiers
int modifiers
Definition: types.hpp:330
cv::cuda::NvidiaOpticalFlow_2_0::NV_OF_HINT_VECTOR_GRID_SIZE_UNDEFINED
@ NV_OF_HINT_VECTOR_GRID_SIZE_UNDEFINED
Definition: cudaoptflow.hpp:497
cv::dnn::Net
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:406
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::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...
NPPST_ERROR
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
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::detail::tracking::TrackerContribSamplerCSC::Params::trackMaxPosNum
int trackMaxPosNum
Definition: tracking_internals.hpp:660
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::cudev::ZipPtrSz::cols
int cols
Definition: zip.hpp:110
cv::videostab::LpMotionStabilizer::setWeight1
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
cv::optflow::GPCTree::write
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
cv::GIOProtoArgs::m_args
GProtoArgs m_args
Definition: gproto.hpp:65
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::Mat_::const_iterator
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2193
cv::detail::CompileArgTag< cv::gapi::wip::draw::freetype_font >::tag
static const char * tag()
Definition: render.hpp:186
cv::int64_t
::int64_t int64_t
Definition: cvdef.h:804
cv::gapi::s11n::detail::wrap_serialize
Definition: gcommon.hpp:103
cv::CALIB_FIX_PRINCIPAL_POINT
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:498
HaarClassifierCascadeDescriptor::NumFeatures
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:338
cv::ovis::SCENE_AA
@ SCENE_AA
Apply anti-aliasing. The first window determines the setting for all windows.
Definition: ovis.hpp:53
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:2307
cv::GComputationT< std::tuple< R... >(Args...)>::compile
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:231
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_32FC1
#define CV_32FC1
Definition: interface.h:118
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::ml::SVMSGD::ASGD
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1805
simd512::vx_load_halves
v_float64 vx_load_halves(const double *ptr0, const double *ptr1)
Definition: intrin.hpp:590
cv::NORM_L2SQR
@ NORM_L2SQR
Definition: base.hpp:194
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:526
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:502
cv::cuda::getDevice
int getDevice()
Returns the current device index set by cuda::setDevice or initialized by default.
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::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::Allocator::deallocate
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:133
cv::DetectionBasedTracker::InnerParameters::numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
int numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
Definition: detection_based_tracker.hpp:169
cv::Rect_::x
_Tp x
x coordinate of the top-left corner
Definition: types.hpp:453
cv::REDUCE_MAX
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:232
cv::viz::ShadingValues
ShadingValues
Definition: widgets.hpp:81
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::cornerHarris
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
cv::cudev::SingleMaskChannelsSz::cols
int cols
Definition: mask.hpp:85
cv::cartToPolar
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
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::detail::tracking::contrib_feature::CvLBPEvaluator::Feature
Definition: feature.hpp:384
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:56
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::CAP_UEYE
@ CAP_UEYE
uEye Camera API
Definition: videoio.hpp:125
cv::OpenGlDrawCallback
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:284
cv::videostab::MotionFilterBase
Definition: motion_stabilizing.hpp:84
cv::videoio_registry::getBackendName
cv::String getBackendName(VideoCaptureAPIs api)
Returns backend API name or "UnknownVideoAPI(xxx)".
cv::ogl::Texture2D
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:283
cv::detail::GraphCutSeamFinderBase::CostType
CostType
Definition: seam_finders.hpp:235
NCV_CT_ASSERT
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:294
cv::v_cvt_f64_high
v_reg< double,(n/2)> v_cvt_f64_high(const v_reg< int, n > &a)
Convert to double high part of vector.
Definition: intrin_cpp.hpp:2587
cv::Mat::data
uchar * data
pointer to the data
Definition: mat.hpp:2098
cv::GMatDesc::asPlanar
GMatDesc asPlanar() const
Definition: gmat.hpp:169
cv::FileStorage::state
int state
Definition: persistence.hpp:462
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:1060
cv::cudev::direction_func::operator()
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
cv::TransverseMercatorWarper
Definition: warpers.hpp:243
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:272
cv::GMetaArg
util::variant< util::monostate, GMatDesc, GScalarDesc, GArrayDesc, GOpaqueDesc, GFrameDesc > GMetaArg
Definition: gmetaarg.hpp:43
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 .
cvhalKeyPoint
Definition: interface.h:19
cv::NORMAL_CLONE
@ NORMAL_CLONE
Definition: photo.hpp:716
cv::StereoSGBM::MODE_HH4
@ MODE_HH4
Definition: calib3d.hpp:3490
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::omnidir::XYZRGB
@ XYZRGB
Definition: omnidir.hpp:76
OPENCV_HAL_IMPL_RVV_SELECT
#define OPENCV_HAL_IMPL_RVV_SELECT(_Tpvec, merge, ne, width)
Definition: intrin_rvv.hpp:1735
cv::text::ERStat::area
int area
incrementally computable features
Definition: erfilter.hpp:79
cv::ocl::OclVectorStrategy
OclVectorStrategy
Definition: ocl.hpp:668
simd512::vx_setzero_f32
v_float32 vx_setzero_f32()
Definition: intrin.hpp:518
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::detail::inferGenericROI
InferROITraits< InferType >::outType inferGenericROI(const std::string &tag, const typename InferROITraits< InferType >::inType &in, const cv::GInferInputs &inputs)
Definition: infer.hpp:423
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.
cv::cudev::DefaultGlobReducePolicy::patch_size_y
@ patch_size_y
Definition: reduce.hpp:300
NCVMemPtr::ptr
void * ptr
Definition: NCV.hpp:441
peilin.hpp
cv::xfeatures2d::AffineFeature2D
Class implementing affine adaptation for key points.
Definition: xfeatures2d.hpp:949
cv::GRunArg::operator=
GRunArg & operator=(const GRunArg &arg)
cv::ppf_match_3d::Pose3DPtr
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
cv::CAP_PROP_WHITE_BALANCE_RED_V
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:163
cv::detail::CompressedRectilinearWarper
Definition: warpers.hpp:397
cv::v_uint16x32
v_reg< ushort, 32 > v_uint16x32
Thirty two 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:537
cv::CAP_PROP_XI_CHIP_TEMP
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:437
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::CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:439
cv::face::EigenFaceRecognizer
Definition: facerec.hpp:54
cv::cudev::ScharrYPtr::src
SrcPtr src
Definition: deriv.hpp:286
cv::directx::convertFromD3D10Texture2D
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
cv::rgbd::RgbdNormals::RgbdNormals
RgbdNormals()
Definition: depth.hpp:83
cv::viz::MouseEvent::pointer
Point pointer
Definition: types.hpp:329
cv::LDA::eigenvalues
Mat eigenvalues() const
Definition: core.hpp:2617
cv::VIDEO_ACCELERATION_VAAPI
@ VIDEO_ACCELERATION_VAAPI
VAAPI.
Definition: videoio.hpp:235
cv::cudev::BrdBase::idx_row
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
cv::MergeMertens
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:641
cv::datasets::tag::value
std::string value
Definition: tr_svt.hpp:62
cv::videostab::MM_TRANSLATION
@ MM_TRANSLATION
Definition: motion_core.hpp:61
cv::v_int64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:486
cv::USAC_FM_8PTS
@ USAC_FM_8PTS
USAC, fundamental matrix 8 points.
Definition: calib3d.hpp:449
cv::ximgproc::qconj
void qconj(InputArray qimg, OutputArray qcimg)
calculates conjugate of a quaternion image.
cv::detail::CylindricalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
checker_model.hpp
cv::CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:613
cv::vint8mf4_t::vint8mf4_t
vint8mf4_t(const schar *ptr)
Definition: intrin_rvv.hpp:144
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::DualQuat::z_
_Tp z_
Definition: dualquaternion.hpp:165
cv::detail::tracking::TrackerFeatureSet
Class that manages the extraction and selection of features.
Definition: tracking.detail.hpp:59
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::ovis::SCENE_INTERACTIVE
@ SCENE_INTERACTIVE
allow the user to control the camera.
Definition: ovis.hpp:49
cv::COLOR_YCrCb2BGR
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:591
cv::videostab::MotionEstimatorRansacL2::minInlierRatio
float minInlierRatio() const
Definition: global_motion.hpp:140
cv::matchShapes
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
cv::uint64_t
::uint64_t uint64_t
Definition: cvdef.h:805
cv::Hamming::ValueType
unsigned char ValueType
Definition: base.hpp:385
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::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::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:913
cv::line_descriptor::LSDDetector::LSDDetector
LSDDetector()
Definition: descriptor.hpp:725
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::ORB::ScoreType
ScoreType
Definition: features2d.hpp:407
cv::detail::VectorRefT::VectorRefT
VectorRefT(std::vector< T > &vec)
Definition: garray.hpp:158
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::cudev::Avg::rebind
Definition: reduce_to_vec.hpp:89
cv::detail::PaniniPortraitProjector::a
float a
Definition: warpers.hpp:453
cv::MatStep
Definition: mat.hpp:591
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::Param::BOOLEAN
@ BOOLEAN
cv::CAP_PROP_PVAPI_MULTICASTIP
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:335
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
cv::MatAllocator::MatAllocator
MatAllocator()
Definition: mat.hpp:472
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:816
cv::omnidir::RECTIFY_LONGLATI
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:71
cv::Range::end
int end
Definition: types.hpp:598
interpolation.hpp
cv::COLORSPACE_YUV444P
@ COLORSPACE_YUV444P
Definition: container_avi.private.hpp:135
cv::Mat::assignTo
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
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)
cvhalKeyPoint::octave
int octave
Definition: interface.h:26
cv::rgbd::FastICPOdometry::getKernelSize
int getKernelSize() const
Definition: depth.hpp:1112
cv::detail::GOpaqueU::m_priv
std::shared_ptr< GOrigin > m_priv
Definition: gopaque.hpp:92
cv::uint32_t
::uint32_t uint32_t
Definition: cvdef.h:803
CPU_AVX_512BW
@ CPU_AVX_512BW
Definition: cvdef.h:308
cv::cudev::Block::threadLineId
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
cv::cudacodec::SurfaceFormat
SurfaceFormat
Definition: cudacodec.hpp:72
cv::detail::MetaType
Definition: gkernel.hpp:106
cv::cudev::DerivXPtr::src
SrcPtr src
Definition: deriv.hpp:66
cv::CAP_PROP_TRIGGER_DELAY
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:162
cv::datasets::HPE_humaneva
Definition: hpe_humaneva.hpp:77
cv::datasets::join::Ry
double Ry
Definition: gr_chalearn.hpp:67
cv::detail::DisjointSets::size
std::vector< int > size
Definition: util.hpp:65
cv::CAP_PROP_WHITE_BALANCE_BLUE_U
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:154
cv::GInferListBase::id
static constexpr const char * id()
Definition: infer.hpp:289
cv::gapi::ie::Params::cfgNumRequests
Params & cfgNumRequests(size_t nireq)
Definition: ie.hpp:153
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
ncvEndQueryTimerMs
double ncvEndQueryTimerMs(NcvTimer t)
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...
cv::stereo::StereoBinarySGBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
binary_func.hpp
cv::dnn::BackendWrapper::targetId
int targetId
Target identifier.
Definition: dnn.hpp:185
cv::optflow::GPCTrainingParams::descriptorType
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:127
cv::gapi::wip::draw::Image::img
cv::Mat img
Image to draw.
Definition: render_types.hpp:289
cv::gapi::wip::IStreamSource
Abstract streaming pipeline source.
Definition: source.hpp:39
cv::softfloat::fromRaw
static const softfloat fromRaw(const uint32_t a)
Construct from raw.
Definition: softfloat.hpp:106
cv::atanh
Quat< T > atanh(const Quat< T > &q)
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::gapi::wip::draw::Circle
This structure represents a circle to draw.
Definition: render_types.hpp:161
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::detail::VectorRefT::rref
const std::vector< T > & rref() const
Definition: garray.hpp:197
CvVideoCamera::lastSampleTime
CMTime lastSampleTime
Definition: cap_ios.h:107
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:381
cv::videostab::RansacParams
Describes RANSAC method parameters.
Definition: motion_core.hpp:73
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::detail::CompressedRectilinearProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
util_inl.hpp
cv::detail::BestOf2NearestMatcher::num_matches_thresh1_
int num_matches_thresh1_
Definition: matchers.hpp:194
cv::CALIB_CB_FILTER_QUADS
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:482
cv::viz::Color::orange_red
static Color orange_red()
cv::CAP_PROP_XI_DEBOUNCE_T0
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:468
cv::IMWRITE_PAM_FORMAT_NULL
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:145
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::detail::CylindricalPortraitWarper
Definition: warpers.hpp:644
cv::dnn::Layer::preferableTarget
int preferableTarget
prefer target for layer forwarding
Definition: dnn.hpp:388
cv::cudev::Binder1st::op
Op op
Definition: functional.hpp:982
cv::Node
Definition: utility.hpp:1054
cv::ml::SVM::KernelTypes
KernelTypes
SVM kernel type
Definition: ml.hpp:647
INCVMemAllocator::isCounting
virtual NcvBool isCounting(void) const =0
cv::detail::GTypeTraits< cv::GOpaque< T > >::wrap_in
static cv::detail::OpaqueRef wrap_in(const T &t)
Definition: gtype_traits.hpp:99
cv::face::FacemarkAAM
Definition: facemarkAAM.hpp:47
cv::DMatch::distance
float distance
Definition: types.hpp:819
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::GCPUContext::m_state
GArg m_state
Definition: gcpukernel.hpp:124
cv::superres::SuperResolution::isUmat_
bool isUmat_
Definition: superres.hpp:173
cv::softdouble::inf
static softdouble inf()
Positive infinity constant.
Definition: softfloat.hpp:348
warping.hpp
color_moment_hash.hpp
cv::vfloat64mf2_t
Definition: intrin_rvv.hpp:119
cv::cuda::BufferPool::getAllocator
Ptr< GpuMat::Allocator > getAllocator() const
Returns the allocator associated with the stream.
Definition: cuda.hpp:701
cv::datasets::updown
@ updown
Definition: gr_skig.hpp:64
cv::ogl::Buffer::depth
int depth() const
cv::v_lut
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2629
cv::BufferPoolController::~BufferPoolController
~BufferPoolController()
Definition: bufferpool.hpp:24
cv::cudev::numeric_limits< bool >::min
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
cv::videostab::StabilizerBase::frameSource_
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:115
cv::KalmanFilter::transitionMatrix
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:395
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::cudev::LaplacianPtrSz::cols
int cols
Definition: deriv.hpp:371
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:469
cv::videostab::NullLog
Definition: log.hpp:63
cv::cudev::UnaryTransformPtr::op
Op op
Definition: transform.hpp:67
cv::TrackerMIL::Params::samplerInitMaxNegNum
int samplerInitMaxNegNum
Definition: tracking.hpp:762
icp.hpp
Implementation of ICP (Iterative Closest Point) Algorithm.
cv::dnn::LRNLayer::bias
float bias
Definition: all_layers.hpp:239
neon_utils.hpp
rlofflow.hpp
cv::SparseMatConstIterator
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3191
cv::rgbd::depthTo3dSparse
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
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::gapi::onnx::PortCfg
Definition: onnx.hpp:67
cv::detail::GraphCutSeamFinder
Minimum graph cut-based seam estimator. See details in .
Definition: seam_finders.hpp:240
cv::detail::BundleAdjusterRay
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:265
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
CPU_AVX_512ER
@ CPU_AVX_512ER
Definition: cvdef.h:311
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::cudev::numeric_limits< float >::max
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
cv::detail::tracked_cv_mat::original_data
uchar * original_data
Definition: gcpukernel.hpp:216
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::detail::BestOf2NearestMatcher::impl_
Ptr< FeaturesMatcher > impl_
Definition: matchers.hpp:196
cv::operator&=
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::QtFont::thickness
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:722
cv::ParamType< uint64 >::member_type
uint64 member_type
Definition: core.hpp:3271
cv::gapi::streaming::BGR
cv::GMat BGR(const cv::GFrame &in)
Gets bgr plane from input frame.
nppiStDecimate_32s_C1R
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::detail::tracking::TrackerSamplerCSC::Params::trackInPosRad
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking.detail.hpp:367
cv::detail::GOpaqueTraits::kind
static constexpr const OpaqueKind kind
Definition: gcommon.hpp:62
cv::quality::QualityBase::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitybase.hpp:46
optional.hpp
cv::Mat::TYPE_MASK
@ TYPE_MASK
Definition: mat.hpp:2084
FEATURES
#define FEATURES
Definition: feature.hpp:65
cv::cudev::log2
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
cv::aruco::CharucoBoard::nearestMarkerIdx
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
cv::TLSDataAccumulator::deleteDataInstance
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:216
cv::rgbd::RgbdICPOdometry::setMinGradientMagnitudes
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:969
stabilizer.hpp
cv::MatSize::dims
int dims() const CV_NOEXCEPT
cv::float16_t::w
ushort w
Definition: cvdef.h:914
cv::Affine3::linear
Mat3 linear() const
CV_DbgCheckGE
#define CV_DbgCheckGE(v1, v2, msg)
Definition: check.hpp:146
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
cv::ogl::Texture2D::format
Format format() const
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:122
cv::DetectionBasedTracker::weightsSizesSmoothing
std::vector< float > weightsSizesSmoothing
Definition: detection_based_tracker.hpp:208
cv::parallel::openmp::ParallelForBackend::numThreadsMax
int numThreadsMax
Definition: parallel_for.openmp.hpp:27