OpenCV 4.12.0
开源计算机视觉
加载中...
搜索中...
无匹配项

主题

 NPPST 核心
 
 NPPST 图像处理
 
 NPPST 信号处理
 

详细描述

命名空间

命名空间  NcvCTprep
 

类  cv::cuda::BackgroundSubtractorFGD
 该类通过构建和维护背景模型来区分前景和背景像素。 更多...
 
类  cv::cuda::BackgroundSubtractorGMG
 背景/前景分割算法更多...
 
类  cv::cuda::FastOpticalFlowBM
 
结构体  cv::cuda::FGDParams
 
结构体  HaarClassifierCascadeDescriptor
 
结构体  HaarClassifierNode128
 
结构体  HaarClassifierNodeDescriptor32
 
结构体  HaarFeature64
 
结构体  HaarFeatureDescriptor32
 
结构体  HaarStage64
 
类  cv::cuda::ImagePyramid
 
类  INCVMemAllocator
 
结构体  NCVBroxOpticalFlowDescriptor
 模型和求解器参数。 更多...
 
类  NCVMatrix< T >
 
类  NCVMatrixAlloc< T >
 
类  NCVMatrixReuse< T >
 
类  NCVMemNativeAllocator
 
结构体  NCVMemPtr
 
结构体  NCVMemSegment
 
类  NCVMemStackAllocator
 
结构体  NcvPoint2D32s
 
结构体  NcvPoint2D32u
 
结构体  NcvRect32s
 
结构体  NcvRect32u
 
结构体  NcvRect8u
 
结构体  NcvSize32s
 
结构体  NcvSize32u
 
类  NCVVector< T >
 
类  NCVVectorAlloc< T >
 
类  NCVVectorReuse< T >
 

#define CLAMP(x, a, b)
 
#define CLAMP_0_255(x)
 
#define CLAMP_BOTTOM(x, a)
 
#define CLAMP_TOP(x, a)
 
#define HAAR_STDDEV_BORDER   1
 
#define NCV_CT_ASSERT(X)
 
#define NCV_CT_PREP_PASTE(a, b)
 连接宏。
 
#define NCV_CT_PREP_PASTE_AUX(a, b)
 连接间接宏。
 
#define NCV_RESET_SKIP_COND(x)
 
#define NCV_SET_SKIP_COND(x)
 
#define NCV_SKIP_COND_BEGIN    if (!__ncv_skip_cond) {
 
#define NCV_SKIP_COND_END    }
 
#define ncvAssertCUDALastErrorReturn(errCode)
 
#define ncvAssertCUDAReturn(cudacall, errCode)
 
#define ncvAssertPrintCheck(pred, msg)
 
#define ncvAssertPrintReturn(pred, msg, err)
 
#define ncvAssertReturn(pred, err)
 
#define ncvAssertReturnNcvStat(ncvOp)
 
#define ncvSafeMatAlloc(name, type, alloc, width, height, err)
 
#define OBJDET_MASK_ELEMENT_INVALID_32U   0xFFFFFFFF
 
#define RECT_SIMILARITY_PROPORTION   0.2f
 
#define SQR(x)
 
#define SUB_BEGIN(type, name)
 
#define SUB_CALL(name)
 
#define SUB_END(name)
 

类型定义

typedef short Ncv16s
 
typedef unsigned short Ncv16u
 
typedef float Ncv32f
 
typedef Ncv32f Ncv32f_a
 
typedef int Ncv32s
 
typedef unsigned int Ncv32u
 
typedef Ncv32u Ncv32u_a
 
typedef double Ncv64f
 
typedef long long Ncv64s
 
typedef uint64 Ncv64u
 
typedef signed char Ncv8s
 
typedef unsigned char Ncv8u
 
typedef bool NcvBool
 
typedef void NCVDebugOutputHandler(const cv::String &msg)
 
typedef Ncv32u NCVStatus
 
typedef struct _NcvTimer * NcvTimer
 

枚举

枚举  {
  NCV_SUCCESS ,
  NCV_UNKNOWN_ERROR ,
  NCV_CUDA_ERROR ,
  NCV_NPP_ERROR ,
  NCV_FILE_ERROR ,
  NCV_NULL_PTR ,
  NCV_INCONSISTENT_INPUT ,
  NCV_TEXTURE_BIND_ERROR ,
  NCV_DIMENSIONS_INVALID ,
  NCV_INVALID_ROI ,
  NCV_INVALID_STEP ,
  NCV_INVALID_SCALE ,
  NCV_ALLOCATOR_NOT_INITIALIZED ,
  NCV_ALLOCATOR_BAD_ALLOC ,
  NCV_ALLOCATOR_BAD_DEALLOC ,
  NCV_ALLOCATOR_INSUFFICIENT_CAPACITY ,
  NCV_ALLOCATOR_DEALLOC_ORDER ,
  NCV_ALLOCATOR_BAD_REUSE ,
  NCV_MEM_COPY_ERROR ,
  NCV_MEM_RESIDENCE_ERROR ,
  NCV_MEM_INSUFFICIENT_CAPACITY ,
  NCV_HAAR_INVALID_PIXEL_STEP ,
  NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER ,
  NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE ,
  NCV_HAAR_TOO_LARGE_FEATURES ,
  NCV_HAAR_XML_LOADING_EXCEPTION ,
  NCV_NOIMPL_HAAR_TILTED_FEATURES ,
  NCV_NOT_IMPLEMENTED ,
  NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW ,
  NPPST_SUCCESS = NCV_SUCCESS ,
  NPPST_ERROR ,
  NPPST_CUDA_KERNEL_EXECUTION_ERROR ,
  NPPST_NULL_POINTER_ERROR ,
  NPPST_TEXTURE_BIND_ERROR ,
  NPPST_MEMCPY_ERROR ,
  NPPST_MEM_ALLOC_ERR ,
  NPPST_MEMFREE_ERR ,
  NPPST_INVALID_ROI ,
  NPPST_INVALID_STEP ,
  NPPST_INVALID_SCALE ,
  NPPST_MEM_INSUFFICIENT_BUFFER ,
  NPPST_MEM_RESIDENCE_ERROR ,
  NPPST_MEM_INTERNAL_ERROR ,
  NCV_LAST_STATUS
}
 
枚举  {
  NCVPipeObjDet_Default = 0x000 ,
  NCVPipeObjDet_UseFairImageScaling = 0x001 ,
  NCVPipeObjDet_FindLargestObject = 0x002 ,
  NCVPipeObjDet_VisualizeInPlace = 0x004
}
 
枚举  NCVMemoryType {
  NCVMemoryTypeNone ,
  NCVMemoryTypeHostPageable ,
  NCVMemoryTypeHostPinned ,
  NCVMemoryTypeDevice
}
 

函数

virtual INCVMemAllocator::~INCVMemAllocator ()=0
 
Ncv32u alignUp (Ncv32u what, Ncv32u alignment)
 
void cv::cuda::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())
 使用块匹配算法计算2张图像的光流。
 
void cv::cuda::connectivityMask (const GpuMat &image, GpuMat &mask, const cv::Scalar &lo, const cv::Scalar &hi, Stream &stream=Stream::Null())
 计算泛洪填充分量标记的掩码。
 
Ptr< cuda::BackgroundSubtractorFGDcv::cuda::createBackgroundSubtractorFGD (const FGDParams &params=FGDParams())
 创建FGD背景减法器。
 
Ptr< cuda::BackgroundSubtractorGMGcv::cuda::createBackgroundSubtractorGMG (int initializationFrames=120, double decisionThreshold=0.8)
 创建GMG背景减法器。
 
Ptr< ImagePyramidcv::cuda::createImagePyramid (InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
 
void cv::cuda::createOpticalFlowNeedleMap (const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
 
void cv::cuda::graphcut (GpuMat &terminals, GpuMat &leftTransp, GpuMat &rightTransp, GpuMat &top, GpuMat &bottom, GpuMat &labels, GpuMat &buf, Stream &stream=Stream::Null())
 通过2D正则4连通图的图割执行标记。
 
void cv::cuda::graphcut (GpuMat &terminals, GpuMat &leftTransp, GpuMat &rightTransp, GpuMat &top, GpuMat &topLeft, GpuMat &topRight, GpuMat &bottom, GpuMat &bottomLeft, GpuMat &bottomRight, GpuMat &labels, GpuMat &buf, Stream &stream=Stream::Null())
 通过2D正则8连通图的图割执行标记。
 
void cv::cuda::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())
 使用提供的光流(位移场)插值帧(图像)。
 
void cv::cuda::labelComponents (const GpuMat &mask, GpuMat &components, int flags=0, Stream &stream=Stream::Null())
 执行连通分量标记。
 
NCVStatus memSegCopyHelper (void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
 
NCVStatus memSegCopyHelper2D (void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
 
 NCV_CT_ASSERT (sizeof(HaarClassifierNode128)==16)
 
 NCV_CT_ASSERT (sizeof(HaarClassifierNodeDescriptor32)==4)
 
 NCV_CT_ASSERT (sizeof(HaarFeature64)==8)
 
 NCV_CT_ASSERT (sizeof(HaarFeatureDescriptor32)==4)
 
 NCV_CT_ASSERT (sizeof(HaarStage64)==8)
 
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)
 
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)
 
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)
 计算光流。
 
void ncvDebugOutput (const cv::String &msg)
 
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 flags, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
 
NCVStatus ncvDrawRects_32u_device (Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
 
NCVStatus ncvDrawRects_32u_host (Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
 
NCVStatus ncvDrawRects_8u_device (Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
 
NCVStatus ncvDrawRects_8u_host (Ncv8u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv8u color)
 
double ncvEndQueryTimerMs (NcvTimer t)
 
double ncvEndQueryTimerUs (NcvTimer t)
 
NCVStatus ncvGroupRectangles_host (NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
 
NCVStatus ncvGrowDetectionsVector_device (NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
 
NCVStatus ncvGrowDetectionsVector_host (NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale)
 
NCVStatus ncvHaarGetClassifierSize (const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
 
NCVStatus ncvHaarLoadFromFile_host (const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
 
NCVStatus ncvHaarStoreNVBIN_host (const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
 
void ncvSetDebugOutputHandler (NCVDebugOutputHandler *func)
 
NcvTimer ncvStartTimer (void)
 
void cv::cuda::projectPoints (const GpuMat &src, const Mat &rvec, const Mat &tvec, const Mat &camera_mat, const Mat &dist_coef, GpuMat &dst, Stream &stream=Stream::Null())
 
void cv::cuda::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)
 从3D-2D点对应关系中查找物体姿态。
 
void cv::cuda::transformPoints (const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
 

变量

const Ncv32u K_LOG2_WARP_SIZE = 5
 
const Ncv32u K_WARP_SIZE = 32
 

宏定义文档

◆ CLAMP

#define CLAMP ( x,
a,
b )

#include <opencv2/cudalegacy/NCV.hpp>

( (x) > (b) ? (b) : ( (x) < (a) ? (a) : (x) ) )

◆ CLAMP_0_255

#define CLAMP_0_255 ( x)

#include <opencv2/cudalegacy/NCV.hpp>

CLAMP(x,0,255)
#define CLAMP(x, a, b)
定义 NCV.hpp:1013

◆ CLAMP_BOTTOM

#define CLAMP_BOTTOM ( x,
a )

#include <opencv2/cudalegacy/NCV.hpp>

(((x) < (a)) ? (a) : (x))

◆ CLAMP_TOP

#define CLAMP_TOP ( x,
a )

#include <opencv2/cudalegacy/NCV.hpp>

(((x) > (a)) ? (a) : (x))

◆ HAAR_STDDEV_BORDER

#define HAAR_STDDEV_BORDER   1

◆ NCV_CT_ASSERT

#define NCV_CT_ASSERT ( X)

#include <opencv2/cudalegacy/NCV.hpp>

typedef NcvCTprep::assertTest<sizeof(NcvCTprep::CT_ASSERT_FAILURE< (bool)(X) >)> \
NCV_CT_PREP_PASTE(__ct_assert_typedef_, __LINE__)
#define NCV_CT_PREP_PASTE(a, b)
连接宏。
定义 NCV.hpp:83
定义 NCV.hpp:78

在文件范围内执行编译时断言。

◆ NCV_CT_PREP_PASTE

#define NCV_CT_PREP_PASTE ( a,
b )

#include <opencv2/cudalegacy/NCV.hpp>

#define NCV_CT_PREP_PASTE_AUX(a, b)
连接间接宏。
定义 NCV.hpp:82

连接宏。

◆ NCV_CT_PREP_PASTE_AUX

#define NCV_CT_PREP_PASTE_AUX ( a,
b )

#include <opencv2/cudalegacy/NCV.hpp>

a##b

连接间接宏。

◆ NCV_RESET_SKIP_COND

#define NCV_RESET_SKIP_COND ( x)

#include <opencv2/cudalegacy/NCV.hpp>

__ncv_skip_cond = x

◆ NCV_SET_SKIP_COND

#define NCV_SET_SKIP_COND ( x)

#include <opencv2/cudalegacy/NCV.hpp>

bool __ncv_skip_cond = x

◆ NCV_SKIP_COND_BEGIN

#define NCV_SKIP_COND_BEGIN    if (!__ncv_skip_cond) {

◆ NCV_SKIP_COND_END

#define NCV_SKIP_COND_END    }

◆ ncvAssertCUDALastErrorReturn

#define ncvAssertCUDALastErrorReturn ( errCode)

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
cudaError_t res = cudaGetLastError(); \
cv::String msg = cv::format("cudaError_t=%d", (int)res); \
ncvAssertPrintReturn(cudaSuccess==res, msg.c_str(), errCode); \
} while (0)
std::string String
定义 cvstd.hpp:151
String format(const char *fmt,...)
返回使用printf-like表达式格式化的文本字符串。

◆ ncvAssertCUDAReturn

#define ncvAssertCUDAReturn ( cudacall,
errCode )

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
cudaError_t res = cudacall; \
cv::String msg = cv::format("cudaError_t=%d", (int)res); \
ncvAssertPrintReturn(cudaSuccess==res, msg.c_str(), errCode); \
} while (0)

◆ ncvAssertPrintCheck

#define ncvAssertPrintCheck ( pred,
msg )

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
if (!(pred)) \
{ \
cv::String str = cv::format("NCV Assertion Failed: %s, file=%s, line=%d", msg, __FILE__, __LINE__); \
ncvDebugOutput(str); \
} \
} while (0)

◆ ncvAssertPrintReturn

#define ncvAssertPrintReturn ( pred,
msg,
err )

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
ncvAssertPrintCheck(pred, msg); \
if (!(pred)) return err; \
} while (0)

◆ ncvAssertReturn

#define ncvAssertReturn ( pred,
err )

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
cv::String msg = cv::format("retcode=%d", (int)err); \
ncvAssertPrintReturn(pred, msg.c_str(), err); \
} while (0)

◆ ncvAssertReturnNcvStat

#define ncvAssertReturnNcvStat ( ncvOp)

#include <opencv2/cudalegacy/NCV.hpp>

do \
{ \
NCVStatus _ncvStat = ncvOp; \
cv::String msg = cv::format("NcvStat=%d", (int)_ncvStat); \
ncvAssertPrintReturn(NCV_SUCCESS==_ncvStat, msg.c_str(), _ncvStat); \
} while (0)
Ncv32u NCVStatus
定义 NCV.hpp:376
@ NCV_SUCCESS
定义 NCV.hpp:316

◆ ncvSafeMatAlloc

#define ncvSafeMatAlloc ( name,
type,
alloc,
width,
height,
err )

#include <opencv2/cudalegacy/NCV.hpp>

NCVMatrixAlloc<type> name(alloc, width, height); \
ncvAssertReturn(name.isMemAllocated(), err);
定义 NCV.hpp:845

◆ OBJDET_MASK_ELEMENT_INVALID_32U

#define OBJDET_MASK_ELEMENT_INVALID_32U   0xFFFFFFFF

◆ RECT_SIMILARITY_PROPORTION

#define RECT_SIMILARITY_PROPORTION   0.2f

◆ SQR

#define SQR ( x)

#include <opencv2/cudalegacy/NCV.hpp>

((x)*(x))

◆ SUB_BEGIN

#define SUB_BEGIN ( type,
name )

#include <opencv2/cudalegacy/NCV.hpp>

struct { __inline type name

◆ SUB_CALL

#define SUB_CALL ( name)

#include <opencv2/cudalegacy/NCV.hpp>

name.name

◆ SUB_END

#define SUB_END ( name)

#include <opencv2/cudalegacy/NCV.hpp>

} name;

类型定义文档

◆ Ncv16s

typedef short Ncv16s

◆ Ncv16u

typedef unsigned short Ncv16u

◆ Ncv32f

typedef float Ncv32f

◆ Ncv32f_a

◆ Ncv32s

typedef int Ncv32s

◆ Ncv32u

typedef unsigned int Ncv32u

◆ Ncv32u_a

◆ Ncv64f

typedef double Ncv64f

◆ Ncv64s

typedef long long Ncv64s

◆ Ncv64u

◆ Ncv8s

typedef signed char Ncv8s

◆ Ncv8u

typedef unsigned char Ncv8u

◆ NcvBool

typedef bool NcvBool

◆ NCVDebugOutputHandler

typedef void NCVDebugOutputHandler(const cv::String &msg)

◆ NCVStatus

◆ NcvTimer

typedef struct _NcvTimer* NcvTimer

枚举类型文档

◆ 匿名枚举

匿名枚举

#include <opencv2/cudalegacy/NCV.hpp>

用于状态通知、错误和警告的返回码

枚举器
NCV_SUCCESS 
NCV_UNKNOWN_ERROR 
NCV_CUDA_ERROR 
NCV_NPP_ERROR 
NCV_FILE_ERROR 
NCV_NULL_PTR 
NCV_INCONSISTENT_INPUT 
NCV_TEXTURE_BIND_ERROR 
NCV_DIMENSIONS_INVALID 
NCV_INVALID_ROI 
NCV_INVALID_STEP 
NCV_INVALID_SCALE 
NCV_ALLOCATOR_NOT_INITIALIZED 
NCV_ALLOCATOR_BAD_ALLOC 
NCV_ALLOCATOR_BAD_DEALLOC 
NCV_ALLOCATOR_INSUFFICIENT_CAPACITY 
NCV_ALLOCATOR_DEALLOC_ORDER 
NCV_ALLOCATOR_BAD_REUSE 
NCV_MEM_COPY_ERROR 
NCV_MEM_RESIDENCE_ERROR 
NCV_MEM_INSUFFICIENT_CAPACITY 
NCV_HAAR_INVALID_PIXEL_STEP 
NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER 
NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE 
NCV_HAAR_TOO_LARGE_FEATURES 
NCV_HAAR_XML_LOADING_EXCEPTION 
NCV_NOIMPL_HAAR_TILTED_FEATURES 
NCV_NOT_IMPLEMENTED 
NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW 
NPPST_SUCCESS 

操作成功(与NPP_NO_ERROR相同)

NPPST_ERROR 

未知错误。

NPPST_CUDA_KERNEL_EXECUTION_ERROR 

CUDA内核执行错误。

NPPST_NULL_POINTER_ERROR 

空指针参数错误。

NPPST_TEXTURE_BIND_ERROR 

CUDA纹理绑定错误或返回非零偏移量。

NPPST_MEMCPY_ERROR 

CUDA内存复制错误。

NPPST_MEM_ALLOC_ERR 

CUDA内存分配错误。

NPPST_MEMFREE_ERR 

CUDA内存释放错误。

NPPST_INVALID_ROI 

无效的感兴趣区域参数。

NPPST_INVALID_STEP 

无效的图像行步长参数(检查符号、对齐、与图像宽度的关系)

NPPST_INVALID_SCALE 

传递了无效的比例参数。

NPPST_MEM_INSUFFICIENT_BUFFER 

用户分配的缓冲区不足。

NPPST_MEM_RESIDENCE_ERROR 

检测到内存驻留错误(检查指针是应为设备指针还是固定内存指针)

NPPST_MEM_INTERNAL_ERROR 

内部内存管理错误。

NCV_LAST_STATUS 

标记以在其他文件中继续错误编号。

◆ 匿名枚举

匿名枚举

#include <opencv2/cudalegacy/NCVHaarObjectDetection.hpp>

枚举器
NCVPipeObjDet_Default 
NCVPipeObjDet_UseFairImageScaling 
NCVPipeObjDet_FindLargestObject 
NCVPipeObjDet_VisualizeInPlace 

◆ NCVMemoryType

#include <opencv2/cudalegacy/NCV.hpp>

NCVMemoryType

枚举器
NCVMemoryTypeNone 
NCVMemoryTypeHostPageable 
NCVMemoryTypeHostPinned 
NCVMemoryTypeDevice 

函数文档

◆ ~INCVMemAllocator()

INCVMemAllocator::~INCVMemAllocator ( )
inlinepure virtual

◆ alignUp()

Ncv32u alignUp ( Ncv32u what,
Ncv32u alignment )

#include <opencv2/cudalegacy/NCV.hpp>

计算对齐后的上限值

◆ calcOpticalFlowBM()

void cv::cuda::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() )

#include <opencv2/cudalegacy.hpp>

使用块匹配算法计算2张图像的光流。

◆ connectivityMask()

void cv::cuda::connectivityMask ( const GpuMat & image,
GpuMat & mask,
const cv::Scalar & lo,
const cv::Scalar & hi,
Stream & stream = Stream::Null() )

#include <opencv2/cudalegacy.hpp>

计算泛洪填充分量标记的掩码。

◆ createBackgroundSubtractorFGD()

Ptr< cuda::BackgroundSubtractorFGD > cv::cuda::createBackgroundSubtractorFGD ( const FGDParams & params = FGDParams())

#include <opencv2/cudalegacy.hpp>

创建FGD背景减法器。

参数
params算法参数。有关解释,请参见[164]

◆ createBackgroundSubtractorGMG()

Ptr< cuda::BackgroundSubtractorGMG > cv::cuda::createBackgroundSubtractorGMG ( int initializationFrames = 120,
double decisionThreshold = 0.8 )

#include <opencv2/cudalegacy.hpp>

创建GMG背景减法器。

参数
initializationFrames用于初始化直方图的视频帧数。
decisionThreshold像素被确定为前景的值。

◆ createImagePyramid()

Ptr< ImagePyramid > cv::cuda::createImagePyramid ( InputArray img,
int nLayers = -1,
Stream & stream = Stream::Null() )

◆ createOpticalFlowNeedleMap()

void cv::cuda::createOpticalFlowNeedleMap ( const GpuMat & u,
const GpuMat & v,
GpuMat & vertex,
GpuMat & colors )

◆ graphcut() [1/2]

void cv::cuda::graphcut ( GpuMat & terminals,
GpuMat & leftTransp,
GpuMat & rightTransp,
GpuMat & top,
GpuMat & bottom,
GpuMat & labels,
GpuMat & buf,
Stream & stream = Stream::Null() )

#include <opencv2/cudalegacy.hpp>

通过2D正则4连通图的图割执行标记。

◆ graphcut() [2/2]

void cv::cuda::graphcut ( GpuMat & terminals,
GpuMat & leftTransp,
GpuMat & rightTransp,
GpuMat & top,
GpuMat & topLeft,
GpuMat & topRight,
GpuMat & bottom,
GpuMat & bottomLeft,
GpuMat & bottomRight,
GpuMat & labels,
GpuMat & buf,
Stream & stream = Stream::Null() )

#include <opencv2/cudalegacy.hpp>

通过2D正则8连通图的图割执行标记。

◆ interpolateFrames()

void cv::cuda::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() )

#include <opencv2/cudalegacy.hpp>

使用提供的光流(位移场)插值帧(图像)。

参数
frame0第一帧(32位浮点图像,单通道)。
frame1第二帧。必须与frame0具有相同的类型和大小。
fu向前水平位移。
fv向前垂直位移。
bu向后水平位移。
bv向后垂直位移。
pos新帧位置。
newFrame输出图像。
buf临时缓冲区,大小为width x 6*height,类型为CV_32FC1,包含6个GpuMat:第一帧的遮挡掩码,第二帧的遮挡掩码,插值后的向前水平流,插值后的向前垂直流,插值后的向后水平流,插值后的向后垂直流。
用于异步版本的Stream

◆ labelComponents()

void cv::cuda::labelComponents ( const GpuMat & mask,
GpuMat & components,
int flags = 0,
Stream & stream = Stream::Null() )

#include <opencv2/cudalegacy.hpp>

执行连通分量标记。

◆ memSegCopyHelper()

NCVStatus memSegCopyHelper ( void * dst,
NCVMemoryType dstType,
const void * src,
NCVMemoryType srcType,
size_t sz,
cudaStream_t cuStream )

#include <opencv2/cudalegacy/NCV.hpp>

复制调度器

◆ memSegCopyHelper2D()

NCVStatus memSegCopyHelper2D ( void * dst,
Ncv32u dstPitch,
NCVMemoryType dstType,
const void * src,
Ncv32u srcPitch,
NCVMemoryType srcType,
Ncv32u widthbytes,
Ncv32u height,
cudaStream_t cuStream )

◆ NCV_CT_ASSERT() [1/5]

NCV_CT_ASSERT ( sizeof(HaarClassifierNode128) = =16)

◆ NCV_CT_ASSERT() [2/5]

◆ NCV_CT_ASSERT() [3/5]

NCV_CT_ASSERT ( sizeof(HaarFeature64) = =8)

◆ NCV_CT_ASSERT() [4/5]

◆ NCV_CT_ASSERT() [5/5]

NCV_CT_ASSERT ( sizeof(HaarStage64) = =8)

◆ 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 )

◆ 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 )

◆ 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 )

#include <opencv2/cudalegacy/NCVBroxOpticalFlow.hpp>

计算光流。

基于Brox等人[2004]的方法

参数
[输入]desc模型和求解器参数
[输入]gpu_mem_allocatorGPU内存分配器
[输入]frame0源帧
[输入]frame1要跟踪的帧
[输出]u水平流分量(沿x轴)
[输出]v垂直流分量(沿y轴)
返回
计算状态

◆ ncvDebugOutput()

void ncvDebugOutput ( const cv::String & msg)

◆ 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 )

◆ 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 )

◆ ncvDrawRects_32u_host()

NCVStatus ncvDrawRects_32u_host ( Ncv32u * h_dst,
Ncv32u dstStride,
Ncv32u dstWidth,
Ncv32u dstHeight,
NcvRect32u * h_rects,
Ncv32u numRects,
Ncv32u color )

◆ 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 )

◆ ncvDrawRects_8u_host()

NCVStatus ncvDrawRects_8u_host ( Ncv8u * h_dst,
Ncv32u dstStride,
Ncv32u dstWidth,
Ncv32u dstHeight,
NcvRect32u * h_rects,
Ncv32u numRects,
Ncv8u color )

◆ ncvEndQueryTimerMs()

double ncvEndQueryTimerMs ( NcvTimer t)

◆ ncvEndQueryTimerUs()

double ncvEndQueryTimerUs ( NcvTimer t)

◆ ncvGroupRectangles_host()

NCVStatus ncvGroupRectangles_host ( NCVVector< NcvRect32u > & hypotheses,
Ncv32u & numHypotheses,
Ncv32u minNeighbors,
Ncv32f intersectEps,
NCVVector< Ncv32u > * hypothesesWeights )

#include <opencv2/cudalegacy/NCV.hpp>

矩形操作

◆ 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 )

◆ ncvGrowDetectionsVector_host()

NCVStatus ncvGrowDetectionsVector_host ( NCVVector< Ncv32u > & pixelMask,
Ncv32u numPixelMaskDetections,
NCVVector< NcvRect32u > & hypotheses,
Ncv32u & totalDetections,
Ncv32u totalMaxDetections,
Ncv32u rectWidth,
Ncv32u rectHeight,
Ncv32f curScale )

◆ ncvHaarGetClassifierSize()

NCVStatus ncvHaarGetClassifierSize ( const cv::String & filename,
Ncv32u & numStages,
Ncv32u & numNodes,
Ncv32u & numFeatures )

◆ ncvHaarLoadFromFile_host()

NCVStatus ncvHaarLoadFromFile_host ( const cv::String & filename,
HaarClassifierCascadeDescriptor & haar,
NCVVector< HaarStage64 > & h_HaarStages,
NCVVector< HaarClassifierNode128 > & h_HaarNodes,
NCVVector< HaarFeature64 > & h_HaarFeatures )

◆ ncvHaarStoreNVBIN_host()

NCVStatus ncvHaarStoreNVBIN_host ( const cv::String & filename,
HaarClassifierCascadeDescriptor haar,
NCVVector< HaarStage64 > & h_HaarStages,
NCVVector< HaarClassifierNode128 > & h_HaarNodes,
NCVVector< HaarFeature64 > & h_HaarFeatures )

◆ ncvSetDebugOutputHandler()

void ncvSetDebugOutputHandler ( NCVDebugOutputHandler * func)

◆ ncvStartTimer()

NcvTimer ncvStartTimer ( void )

◆ projectPoints()

void cv::cuda::projectPoints ( const GpuMat & src,
const Mat & rvec,
const Mat & tvec,
const Mat & camera_mat,
const Mat & dist_coef,
GpuMat & dst,
Stream & stream = Stream::Null() )

◆ solvePnPRansac()

void cv::cuda::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 )

#include <opencv2/cudalegacy.hpp>

从3D-2D点对应关系中查找物体姿态。

参数
object对象点的单行矩阵。
image图像点的单行矩阵。
camera_mat内部摄像机参数的3x3矩阵。
dist_coef畸变系数。有关详细信息,请参见undistortPoints。
rvec输出3D旋转向量。
tvec输出3D平移向量。
use_extrinsic_guess标志,指示函数必须使用rvec和tvec作为初始变换猜测。目前不支持。
num_itersRANSAC迭代的最大次数。
max_dist用于检测点是否为内点的欧几里得距离阈值。
min_inlier_count标志,指示如果达到大于或等于内点数,函数必须停止。目前不支持。
inliers内点索引的输出向量。

◆ transformPoints()

void cv::cuda::transformPoints ( const GpuMat & src,
const Mat & rvec,
const Mat & tvec,
GpuMat & dst,
Stream & stream = Stream::Null() )

变量文档

◆ K_LOG2_WARP_SIZE

const Ncv32u K_LOG2_WARP_SIZE = 5

◆ K_WARP_SIZE

const Ncv32u K_WARP_SIZE = 32