OpenCV  2.4.13.4
Open Source Computer Vision
ocl/include/opencv2/ocl/ocl.hpp File Reference
#include <memory>
#include <vector>
#include "opencv2/core/core.hpp"
#include "opencv2/imgproc/imgproc.hpp"
#include "opencv2/objdetect/objdetect.hpp"
#include "opencv2/features2d/features2d.hpp"
#include "opencv2/ml/ml.hpp"
#include "opencv2/ocl/matrix_operations.hpp"

Classes

struct  cv::ocl::DeviceInfo
 
struct  cv::ocl::PlatformInfo
 
class  cv::ocl::Context
 
struct  cv::ocl::ProgramSource
 
class  cv::ocl::oclMat
 
class  cv::ocl::BaseRowFilter_GPU
 
class  cv::ocl::BaseColumnFilter_GPU
 
class  cv::ocl::BaseFilter_GPU
 
class  cv::ocl::FilterEngine_GPU
 
class  cv::ocl::OclCascadeClassifier
 
class  cv::ocl::OclCascadeClassifierBuf
 
struct  cv::ocl::MatchTemplateBuf
 
struct  cv::ocl::CannyBuf
 
struct  cv::ocl::HOGDescriptor
 
struct  cv::ocl::Accumulator< T >
 
struct  cv::ocl::Accumulator< unsigned char >
 
struct  cv::ocl::Accumulator< unsigned short >
 
struct  cv::ocl::Accumulator< char >
 
struct  cv::ocl::Accumulator< short >
 
struct  cv::ocl::L1< T >
 
struct  cv::ocl::L2< T >
 
struct  cv::ocl::Hamming
 
class  cv::ocl::BruteForceMatcher_OCL_base
 
class  cv::ocl::BruteForceMatcher_OCL< Distance >
 
class  cv::ocl::BruteForceMatcher_OCL< L1< T > >
 
class  cv::ocl::BruteForceMatcher_OCL< L2< T > >
 
class  cv::ocl::BruteForceMatcher_OCL< Hamming >
 
class  cv::ocl::BFMatcher_OCL
 
class  cv::ocl::GoodFeaturesToTrackDetector_OCL
 
class  cv::ocl::PyrLKOpticalFlow
 
class  cv::ocl::FarnebackOpticalFlow
 
class  cv::ocl::StereoBM_OCL
 
class  cv::ocl::StereoBeliefPropagation
 
class  cv::ocl::StereoConstantSpaceBP
 
class  cv::ocl::OpticalFlowDual_TVL1_OCL
 
class  cv::ocl::BackgroundSubtractor
 
class  cv::ocl::MOG
 
class  cv::ocl::MOG2
 
class  cv::ocl::KalmanFilter
 
class  cv::ocl::KNearestNeighbour
 
class  cv::ocl::CvSVM_OCL
 

Namespaces

 cv
 
 cv::ocl
 

Typedefs

typedef std::vector< const PlatformInfo * > cv::ocl::PlatformsInfo
 
typedef std::vector< const DeviceInfo * > cv::ocl::DevicesInfo
 

Enumerations

enum  cv::ocl::DeviceType {
  cv::ocl::CVCL_DEVICE_TYPE_DEFAULT = (1 << 0), cv::ocl::CVCL_DEVICE_TYPE_CPU = (1 << 1), cv::ocl::CVCL_DEVICE_TYPE_GPU = (1 << 2), cv::ocl::CVCL_DEVICE_TYPE_ACCELERATOR = (1 << 3),
  cv::ocl::CVCL_DEVICE_TYPE_ALL = 0xFFFFFFFF
}
 
enum  cv::ocl::DevMemRW { cv::ocl::DEVICE_MEM_R_W = 0, cv::ocl::DEVICE_MEM_R_ONLY, cv::ocl::DEVICE_MEM_W_ONLY }
 
enum  cv::ocl::DevMemType {
  cv::ocl::DEVICE_MEM_DEFAULT = 0, cv::ocl::DEVICE_MEM_AHP, cv::ocl::DEVICE_MEM_UHP, cv::ocl::DEVICE_MEM_CHP,
  cv::ocl::DEVICE_MEM_PM
}
 
enum  cv::ocl::FEATURE_TYPE { cv::ocl::FEATURE_CL_DOUBLE = 1, cv::ocl::FEATURE_CL_UNIFIED_MEM, cv::ocl::FEATURE_CL_VER_1_2, cv::ocl::FEATURE_CL_INTEL_DEVICE }
 
enum  cv::ocl::BINARY_CACHE_MODE { cv::ocl::CACHE_NONE = 0, cv::ocl::CACHE_DEBUG = 0x1 << 0, cv::ocl::CACHE_RELEASE = 0x1 << 1, cv::ocl::CACHE_ALL = CACHE_DEBUG | CACHE_RELEASE }
 
enum  { cv::ocl::SORT_BITONIC, cv::ocl::SORT_SELECTION, cv::ocl::SORT_MERGE, cv::ocl::SORT_RADIX }
 

Functions

int cv::ocl::getOpenCLPlatforms (PlatformsInfo &platforms)
 
int cv::ocl::getOpenCLDevices (DevicesInfo &devices, int deviceType=CVCL_DEVICE_TYPE_GPU, const PlatformInfo *platform=NULL)
 
void cv::ocl::setDevice (const DeviceInfo *info)
 
void cv::ocl::initializeContext (void *pClPlatform, void *pClContext, void *pClDevice)
 
void cv::ocl::error (const char *error_string, const char *file, const int line, const char *func)
 
const voidcv::ocl::getClContextPtr ()
 
const voidcv::ocl::getClCommandQueuePtr ()
 
bool cv::ocl::supportsFeature (FEATURE_TYPE featureType)
 
void cv::ocl::finish ()
 
void cv::ocl::setBinaryDiskCache (int mode=CACHE_RELEASE, cv::String path="./")
 Enable or disable OpenCL program binary caching onto local disk. More...
 
void cv::ocl::setBinaryPath (const char *path)
 set where binary cache to be saved to More...
 
void cv::ocl::openCLExecuteKernelInterop (Context *clCxt, const cv::ocl::ProgramSource &source, string kernelName, size_t globalThreads[3], size_t localThreads[3], std::vector< std::pair< size_t, const void *> > &args, int channels, int depth, const char *build_options)
 
oclMat & cv::ocl::getOclMatRef (InputArray src)
 
oclMat & cv::ocl::getOclMatRef (OutputArray src)
 
void cv::ocl::merge (const oclMat *src, size_t n, oclMat &dst)
 
void cv::ocl::merge (const vector< oclMat > &src, oclMat &dst)
 
void cv::ocl::split (const oclMat &src, oclMat *dst)
 Divides multi-channel array into several single-channel arrays. More...
 
void cv::ocl::split (const oclMat &src, vector< oclMat > &dst)
 
void cv::ocl::addWeighted (const oclMat &src1, double alpha, const oclMat &src2, double beta, double gama, oclMat &dst)
 adds one matrix to another with scale (dst = src1 * alpha + src2 * beta + gama) More...
 
void cv::ocl::add (const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
 adds one matrix to another (dst = src1 + src2) More...
 
void cv::ocl::add (const oclMat &src1, const Scalar &s, oclMat &dst, const oclMat &mask=oclMat())
 adds scalar to a matrix (dst = src1 + s) More...
 
void cv::ocl::subtract (const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
 subtracts one matrix from another (dst = src1 - src2) More...
 
void cv::ocl::subtract (const oclMat &src1, const Scalar &s, oclMat &dst, const oclMat &mask=oclMat())
 subtracts scalar from a matrix (dst = src1 - s) More...
 
void cv::ocl::multiply (const oclMat &src1, const oclMat &src2, oclMat &dst, double scale=1)
 computes element-wise product of the two arrays (dst = src1 * scale * src2) More...
 
void cv::ocl::multiply (double scalar, const oclMat &src, oclMat &dst)
 multiplies matrix to a number (dst = scalar * src) More...
 
void cv::ocl::divide (const oclMat &src1, const oclMat &src2, oclMat &dst, double scale=1)
 computes element-wise quotient of the two arrays (dst = src1 * scale / src2) More...
 
void cv::ocl::divide (double scale, const oclMat &src1, oclMat &dst)
 computes element-wise quotient of the two arrays (dst = scale / src) More...
 
void cv::ocl::min (const oclMat &src1, const oclMat &src2, oclMat &dst)
 computes element-wise minimum of the two arrays (dst = min(src1, src2)) More...
 
void cv::ocl::max (const oclMat &src1, const oclMat &src2, oclMat &dst)
 computes element-wise maximum of the two arrays (dst = max(src1, src2)) More...
 
void cv::ocl::compare (const oclMat &src1, const oclMat &src2, oclMat &dst, int cmpop)
 compares elements of two arrays (dst = src1 More...
 
void cv::ocl::transpose (const oclMat &src, oclMat &dst)
 transposes the matrix More...
 
void cv::ocl::abs (const oclMat &src, oclMat &dst)
 computes element-wise absolute values of an array (dst = abs(src)) More...
 
void cv::ocl::absdiff (const oclMat &src1, const oclMat &src2, oclMat &dst)
 computes element-wise absolute difference of two arrays (dst = abs(src1 - src2)) More...
 
void cv::ocl::absdiff (const oclMat &src1, const Scalar &s, oclMat &dst)
 computes element-wise absolute difference of array and scalar (dst = abs(src1 - s)) More...
 
void cv::ocl::meanStdDev (const oclMat &mtx, Scalar &mean, Scalar &stddev)
 computes mean value and standard deviation of all or selected array elements More...
 
double cv::ocl::norm (const oclMat &src1, int normType=NORM_L2)
 computes norm of array More...
 
double cv::ocl::norm (const oclMat &src1, const oclMat &src2, int normType=NORM_L2)
 computes norm of the difference between two arrays More...
 
void cv::ocl::flip (const oclMat &src, oclMat &dst, int flipCode)
 reverses the order of the rows, columns or both in a matrix More...
 
Scalar cv::ocl::sum (const oclMat &m)
 computes sum of array elements More...
 
Scalar cv::ocl::absSum (const oclMat &m)
 
Scalar cv::ocl::sqrSum (const oclMat &m)
 
void cv::ocl::minMax (const oclMat &src, double *minVal, double *maxVal=0, const oclMat &mask=oclMat())
 finds global minimum and maximum array elements and returns their values More...
 
void cv::ocl::minMaxLoc (const oclMat &src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, const oclMat &mask=oclMat())
 finds global minimum and maximum array elements and returns their values with locations More...
 
int cv::ocl::countNonZero (const oclMat &src)
 counts non-zero array elements More...
 
void cv::ocl::LUT (const oclMat &src, const oclMat &lut, oclMat &dst)
 transforms 8-bit unsigned integers using lookup table: dst(i)=lut(src(i)) More...
 
void cv::ocl::calcHist (const oclMat &mat_src, oclMat &mat_hist)
 only 8UC1 and 256 bins is supported now More...
 
void cv::ocl::equalizeHist (const oclMat &mat_src, oclMat &mat_dst)
 only 8UC1 and 256 bins is supported now More...
 
Ptr< cv::CLAHEcv::ocl::createCLAHE (double clipLimit=40.0, Size tileGridSize=Size(8, 8))
 only 8UC1 is supported now More...
 
void cv::ocl::bilateralFilter (const oclMat &src, oclMat &dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
 bilateralFilter More...
 
void cv::ocl::adaptiveBilateralFilter (const oclMat &src, oclMat &dst, Size ksize, double sigmaSpace, double maxSigmaColor=20.0, Point anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 Applies an adaptive bilateral filter to the input image. More...
 
void cv::ocl::exp (const oclMat &src, oclMat &dst)
 computes exponent of each matrix element (dst = e**src) More...
 
void cv::ocl::log (const oclMat &src, oclMat &dst)
 computes natural logarithm of absolute value of each matrix element: dst = log(abs(src)) More...
 
void cv::ocl::magnitude (const oclMat &x, const oclMat &y, oclMat &magnitude)
 computes magnitude of each (x(i), y(i)) vector More...
 
void cv::ocl::phase (const oclMat &x, const oclMat &y, oclMat &angle, bool angleInDegrees=false)
 computes angle (angle(i)) of each (x(i), y(i)) vector More...
 
void cv::ocl::pow (const oclMat &x, double p, oclMat &y)
 the function raises every element of tne input array to p More...
 
void cv::ocl::cartToPolar (const oclMat &x, const oclMat &y, oclMat &magnitude, oclMat &angle, bool angleInDegrees=false)
 converts Cartesian coordinates to polar More...
 
void cv::ocl::polarToCart (const oclMat &magnitude, const oclMat &angle, oclMat &x, oclMat &y, bool angleInDegrees=false)
 converts polar coordinates to Cartesian More...
 
void cv::ocl::bitwise_not (const oclMat &src, oclMat &dst)
 perfroms per-elements bit-wise inversion More...
 
void cv::ocl::bitwise_or (const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
 calculates per-element bit-wise disjunction of two arrays More...
 
void cv::ocl::bitwise_or (const oclMat &src1, const Scalar &s, oclMat &dst, const oclMat &mask=oclMat())
 
void cv::ocl::bitwise_and (const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
 calculates per-element bit-wise conjunction of two arrays More...
 
void cv::ocl::bitwise_and (const oclMat &src1, const Scalar &s, oclMat &dst, const oclMat &mask=oclMat())
 
void cv::ocl::bitwise_xor (const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
 calculates per-element bit-wise "exclusive or" operation More...
 
void cv::ocl::bitwise_xor (const oclMat &src1, const Scalar &s, oclMat &dst, const oclMat &mask=oclMat())
 
oclMat cv::ocl::operator~ (const oclMat &)
 Logical operators. More...
 
oclMat cv::ocl::operator| (const oclMat &, const oclMat &)
 
oclMat cv::ocl::operator& (const oclMat &, const oclMat &)
 
oclMat cv::ocl::operator^ (const oclMat &, const oclMat &)
 
oclMatExpr cv::ocl::operator+ (const oclMat &src1, const oclMat &src2)
 Mathematics operators. More...
 
oclMatExpr cv::ocl::operator- (const oclMat &src1, const oclMat &src2)
 
oclMatExpr cv::ocl::operator* (const oclMat &src1, const oclMat &src2)
 
oclMatExpr cv::ocl::operator/ (const oclMat &src1, const oclMat &src2)
 
void cv::ocl::convolve (const oclMat &image, const oclMat &temp1, oclMat &result)
 computes convolution of two images More...
 
void cv::ocl::cvtColor (const oclMat &src, oclMat &dst, int code, int dcn=0)
 
void cv::ocl::setIdentity (oclMat &src, const Scalar &val=Scalar(1))
 initializes a scaled identity matrix More...
 
void cv::ocl::repeat (const oclMat &src, int ny, int nx, oclMat &dst)
 fills the output array with repeated copies of the input array More...
 
Ptr< FilterEngine_GPU > cv::ocl::createFilter2D_GPU (const Ptr< BaseFilter_GPU > filter2D)
 returns the non-separable filter engine with the specified filter More...
 
Ptr< BaseRowFilter_GPU > cv::ocl::getLinearRowFilter_GPU (int srcType, int bufType, const Mat &rowKernel, int anchor=-1, int bordertype=BORDER_DEFAULT)
 returns the primitive row filter with the specified kernel More...
 
Ptr< BaseColumnFilter_GPU > cv::ocl::getLinearColumnFilter_GPU (int bufType, int dstType, const Mat &columnKernel, int anchor=-1, int bordertype=BORDER_DEFAULT, double delta=0.0)
 returns the primitive column filter with the specified kernel More...
 
Ptr< FilterEngine_GPU > cv::ocl::createSeparableLinearFilter_GPU (int srcType, int dstType, const Mat &rowKernel, const Mat &columnKernel, const Point &anchor=Point(-1, -1), double delta=0.0, int bordertype=BORDER_DEFAULT, Size imgSize=Size(-1,-1))
 returns the separable linear filter engine More...
 
Ptr< FilterEngine_GPU > cv::ocl::createSeparableFilter_GPU (const Ptr< BaseRowFilter_GPU > &rowFilter, const Ptr< BaseColumnFilter_GPU > &columnFilter)
 returns the separable filter engine with the specified filters More...
 
Ptr< FilterEngine_GPU > cv::ocl::createGaussianFilter_GPU (int type, Size ksize, double sigma1, double sigma2=0, int bordertype=BORDER_DEFAULT, Size imgSize=Size(-1,-1))
 returns the Gaussian filter engine More...
 
Ptr< FilterEngine_GPU > cv::ocl::createDerivFilter_GPU (int srcType, int dstType, int dx, int dy, int ksize, int borderType=BORDER_DEFAULT, Size imgSize=Size(-1,-1))
 returns filter engine for the generalized Sobel operator More...
 
void cv::ocl::Laplacian (const oclMat &src, oclMat &dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
 applies Laplacian operator to the image More...
 
Ptr< BaseFilter_GPU > cv::ocl::getBoxFilter_GPU (int srcType, int dstType, const Size &ksize, Point anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 returns 2D box filter More...
 
Ptr< FilterEngine_GPU > cv::ocl::createBoxFilter_GPU (int srcType, int dstType, const Size &ksize, const Point &anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 returns box filter engine More...
 
Ptr< BaseFilter_GPU > cv::ocl::getLinearFilter_GPU (int srcType, int dstType, const Mat &kernel, const Size &ksize, const Point &anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 returns 2D filter with the specified kernel More...
 
Ptr< FilterEngine_GPU > cv::ocl::createLinearFilter_GPU (int srcType, int dstType, const Mat &kernel, const Point &anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 returns the non-separable linear filter engine More...
 
void cv::ocl::boxFilter (const oclMat &src, oclMat &dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), int borderType=BORDER_DEFAULT)
 smooths the image using the normalized box filter More...
 
Ptr< BaseFilter_GPU > cv::ocl::getMorphologyFilter_GPU (int op, int type, const Mat &kernel, const Size &ksize, Point anchor=Point(-1, -1))
 
Ptr< FilterEngine_GPU > cv::ocl::createMorphologyFilter_GPU (int op, int type, const Mat &kernel, const Point &anchor=Point(-1, -1), int iterations=1)
 returns morphological filter engine. Only MORPH_ERODE and MORPH_DILATE are supported. More...
 
void cv::ocl::filter2D (const oclMat &src, oclMat &dst, int ddepth, const Mat &kernel, Point anchor=Point(-1, -1), double delta=0.0, int borderType=BORDER_DEFAULT)
 applies non-separable 2D linear filter to the image More...
 
void cv::ocl::sepFilter2D (const oclMat &src, oclMat &dst, int ddepth, const Mat &kernelX, const Mat &kernelY, Point anchor=Point(-1, -1), double delta=0.0, int bordertype=BORDER_DEFAULT)
 applies separable 2D linear filter to the image More...
 
void cv::ocl::Sobel (const oclMat &src, oclMat &dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0.0, int bordertype=BORDER_DEFAULT)
 applies generalized Sobel operator to the image More...
 
void cv::ocl::Scharr (const oclMat &src, oclMat &dst, int ddepth, int dx, int dy, double scale=1, double delta=0.0, int bordertype=BORDER_DEFAULT)
 applies the vertical or horizontal Scharr operator to the image More...
 
void cv::ocl::GaussianBlur (const oclMat &src, oclMat &dst, Size ksize, double sigma1, double sigma2=0, int bordertype=BORDER_DEFAULT)
 smooths the image using Gaussian filter. More...
 
void cv::ocl::erode (const oclMat &src, oclMat &dst, const Mat &kernel, Point anchor=Point(-1, -1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 erodes the image (applies the local minimum operator) More...
 
void cv::ocl::dilate (const oclMat &src, oclMat &dst, const Mat &kernel, Point anchor=Point(-1, -1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 dilates the image (applies the local maximum operator) More...
 
void cv::ocl::morphologyEx (const oclMat &src, oclMat &dst, int op, const Mat &kernel, Point anchor=Point(-1, -1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 applies an advanced morphological operation to the image More...
 
void cv::ocl::meanShiftFiltering (const oclMat &src, oclMat &dst, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
 
void cv::ocl::meanShiftProc (const oclMat &src, oclMat &dstr, oclMat &dstsp, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
 Does mean shift procedure on GPU. More...
 
void cv::ocl::meanShiftSegmentation (const oclMat &src, Mat &dst, int sp, int sr, int minsize, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
 Does mean shift segmentation with elimiation of small regions. More...
 
double cv::ocl::threshold (const oclMat &src, oclMat &dst, double thresh, double maxVal, int type=THRESH_TRUNC)
 applies fixed threshold to the image. More...
 
void cv::ocl::resize (const oclMat &src, oclMat &dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
 resizes the image More...
 
void cv::ocl::remap (const oclMat &src, oclMat &dst, oclMat &map1, oclMat &map2, int interpolation, int bordertype, const Scalar &value=Scalar())
 Applies a generic geometrical transformation to an image. More...
 
void cv::ocl::copyMakeBorder (const oclMat &src, oclMat &dst, int top, int bottom, int left, int right, int boardtype, const Scalar &value=Scalar())
 copies 2D array to a larger destination array and pads borders with user-specifiable constant More...
 
void cv::ocl::medianFilter (const oclMat &src, oclMat &dst, int m)
 Smoothes image using median filter. More...
 
void cv::ocl::warpAffine (const oclMat &src, oclMat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR)
 warps the image using affine transformation More...
 
void cv::ocl::warpPerspective (const oclMat &src, oclMat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR)
 warps the image using perspective transformation More...
 
void cv::ocl::integral (const oclMat &src, oclMat &sum, oclMat &sqsum)
 computes the integral image and integral for the squared image More...
 
void cv::ocl::integral (const oclMat &src, oclMat &sum)
 
void cv::ocl::cornerHarris (const oclMat &src, oclMat &dst, int blockSize, int ksize, double k, int bordertype=cv::BORDER_DEFAULT)
 
void cv::ocl::cornerHarris_dxdy (const oclMat &src, oclMat &dst, oclMat &Dx, oclMat &Dy, int blockSize, int ksize, double k, int bordertype=cv::BORDER_DEFAULT)
 
void cv::ocl::cornerMinEigenVal (const oclMat &src, oclMat &dst, int blockSize, int ksize, int bordertype=cv::BORDER_DEFAULT)
 
void cv::ocl::cornerMinEigenVal_dxdy (const oclMat &src, oclMat &dst, oclMat &Dx, oclMat &Dy, int blockSize, int ksize, int bordertype=cv::BORDER_DEFAULT)
 
void cv::ocl::distanceToCenters (const oclMat &src, const oclMat &centers, Mat &dists, Mat &labels, int distType=NORM_L2SQR)
 Compute closest centers for each lines in source and lable it after center's index. More...
 
double cv::ocl::kmeans (const oclMat &src, int K, oclMat &bestLabels, TermCriteria criteria, int attemps, int flags, oclMat &centers)
 Does k-means procedure on GPU. More...
 
void cv::ocl::pyrDown (const oclMat &src, oclMat &dst)
 
void cv::ocl::pyrUp (const oclMat &src, oclMat &dst)
 upsamples the source image and then smoothes it More...
 
void cv::ocl::blendLinear (const oclMat &img1, const oclMat &img2, const oclMat &weights1, const oclMat &weights2, oclMat &result)
 
void cv::ocl::columnSum (const oclMat &src, oclMat &sum)
 computes vertical sum, supports only CV_32FC1 images More...
 
void cv::ocl::matchTemplate (const oclMat &image, const oclMat &templ, oclMat &result, int method)
 computes the proximity map for the raster template and the image where the template is searched for More...
 
void cv::ocl::matchTemplate (const oclMat &image, const oclMat &templ, oclMat &result, int method, MatchTemplateBuf &buf)
 computes the proximity map for the raster template and the image where the template is searched for More...
 
void cv::ocl::Canny (const oclMat &image, oclMat &edges, double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
 compute edges of the input image using Canny operator More...
 
void cv::ocl::Canny (const oclMat &image, CannyBuf &buf, oclMat &edges, double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
 
void cv::ocl::Canny (const oclMat &dx, const oclMat &dy, oclMat &edges, double low_thresh, double high_thresh, bool L2gradient=false)
 
void cv::ocl::Canny (const oclMat &dx, const oclMat &dy, CannyBuf &buf, oclMat &edges, double low_thresh, double high_thresh, bool L2gradient=false)
 
void cv::ocl::dft (const oclMat &src, oclMat &dst, Size dft_size=Size(), int flags=0)
 
void cv::ocl::gemm (const oclMat &src1, const oclMat &src2, double alpha, const oclMat &src3, double beta, oclMat &dst, int flags=0)
 implements generalized matrix product algorithm GEMM from BLAS More...
 
void cv::ocl::buildWarpPlaneMaps (Size src_size, Rect dst_roi, const Mat &K, const Mat &R, const Mat &T, float scale, oclMat &map_x, oclMat &map_y)
 
void cv::ocl::buildWarpCylindricalMaps (Size src_size, Rect dst_roi, const Mat &K, const Mat &R, float scale, oclMat &map_x, oclMat &map_y)
 builds cylindrical warping maps More...
 
void cv::ocl::buildWarpSphericalMaps (Size src_size, Rect dst_roi, const Mat &K, const Mat &R, float scale, oclMat &map_x, oclMat &map_y)
 builds spherical warping maps More...
 
void cv::ocl::buildWarpAffineMaps (const Mat &M, bool inverse, Size dsize, oclMat &xmap, oclMat &ymap)
 builds Affine warping maps More...
 
void cv::ocl::buildWarpPerspectiveMaps (const Mat &M, bool inverse, Size dsize, oclMat &xmap, oclMat &ymap)
 builds Perspective warping maps More...
 
void cv::ocl::interpolateFrames (const oclMat &frame0, const oclMat &frame1, const oclMat &fu, const oclMat &fv, const oclMat &bu, const oclMat &bv, float pos, oclMat &newFrame, oclMat &buf)
 
Moments cv::ocl::ocl_moments (InputArray contour)
 
Moments cv::ocl::ocl_moments (oclMat &src, bool binary)
 
void cv::ocl::sortByKey (oclMat &keys, oclMat &values, int method, bool isGreaterThan=false)
 Returns the sorted result of all the elements in input based on equivalent keys. More...