Opencv cuda
2021-04-29 11:22:41 0 举报
AI智能生成
opencv 4.5.2版本,cuda gpu 相关函数整理
作者其他创作
大纲/内容
cudaimgproc. Image Processing
Color space processing
void cv::cuda::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. More...
processing todo void cv::cuda::cvtColor (InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null()) Converts an image from one color space to another. More...
processing todo void cv::cuda::demosaicing (InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null()) Converts an image from Bayer pattern to RGB or grayscale. More...
void cv::cuda::gammaCorrection (InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null()) Routines for correcting image color gamma. More...
processing todo void cv::cuda::swapChannels (InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null()) Exchanges the color channels of an image in-place. More...
Histogram Calculation
void cv::cuda::calcHist (InputArray src, OutputArray hist, Stream &stream=Stream::Null()) Calculates histogram for one channel 8-bit image. More...
void cv::cuda::calcHist (InputArray src, InputArray mask, OutputArray hist, Stream &stream=Stream::Null()) Calculates histogram for one channel 8-bit image confined in given mask. More...
Ptr< cuda::CLAHE > cv::cuda::createCLAHE (double clipLimit=40.0, Size tileGridSize=Size(8, 8)) Creates implementation for cuda::CLAHE . More...
void cv::cuda::equalizeHist (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Equalizes the histogram of a grayscale image. More...
void cv::cuda::evenLevels (OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null()) Computes levels with even distribution. More...
void cv::cuda::histEven (InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null()) Calculates a histogram with evenly distributed bins. More...
void cv::cuda::histEven (InputArray src, GpuMat hist[4], int histSize[4], int lowerLevel[4], int upperLevel[4], Stream &stream=Stream::Null())
void cv::cuda::histRange (InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null()) Calculates a histogram with bins determined by the levels array. More...
void cv::cuda::histRange (InputArray src, GpuMat hist[4], const GpuMat levels[4], Stream &stream=Stream::Null())
Hough Transform
Classes
class cv::cuda::HoughCirclesDetector Base class for circles detector algorithm. : More...
class cv::cuda::HoughLinesDetector Base class for lines detector algorithm. : More...
class cv::cuda::HoughSegmentDetector Base class for line segments detector algorithm. : More...
Functions
Ptr< GeneralizedHoughBallard > cv::cuda::createGeneralizedHoughBallard () Creates implementation for generalized hough transform from [14] . More...
Ptr< GeneralizedHoughGuil > cv::cuda::createGeneralizedHoughGuil () Creates implementation for generalized hough transform from [100] . More...
Ptr< HoughCirclesDetector > cv::cuda::createHoughCirclesDetector (float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096) Creates implementation for cuda::HoughCirclesDetector . More...
Ptr< HoughLinesDetector > cv::cuda::createHoughLinesDetector (float rho, float theta, int threshold, bool doSort=false, int maxLines=4096) Creates implementation for cuda::HoughLinesDetector . More...
Ptr< HoughSegmentDetector > cv::cuda::createHoughSegmentDetector (float rho, float theta, int minLineLength, int maxLineGap, int maxLines=4096) Creates implementation for cuda::HoughSegmentDetector . More...
Feature Detection
Classes
class cv::cuda::CornernessCriteria Base class for Cornerness Criteria computation. : More...
class cv::cuda::CornersDetector Base class for Corners Detector. : More...
Functions
Ptr< CornersDetector > cv::cuda::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 . More...
Ptr< CornernessCriteria > cv::cuda::createHarrisCorner (int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101) Creates implementation for Harris cornerness criteria. More...
Ptr< CornernessCriteria > cv::cuda::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 cornerness criteria). More...
Classes
class cv::cuda::CannyEdgeDetector Base class for Canny Edge Detector. : More...
class cv::cuda::TemplateMatching Base class for Template Matching. : More...
Functions
processing todo void cv::cuda::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. More...
processing todo void cv::cuda::blendLinear (InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null()) Performs linear blending of two images. More...
Ptr< CannyEdgeDetector > cv::cuda::createCannyEdgeDetector (double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false) Creates implementation for cuda::CannyEdgeDetector . More...
Ptr< TemplateMatching > cv::cuda::createTemplateMatching (int srcType, int method, Size user_block_size=Size()) Creates implementation for cuda::TemplateMatching . More...
processing todo void cv::cuda::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. More...
void cv::cuda::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 positions) in two images. More...
void cv::cuda::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. More...
cudalegacy. Legacy support
class
class cv::cuda::BackgroundSubtractorFGD The class discriminates between foreground and background pixels by building and maintaining a model of the background. More...
class cv::cuda::BackgroundSubtractorGMG Background/Foreground Segmentation Algorithm. More...
class cv::cuda::FastOpticalFlowBM
struct cv::cuda::FGDParams
struct HaarClassifierCascadeDescriptor
struct HaarClassifierNode128
struct HaarClassifierNodeDescriptor32
struct HaarFeature64
struct HaarFeatureDescriptor32
struct HaarStage64
class cv::cuda::ImagePyramid
class INCVMemAllocator
struct NCVBroxOpticalFlowDescriptor Model and solver parameters. More...
class NCVMatrix< T >
class NCVMatrixAlloc< T >
class NCVMatrixReuse< T >
class NCVMemNativeAllocator
struct NCVMemPtr
struct NCVMemSegment
class NCVMemStackAllocator
struct NcvPoint2D32s
struct NcvPoint2D32u
struct NcvRect32s
struct NcvRect32u
struct NcvRect8u
struct NcvSize32s
struct NcvSize32u
class NCVVector< T >
class NCVVectorAlloc< T >
class NCVVectorReuse< T >
NPPST Core
cudaStream_t nppStGetActiveCUDAstream ()
cudaStream_t nppStSetActiveCUDAstream (cudaStream_t cudaStream)
NPPST Image Processing
NCVStatus nppiStDecimate_32f_C1R (Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_32f_C1R_host (Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStDecimate_32s_C1R (Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_32s_C1R_host (Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStDecimate_32u_C1R (Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_32u_C1R_host (Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStDecimate_64f_C1R (Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_64f_C1R_host (Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStDecimate_64s_C1R (Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_64s_C1R_host (Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStDecimate_64u_C1R (Ncv64u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
NCVStatus nppiStDecimate_64u_C1R_host (Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
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)
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)
NCVStatus nppiStGetInterpolationBufferSize (NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
NCVStatus nppiStIntegral_32f32f_C1R (Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppiStIntegral_32f32f_C1R_host (Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
NCVStatus nppiStIntegral_8u32u_C1R (Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppiStIntegral_8u32u_C1R_host (Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
NCVStatus nppiStIntegralGetSize_32f32f (NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
NCVStatus nppiStIntegralGetSize_8u32u (NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
NCVStatus nppiStInterpolateFrames (const NppStInterpolationState *pState)
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)
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)
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)
NCVStatus nppiStSqrIntegral_8u64u_C1R (Ncv8u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppiStSqrIntegral_8u64u_C1R_host (Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
NCVStatus nppiStSqrIntegralGetSize_8u64u (NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
NCVStatus nppiStTranspose_128_C1R (void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_128_C1R_host (void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32f_C1R (Ncv32f *d_src, Ncv32u srcStride, Ncv32f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32f_C1R_host (Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32s_C1R (Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32s_C1R_host (Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32u_C1R (Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_32u_C1R_host (Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64f_C1R (Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64f_C1R_host (Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64s_C1R (Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64s_C1R_host (Ncv64s *h_src, Ncv32u srcStride, Ncv64s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64u_C1R (Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStTranspose_64u_C1R_host (Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NCVStatus nppiStVectorWarp_PSF1x1_32f_C1 (const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f timeScale, Ncv32f *pDst)
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)
NCVStatus nppiStVectorWarpGetBufferSize (NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
NPPST Signal Processing
NCVStatus nppsStCompact_32f (Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppsStCompact_32f_host (Ncv32f *h_src, Ncv32u srcLen, Ncv32f *h_dst, Ncv32u *dstLen, Ncv32f elemRemove)
NCVStatus nppsStCompact_32s (Ncv32s *d_src, Ncv32u srcLen, Ncv32s *d_dst, Ncv32u *p_dstLen, Ncv32s elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppsStCompact_32s_host (Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
NCVStatus nppsStCompact_32u (Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVStatus nppsStCompact_32u_host (Ncv32u *h_src, Ncv32u srcLen, Ncv32u *h_dst, Ncv32u *dstLen, Ncv32u elemRemove)
NCVStatus nppsStCompactGetSize_32f (Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
NCVStatus nppsStCompactGetSize_32s (Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
NCVStatus nppsStCompactGetSize_32u (Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cudaobjdetect. Object Detection
Classes
class cv::cuda::CascadeClassifier Cascade classifier class used for object detection. Supports HAAR and LBP cascades. : More...
class cv::cuda::HOG The class implements Histogram of Oriented Gradients ([50]) object detector. More...
cudaoptflow. Optical Flow
Classes
class cv::cuda::BroxOpticalFlow Class computing the optical flow for two images using Brox et al Optical Flow algorithm ([36]). More...
OpticalFlow todo class cv::cuda::DenseOpticalFlow Base interface for dense optical flow algorithms. More...
class cv::cuda::DensePyrLKOpticalFlow Class used for calculating a dense optical flow. More...
class cv::cuda::FarnebackOpticalFlow Class computing a dense optical flow using the Gunnar Farneback's algorithm. More...
class cv::cuda::NvidiaHWOpticalFlow Base Interface for optical flow algorithms using NVIDIA Optical Flow SDK. More...
OpticalFlow todo class cv::cuda::NvidiaOpticalFlow_1_0 Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware and Optical Flow SDK 1.0. More...
class cv::cuda::NvidiaOpticalFlow_2_0 Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware and Optical Flow SDK 2.0. More...
class cv::cuda::OpticalFlowDual_TVL1 Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method. More...
class cv::cuda::SparseOpticalFlow Base interface for sparse optical flow algorithms. More...
class cv::cuda::SparsePyrLKOpticalFlow Class used for calculating a sparse optical flow. More...
cudastereo. Stereo Correspondence
Classes
class cv::cuda::DisparityBilateralFilter Class refining a disparity map using joint bilateral filtering. : More...
class cv::cuda::StereoBeliefPropagation Class computing stereo correspondence using the belief propagation algorithm. : More...
class cv::cuda::StereoBM Class computing stereo correspondence (disparity map) using the block matching algorithm. : More...
class cv::cuda::StereoConstantSpaceBP Class computing stereo correspondence using the constant space belief propagation algorithm. : More...
class cv::cuda::StereoSGM The class implements the modified H. Hirschmuller algorithm [112]. Limitation and difference are as follows: More...
Functions
Ptr< cuda::DisparityBilateralFilter > cv::cuda::createDisparityBilateralFilter (int ndisp=64, int radius=3, int iters=1) Creates DisparityBilateralFilter object. More...
Ptr< cuda::StereoBeliefPropagation > cv::cuda::createStereoBeliefPropagation (int ndisp=64, int iters=5, int levels=5, int msg_type=CV_32F) Creates StereoBeliefPropagation object. More...
Ptr< cuda::StereoBM > cv::cuda::createStereoBM (int numDisparities=64, int blockSize=19) Creates StereoBM object. More...
Ptr< cuda::StereoConstantSpaceBP > cv::cuda::createStereoConstantSpaceBP (int ndisp=128, int iters=8, int levels=4, int nr_plane=4, int msg_type=CV_32F) Creates StereoConstantSpaceBP object. More...
Ptr< cuda::StereoSGM > cv::cuda::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. More...
void cv::cuda::drawColorDisp (InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null()) Colors a disparity image. More...
Stereo todo void cv::cuda::reprojectImageTo3D (InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null()) Reprojects a disparity image to 3D space. More...
cudawarping. Image Warping
void cv::cuda::buildWarpAffineMaps (InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null()) Builds transformation maps for affine transformation. More...
void cv::cuda::buildWarpAffineMaps (UMat M, bool inverse, Size dsize, GpuMat &xmap, GpuMat &ymap, Stream &stream=Stream::Null())
void cv::cuda::buildWarpAffineMaps (Mat M, bool inverse, Size dsize, GpuMat &xmap, GpuMat &ymap, Stream &stream=Stream::Null())
void cv::cuda::buildWarpPerspectiveMaps (InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null()) Builds transformation maps for perspective transformation. More...
void cv::cuda::buildWarpPerspectiveMaps (UMat M, bool inverse, Size dsize, GpuMat &xmap, GpuMat &ymap, Stream &stream=Stream::Null())
void cv::cuda::buildWarpPerspectiveMaps (Mat M, bool inverse, Size dsize, GpuMat &xmap, GpuMat &ymap, Stream &stream=Stream::Null())
Warping todo void cv::cuda::pyrDown (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Smoothes an image and downsamples it. More...
Warping todo void cv::cuda::pyrUp (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Upsamples an image and then smoothes it. More...
void cv::cuda::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. More...
Warping todo void cv::cuda::resize (InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR, Stream &stream=Stream::Null()) Resizes an image. More...
void cv::cuda::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. More...
Warping todo void cv::cuda::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. More...
void cv::cuda::warpAffine (InputArray src, OutputArray dst, UMat M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
void cv::cuda::warpAffine (InputArray src, OutputArray dst, Mat M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
void cv::cuda::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. More...
void cv::cuda::warpPerspective (InputArray src, OutputArray dst, UMat M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
void cv::cuda::warpPerspective (InputArray src, OutputArray dst, Mat M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Core part
Initialization and Information
Classes
class cv::cuda::DeviceInfo Class providing functionality for querying the specified GPU properties. More...
class cv::cuda::TargetArchs Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was built for. More...
Functions
Core todo void cv::cuda::convertFp16 (InputArray _src, OutputArray _dst, Stream &stream=Stream::Null()) Converts an array to half precision floating number. More...
bool cv::cuda::deviceSupports (FeatureSet feature_set) checks whether current device supports the given feature More...
int cv::cuda::getCudaEnabledDeviceCount () Returns the number of installed CUDA-enabled devices. More...
int cv::cuda::getDevice () Returns the current device index set by cuda::setDevice or initialized by default. More...
void cv::cuda::printCudaDeviceInfo (int device)
void cv::cuda::printShortCudaDeviceInfo (int device)
void cv::cuda::resetDevice () Explicitly destroys and cleans up all resources associated with the current device in the current process. More...
void cv::cuda::setDevice (int device) Sets a device and initializes it for the current thread. More...
Data Structures
Classes
class cv::cuda::BufferPool BufferPool for use with CUDA streams. More...
class cv::cuda::Event
struct cv::cuda::EventAccessor Class that enables getting cudaEvent_t from cuda::Event. More...
struct cv::cuda::GpuData
class cv::cuda::GpuMat Base storage class for GPU memory with reference counting. More...
class cv::cuda::GpuMatND
class cv::cuda::HostMem Class with reference counting wrapping special memory type allocation functions from CUDA. More...
class cv::cuda::Stream This class encapsulates a queue of asynchronous calls. More...
struct cv::cuda::StreamAccessor Class that enables getting cudaStream_t from cuda::Stream. More...
Functions
void cv::cuda::createContinuous (int rows, int cols, int type, OutputArray arr) Creates a continuous matrix. More...
void cv::cuda::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. More...
void cv::cuda::registerPageLocked (Mat &m) Page-locks the memory of matrix and maps it for the device(s). More...
void cv::cuda::setBufferPoolConfig (int deviceId, size_t stackSize, int stackCount)
void cv::cuda::setBufferPoolUsage (bool on) BufferPool management (must be called before Stream creation) More...
void cv::cuda::unregisterPageLocked (Mat &m) Unmaps the memory of matrix and makes it pageable again. More...
cudaarithm. Operations on Matrices
Core Operations on Matrices
Classes
class cv::cuda::LookUpTable
Base class for transform using lookup table. More...
Base class for transform using lookup table. More...
Functions
void cv::cuda::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. More...
Ptr< LookUpTable > cv::cuda::createLookUpTable (InputArray lut) Creates implementation for cuda::LookUpTable . More...
void cv::cuda::flip (InputArray src, OutputArray dst, int flipCode, Stream &stream=Stream::Null()) Flips a 2D matrix around vertical, horizontal, or both axes. More...
void cv::cuda::merge (const GpuMat *src, size_t n, OutputArray dst, Stream &stream=Stream::Null()) Makes a multi-channel matrix out of several single-channel matrices. More...
void cv::cuda::merge (const std::vector< GpuMat > &src, OutputArray dst, Stream &stream=Stream::Null())
void cv::cuda::split (InputArray src, GpuMat *dst, Stream &stream=Stream::Null()) Copies each plane of a multi-channel matrix into an array. More...
void cv::cuda::split (InputArray src, std::vector< GpuMat > &dst, Stream &stream=Stream::Null())
void cv::cuda::transpose (InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Per-element Operations
void cv::cuda::abs (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Computes an absolute value of each matrix element. More...
void cv::cuda::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). More...
void cv::cuda::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. More...
void cv::cuda::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. More...
void cv::cuda::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). More...
void cv::cuda::bitwise_not (InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null()) Performs a per-element bitwise inversion. More...
void cv::cuda::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). More...
void cv::cuda::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). More...
void cv::cuda::cartToPolar (InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null()) Converts Cartesian coordinates into polar. More...
void cv::cuda::compare (InputArray src1, InputArray src2, OutputArray dst, int cmpop, Stream &stream=Stream::Null()) Compares elements of two matrices (or of a matrix and scalar). More...
void cv::cuda::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. More...
void cv::cuda::exp (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Computes an exponent of each matrix element. More...
void cv::cuda::inRange (InputArray src, const Scalar &lowerb, const Scalar &upperb, OutputArray dst, Stream &stream=Stream::Null()) Checks if array elements lie between two scalars. More...
void cv::cuda::log (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Computes a natural logarithm of absolute value of each matrix element. More...
void cv::cuda::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. More...
void cv::cuda::lshift (InputArray src, Scalar val, OutputArray dst, Stream &stream=Stream::Null())
void cv::cuda::magnitude (InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null()) Computes magnitudes of complex matrix elements. More...
void cv::cuda::magnitude (InputArray x, InputArray y, OutputArray magnitude, Stream &stream=Stream::Null())
void cv::cuda::magnitudeSqr (InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null()) Computes squared magnitudes of complex matrix elements. More...
void cv::cuda::magnitudeSqr (InputArray x, InputArray y, OutputArray magnitude, Stream &stream=Stream::Null())
void cv::cuda::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). More...
void cv::cuda::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). More...
matrix todo void cv::cuda::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. More...
void cv::cuda::phase (InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null()) Computes polar angles of complex matrix elements. More...
void cv::cuda::polarToCart (InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null()) Converts polar coordinates into Cartesian. More...
void cv::cuda::pow (InputArray src, double power, OutputArray dst, Stream &stream=Stream::Null()) Raises every matrix element to a power. More...
void cv::cuda::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. More...
void cv::cuda::rshift (InputArray src, Scalar val, OutputArray dst, Stream &stream=Stream::Null())
matrix todo static void cv::cuda::scaleAdd (InputArray src1, double alpha, InputArray src2, OutputArray dst, Stream &stream=Stream::Null()) adds scaled array to another one (dst = alpha*src1 + src2) More...
void cv::cuda::sqr (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Computes a square value of each matrix element. More...
void cv::cuda::sqrt (InputArray src, OutputArray dst, Stream &stream=Stream::Null()) Computes a square root of each matrix element. More...
matrix todo void cv::cuda::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. More...
matrix todo double cv::cuda::threshold (InputArray src, OutputArray dst, double thresh, double maxval, int type, Stream &stream=Stream::Null()) Applies a fixed-level threshold to each array element. More...
Matrix Reductions
Functions
Scalar cv::cuda::absSum (InputArray src, InputArray mask=noArray()) Returns the sum of absolute values for matrix elements. More...
void cv::cuda::calcAbsSum (InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void cv::cuda::calcNorm (InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
void cv::cuda::calcNormDiff (InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
void cv::cuda::calcSqrSum (InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void cv::cuda::calcSum (InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
int cv::cuda::countNonZero (InputArray src) Counts non-zero matrix elements. More...
void cv::cuda::countNonZero (InputArray src, OutputArray dst, Stream &stream=Stream::Null())
void cv::cuda::findMinMax (InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void cv::cuda::findMinMaxLoc (InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
void cv::cuda::integral (InputArray src, OutputArray sum, Stream &stream=Stream::Null()) Computes an integral image. More...
void cv::cuda::meanStdDev (InputArray mtx, Scalar &mean, Scalar &stddev) Computes a mean value and a standard deviation of matrix elements. More...
void cv::cuda::meanStdDev (InputArray mtx, OutputArray dst, Stream &stream=Stream::Null())
void cv::cuda::minMax (InputArray src, double *minVal, double *maxVal, InputArray mask=noArray()) Finds global minimum and maximum matrix elements and returns their values. More...
void cv::cuda::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. More...
double cv::cuda::norm (InputArray src1, int normType, InputArray mask=noArray()) Returns the norm of a matrix (or difference of two matrices). More...
double cv::cuda::norm (InputArray src1, InputArray src2, int normType=NORM_L2) Returns the difference of two matrices. More...
void cv::cuda::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. More...
void cv::cuda::rectStdDev (InputArray src, InputArray sqr, OutputArray dst, Rect rect, Stream &stream=Stream::Null()) Computes a standard deviation of integral images. More...
void cv::cuda::reduce (InputArray mtx, OutputArray vec, int dim, int reduceOp, int dtype=-1, Stream &stream=Stream::Null()) Reduces a matrix to a vector. More...
void cv::cuda::sqrIntegral (InputArray src, OutputArray sqsum, Stream &stream=Stream::Null()) Computes a squared integral image. More...
Scalar cv::cuda::sqrSum (InputArray src, InputArray mask=noArray()) Returns the squared sum of matrix elements. More...
matrix todo Scalar cv::cuda::sum (InputArray src, InputArray mask=noArray()) Returns the sum of matrix elements. More...
Arithm Operations on Matrices
Classes
class cv::cuda::Convolution Base class for convolution (or cross-correlation) operator. : More...
class cv::cuda::DFT Base class for DFT operator as a cv::Algorithm. : More...
Functions
Ptr< Convolution > cv::cuda::createConvolution (Size user_block_size=Size()) Creates implementation for cuda::Convolution . More...
Ptr< DFT > cv::cuda::createDFT (Size dft_size, int flags) Creates implementation for cuda::DFT. More...
void cv::cuda::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. More...
matri todo void cv::cuda::gemm (InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0, Stream &stream=Stream::Null()) Performs generalized matrix multiplication. More...
void cv::cuda::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. More...
void cv::cuda::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. More...
cudabgsegm. Background Segmentation
Class
class cv::cuda::BackgroundSubtractorMOG Gaussian Mixture-based Background/Foreground Segmentation Algorithm. More...
class cv::cuda::BackgroundSubtractorMOG2 Gaussian Mixture-based Background/Foreground Segmentation Algorithm. More...
Functions
Ptr< cuda::BackgroundSubtractorMOG > cv::cuda::createBackgroundSubtractorMOG (int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0) Creates mixture-of-gaussian background subtractor. More...
Ptr< cuda::BackgroundSubtractorMOG2 > cv::cuda::createBackgroundSubtractorMOG2 (int history=500, double varThreshold=16, bool detectShadows=true) Creates MOG2 Background Subtractor. More...
cudacodec. Video Encoding/Decoding
Classes
class cv::cudacodec::EncoderCallBack Callbacks for CUDA video encoder. More...
struct cv::cudacodec::EncoderParams Different parameters for CUDA video encoder. More...
struct cv::cudacodec::FormatInfo Struct providing information about video file format. : More...
class cv::cudacodec::RawVideoSource Interface for video demultiplexing. : More...
Video todo class cv::cudacodec::VideoReader Video reader interface. More...
class cv::cudacodec::VideoWriter Video writer interface. More...
Functions
Video todo Ptr< VideoReader > cv::cudacodec::createVideoReader (const String &filename) Creates video reader. More...
Ptr< VideoReader > cv::cudacodec::createVideoReader (const Ptr< RawVideoSource > &source)
Ptr< cudacodec::VideoWriter > cv::cudacodec::createVideoWriter (const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR) Creates video writer. More...
Ptr< cudacodec::VideoWriter > cv::cudacodec::createVideoWriter (const String &fileName, Size frameSize, double fps, const EncoderParams ¶ms, SurfaceFormat format=SF_BGR)
Ptr< cudacodec::VideoWriter > cv::cudacodec::createVideoWriter (const Ptr< EncoderCallBack > &encoderCallback, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Ptr< cudacodec::VideoWriter > cv::cudacodec::createVideoWriter (const Ptr< EncoderCallBack > &encoderCallback, Size frameSize, double fps, const EncoderParams ¶ms, SurfaceFormat format=SF_BGR)
cudafeatures2d. Feature Detection and Description
Classes
class cv::cuda::DescriptorMatcher Abstract base class for matching keypoint descriptors. More...
class cv::cuda::FastFeatureDetector Wrapping class for feature detection using the FAST method. More...
class cv::cuda::Feature2DAsync Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors. More...
Feature todo class cv::cuda::ORB Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor. More...
cudafilters. Image Filtering
Classes
class cv::cuda::Filter Common interface for all CUDA filters : More...
Functions
image todo Ptr< Filter > cv::cuda::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. More...
image todo Ptr< Filter > cv::cuda::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. More... Ptr< Filter > cv::cuda::createBoxMaxFilter (int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0)) Creates the maximum filter. More...
image todo Ptr< Filter > cv::cuda::createBoxMinFilter (int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0)) Creates the minimum filter. More...
Ptr< Filter > cv::cuda::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. More...
Ptr< Filter > cv::cuda::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. More...
image todo Ptr< Filter > cv::cuda::createGaussianFilter (int srcType, int dstType, Size ksize, double sigma1, double sigma2=0, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1) Creates a Gaussian filter. More...
image todo Ptr< Filter > cv::cuda::createLaplacianFilter (int srcType, int dstType, int ksize=1, double scale=1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0)) Creates a Laplacian operator. More...
Ptr< Filter > cv::cuda::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. More...
Ptr< Filter > cv::cuda::createMorphologyFilter (int op, int srcType, InputArray kernel, Point anchor=Point(-1, -1), int iterations=1) Creates a 2D morphological filter. More...
Ptr< Filter > cv::cuda::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. More...
image todo Ptr< Filter > cv::cuda::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. More...
Ptr< Filter > cv::cuda::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. More...
Ptr< Filter > cv::cuda::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. More...
收藏
0 条评论
下一页