44 #ifndef __OPENCV_OCL_HPP__
45 #define __OPENCV_OCL_HPP__
158 CV_EXPORTS
void initializeContext(
void* pClPlatform,
void* pClContext,
void* pClDevice);
161 CV_EXPORTS
void error(
const char *error_string,
const char *file,
const int line,
const char *
func);
183 const void* getOpenCLContextPtr()
const;
184 const void* getOpenCLCommandQueuePtr()
const;
185 const void* getOpenCLDeviceIDPtr()
const;
233 inline ProgramSource(
const char* _name,
const char* _programStr,
const char* _programHash)
243 size_t globalThreads[3],
size_t localThreads[3],
244 std::vector< std::pair<size_t, const void *> > &args,
288 operator Mat()
const;
289 void download(
cv::Mat &m)
const;
302 oclMat rowRange(
int startrow,
int endrow)
const;
305 oclMat colRange(
int startcol,
int endcol)
const;
317 void convertTo(
oclMat &m,
int rtype,
double alpha = 1,
double beta = 0 )
const;
319 void assignTo(
oclMat &m,
int type = -1 )
const;
327 oclMat reshape(
int cn,
int rows = 0)
const;
331 void create(
int rows,
int cols,
int type);
332 void create(
Size size,
int type);
346 void locateROI(
Size &wholeSize,
Point &ofs )
const;
348 oclMat& adjustROI(
int dtop,
int dbottom,
int dleft,
int dright );
362 bool isContinuous()
const;
365 size_t elemSize()
const;
367 size_t elemSize1()
const;
379 int oclchannels()
const;
381 size_t step1()
const;
646 virtual void operator()(
const oclMat &src,
oclMat &dst) = 0;
661 virtual void operator()(
const oclMat &src,
oclMat &dst) = 0;
674 : ksize(ksize_), anchor(anchor_), borderType(borderType_) {}
676 virtual void operator()(
const oclMat &src,
oclMat &dst) = 0;
723 CV_EXPORTS
void Laplacian(
const oclMat &src, oclMat &dst,
int ddepth,
int ksize = 1,
double scale = 1,
746 CV_EXPORTS
void boxFilter(
const oclMat &src, oclMat &dst,
int ddepth,
Size ksize,
761 static inline void blur(
const oclMat &src, oclMat &dst,
Size ksize,
Point anchor =
Point(-1, -1),
764 boxFilter(src, dst, -1, ksize, anchor, borderType);
768 CV_EXPORTS
void filter2D(
const oclMat &src, oclMat &dst,
int ddepth,
const Mat &kernel,
772 CV_EXPORTS
void sepFilter2D(
const oclMat &src, oclMat &dst,
int ddepth,
const Mat &kernelX,
const Mat &kernelY,
795 CV_EXPORTS
void erode(
const oclMat &src, oclMat &dst,
const Mat &kernel,
Point anchor =
Point(-1, -1),
int iterations = 1,
819 CV_EXPORTS
void meanShiftProc(
const oclMat &src, oclMat &dstr, oclMat &dstsp,
int sp,
int sr,
829 CV_EXPORTS
double threshold(
const oclMat &src, oclMat &dst,
double thresh,
double maxVal,
int type =
THRESH_TRUNC);
834 CV_EXPORTS
void resize(
const oclMat &src, oclMat &dst,
Size dsize,
double fx = 0,
double fy = 0,
int interpolation =
INTER_LINEAR);
849 CV_EXPORTS
void medianFilter(
const oclMat &src, oclMat &dst,
int m);
865 CV_EXPORTS
void integral(
const oclMat &src, oclMat &
sum);
867 CV_EXPORTS
void cornerHarris_dxdy(
const oclMat &src, oclMat &dst, oclMat &Dx, oclMat &Dy,
883 CV_EXPORTS
double kmeans(
const oclMat &src,
int K, oclMat &bestLabels,
884 TermCriteria
criteria,
int attemps,
int flags, oclMat ¢ers);
899 void detectMultiScale(
oclMat &
image, CV_OUT std::vector<cv::Rect>& faces,
900 double scaleFactor = 1.1,
int minNeighbors = 3,
int flags = 0,
908 m_flags(0), initialized(
false), m_scaleFactor(0),
buffers(NULL) {}
912 void detectMultiScale(
oclMat &image, CV_OUT std::vector<cv::Rect>& faces,
913 double scaleFactor = 1.1,
int minNeighbors = 3,
int flags = 0,
918 void Init(
const int rows,
const int cols,
double scaleFactor,
int flags,
919 const int outputsz,
const size_t localThreads[],
921 void CreateBaseBufs(
const int datasize,
const int totalclassifier,
const int flags,
const int outputsz);
922 void CreateFactorRelatedBufs(
const int rows,
const int cols,
const int flags,
923 const double scaleFactor,
const size_t localThreads[],
925 void GenResult(CV_OUT std::vector<cv::Rect>& faces,
const std::vector<cv::Rect> &rectList,
const std::vector<int> &rweights);
932 bool findBiggestObject;
934 double m_scaleFactor;
937 vector<CvSize> sizev;
938 vector<float> scalev;
939 oclMat gimg1, gsum, gsqsum;
945 CV_EXPORTS
void pyrDown(
const oclMat &src, oclMat &dst);
948 CV_EXPORTS
void pyrUp(
const oclMat &src, oclMat &dst);
953 CV_EXPORTS
void blendLinear(
const oclMat &img1,
const oclMat &img2,
const oclMat &weights1,
const oclMat &weights2, oclMat &
result);
956 CV_EXPORTS
void columnSum(
const oclMat &src, oclMat &
sum);
982 CV_EXPORTS
void Canny(
const oclMat &image,
oclMat &
edges,
double low_thresh,
double high_thresh,
int apperture_size = 3,
bool L2gradient =
false);
983 CV_EXPORTS
void Canny(
const oclMat &image,
CannyBuf &buf,
oclMat &
edges,
double low_thresh,
double high_thresh,
int apperture_size = 3,
bool L2gradient =
false);
984 CV_EXPORTS
void Canny(
const oclMat &dx,
const oclMat &dy,
oclMat &
edges,
double low_thresh,
double high_thresh,
bool L2gradient =
false);
996 create(image_size, apperture_size);
1034 enum { DEFAULT_WIN_SIGMA = -1 };
1035 enum { DEFAULT_NLEVELS = 64 };
1039 int nbins = 9,
double win_sigma = DEFAULT_WIN_SIGMA,
1040 double threshold_L2hys = 0.2,
bool gamma_correction =
true,
1041 int nlevels = DEFAULT_NLEVELS);
1043 size_t getDescriptorSize()
const;
1044 size_t getBlockHistogramSize()
const;
1045 void setSVMDetector(
const vector<float> &
detector);
1046 static vector<float> getDefaultPeopleDetector();
1047 static vector<float> getPeopleDetector48x96();
1048 static vector<float> getPeopleDetector64x128();
1049 void detect(
const oclMat &
img, vector<Point> &found_locations,
1050 double hit_threshold = 0,
Size win_stride =
Size(),
1052 void detectMultiScale(
const oclMat &img, vector<Rect> &found_locations,
1053 double hit_threshold = 0,
Size win_stride =
Size(),
1054 Size padding =
Size(),
double scale0 = 1.05,
1055 int group_threshold = 2);
1056 void getDescriptors(
const oclMat &img,
Size win_stride,
1058 int descr_format = DESCR_FORMAT_COL_BY_COL);
1072 void init_buffer(
const oclMat &img,
Size win_stride);
1073 void computeBlockHistograms(
const oclMat &img);
1075 double getWinSigma()
const;
1076 bool checkDetectorSize()
const;
1078 static int numPartsWithin(
int size,
int part_size,
int stride);
1102 template<
typename T>
1136 return normL1<ValueType, ResultType>(
a,
b,
size);
1152 return (
ResultType)
sqrt((
double)normL2Sqr<ValueType, ResultType>(a, b, size));
1182 void add(
const std::vector<oclMat> &descCollection);
1184 const std::vector<oclMat> &getTrainDescriptors()
const;
1191 bool isMaskSupported()
const;
1194 void matchSingle(
const oclMat &query,
const oclMat &train,
1199 static void matchDownload(
const oclMat &trainIdx,
const oclMat &distance, std::vector<DMatch> &matches);
1201 static void matchConvert(
const Mat &trainIdx,
const Mat &distance, std::vector<DMatch> &matches);
1207 void makeGpuCollection(
oclMat &trainCollection,
oclMat &maskCollection,
const std::vector<oclMat> &masks = std::vector<oclMat>());
1211 void matchCollection(
const oclMat &query,
const oclMat &trainCollection,
1216 static void matchDownload(
const oclMat &trainIdx,
const oclMat &imgIdx,
const oclMat &distance, std::vector<DMatch> &matches);
1218 static void matchConvert(
const Mat &trainIdx,
const Mat &imgIdx,
const Mat &distance, std::vector<DMatch> &matches);
1221 void match(
const oclMat &query, std::vector<DMatch> &matches,
const std::vector<oclMat> &masks = std::vector<oclMat>());
1224 void knnMatchSingle(
const oclMat &query,
const oclMat &train,
1232 static void knnMatchDownload(
const oclMat &trainIdx,
const oclMat &distance,
1233 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1236 static void knnMatchConvert(
const Mat &trainIdx,
const Mat &distance,
1237 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1243 void knnMatch(
const oclMat &query,
const oclMat &train,
1244 std::vector< std::vector<DMatch> > &matches,
int k,
const oclMat &
mask =
oclMat(),
1245 bool compactResult =
false);
1248 void knnMatch2Collection(
const oclMat &query,
const oclMat &trainCollection,
1256 static void knnMatch2Download(
const oclMat &trainIdx,
const oclMat &imgIdx,
const oclMat &distance,
1257 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1260 static void knnMatch2Convert(
const Mat &trainIdx,
const Mat &imgIdx,
const Mat &distance,
1261 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1267 void knnMatch(
const oclMat &query, std::vector< std::vector<DMatch> > &matches,
int k,
1268 const std::vector<oclMat> &masks = std::vector<oclMat>(),
bool compactResult =
false);
1277 void radiusMatchSingle(
const oclMat &query,
const oclMat &train,
1286 static void radiusMatchDownload(
const oclMat &trainIdx,
const oclMat &distance,
const oclMat &nMatches,
1287 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1289 static void radiusMatchConvert(
const Mat &trainIdx,
const Mat &distance,
const Mat &nMatches,
1290 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1293 void radiusMatch(
const oclMat &query,
const oclMat &train,
1294 std::vector< std::vector<DMatch> > &matches,
float maxDistance,
1301 const std::vector<oclMat> &masks = std::vector<oclMat>());
1307 static void radiusMatchDownload(
const oclMat &trainIdx,
const oclMat &imgIdx,
const oclMat &distance,
const oclMat &nMatches,
1308 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1310 static void radiusMatchConvert(
const Mat &trainIdx,
const Mat &imgIdx,
const Mat &distance,
const Mat &nMatches,
1311 std::vector< std::vector<DMatch> > &matches,
bool compactResult =
false);
1314 void radiusMatch(
const oclMat &query, std::vector< std::vector<DMatch> > &matches,
float maxDistance,
1315 const std::vector<oclMat> &masks = std::vector<oclMat>(),
bool compactResult =
false);
1318 std::vector<oclMat> trainDescCollection;
1321 template <
class Distance>
1324 template <
typename T>
1332 template <
typename T>
1357 int blockSize = 3,
bool useHarrisDetector =
false,
double harrisK = 0.04);
1362 void downloadPoints(
const oclMat &
points, vector<Point2f> &points_v);
1376 minMaxbuf_.release();
1377 tmpCorners_.release();
1390 int blockSize_,
bool useHarrisDetector_,
double harrisK_)
1406 winSize =
Size(21, 21);
1410 useInitialFlow =
false;
1411 minEigThreshold = 1e-4
f;
1412 getMinEigenVals =
false;
1413 isDeviceArch11_ =
false;
1428 dx_calcBuf_.release();
1429 dy_calcBuf_.release();
1439 void buildImagePyramid(
const oclMat &img0, vector<oclMat> &pyr,
bool withBorder);
1444 vector<oclMat> prevPyr_;
1445 vector<oclMat> nextPyr_;
1451 bool isDeviceArch11_;
1470 void releaseMemory();
1473 void prepareGaussian(
1474 int n,
double sigma,
float *
g,
float *xg,
float *xxg,
1475 double &ig11,
double &ig03,
double &ig33,
double &ig55);
1477 void setPolynomialExpansionConsts(
int n,
double sigma);
1479 void updateFlow_boxFilter(
1481 oclMat&
M,
oclMat &bufM,
int blockSize,
bool updateMatrices);
1483 void updateFlow_gaussianBlur(
1485 oclMat&
M,
oclMat &bufM,
int blockSize,
bool updateMatrices);
1488 oclMat pyrLevel_[2], M_, bufM_, R_[2], blurredFrame_[2];
1489 std::vector<oclMat> pyramid0_, pyramid1_;
1536 enum { BASIC_PRESET = 0, PREFILTER_XSOBEL = 1 };
1538 enum { DEFAULT_NDISP = 64, DEFAULT_WINSZ = 19 };
1543 StereoBM_OCL(
int preset,
int ndisparities = DEFAULT_NDISP,
int winSize = DEFAULT_WINSZ);
1552 static bool checkIfGpuCallReasonable();
1564 oclMat minSSD, leBuf, riBuf;
1570 enum { DEFAULT_NDISP = 64 };
1571 enum { DEFAULT_ITERS = 5 };
1572 enum { DEFAULT_LEVELS = 5 };
1573 static void estimateRecommendedParams(
int width,
int height,
int &ndisp,
int &iters,
int &
levels);
1575 int iters = DEFAULT_ITERS,
1576 int levels = DEFAULT_LEVELS,
1577 int msg_type = CV_16S);
1579 float max_data_term,
float data_weight,
1580 float max_disc_term,
float disc_single_jump,
1581 int msg_type = CV_32F);
1594 std::vector<oclMat> datas;
1601 enum { DEFAULT_NDISP = 128 };
1602 enum { DEFAULT_ITERS = 8 };
1603 enum { DEFAULT_LEVELS = 4 };
1604 enum { DEFAULT_NR_PLANE = 4 };
1605 static void estimateRecommendedParams(
int width,
int height,
int &ndisp,
int &iters,
int &
levels,
int &nr_plane);
1607 int ndisp = DEFAULT_NDISP,
1608 int iters = DEFAULT_ITERS,
1609 int levels = DEFAULT_LEVELS,
1610 int nr_plane = DEFAULT_NR_PLANE,
1611 int msg_type = CV_32F);
1613 float max_data_term,
float data_weight,
float max_disc_term,
float disc_single_jump,
1614 int min_disp_th = 0,
1615 int msg_type = CV_32F);
1630 oclMat disp_selected_pyr[2];
1632 oclMat data_cost_selected;
1649 void collectGarbage();
1701 std::vector<oclMat> I0s;
1702 std::vector<oclMat> I1s;
1703 std::vector<oclMat> u1s;
1704 std::vector<oclMat> u2s;
1759 virtual void getBackgroundImage(
oclMat& backgroundImage)
const = 0;
1774 MOG(
int nmixtures = -1);
1777 void initialize(
Size frameSize,
int frameType);
1783 void getBackgroundImage(
oclMat& backgroundImage)
const;
1817 MOG2(
int nmixtures = -1);
1820 void initialize(
Size frameSize,
int frameType);
1826 void getBackgroundImage(
oclMat& backgroundImage)
const;
1896 oclMat bgmodelUsedModes_;
1905 KalmanFilter(
int dynamParams,
int measureParams,
int controlParams=0,
int type=CV_32F);
1907 void init(
int dynamParams,
int measureParams,
int controlParams=0,
int type=CV_32F);
1938 bool isRegression =
false,
int max_k = 32,
bool updateBase =
false);
1957 CV_WRAP
float predict(
const int row_index,
Mat& src,
bool returnDFVal=
false )
const;
1959 CV_WRAP
float predict(
const cv::Mat&
sample,
bool returnDFVal=
false )
const;
1960 float predict(
const CvMat* samples, CV_OUT
CvMat* results )
const;
1963 float predict(
const int row_index,
int row_len,
Mat& src,
bool returnDFVal=
false )
const;
1964 void create_kernel();
1965 void create_solver();
1971 #if defined _MSC_VER && _MSC_VER >= 1200
1972 # pragma warning( push)
1973 # pragma warning( disable: 4267)
1976 #if defined _MSC_VER && _MSC_VER >= 1200
1977 # pragma warning( pop)
int levels
Definition: ocl.hpp:1586
CvArr CvPoint2D32f double M
Definition: imgproc_c.h:186
Size cell_size
Definition: ocl.hpp:1062
CV_EXPORTS void 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
CV_EXPORTS void flip(const oclMat &src, oclMat &dst, int flipCode)
reverses the order of the rows, columns or both in a matrix
GLdouble GLdouble GLdouble r
void find_nearest(const Matrix< typename Distance::ElementType > &dataset, typename Distance::ElementType *query, int *matches, int nn, int skip=0, Distance distance=Distance())
Definition: ground_truth.h:42
short float uchar uchar uchar uchar uchar ushort int uchar ushort int float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float float int int int float int int int float int CV_CUDEV_IMPLEMENT_VEC_BINARY_OP char CV_CUDEV_IMPLEMENT_VEC_BINARY_OP ushort CV_CUDEV_IMPLEMENT_VEC_BINARY_OP short CV_CUDEV_IMPLEMENT_VEC_BINARY_OP int CV_CUDEV_IMPLEMENT_VEC_BINARY_OP uint CV_CUDEV_IMPLEMENT_VEC_BINARY_OP float CV_CUDEV_IMPLEMENT_VEC_BINARY_OP double char
Definition: vec_math.hpp:426
const CvArr CvArr CvArr const CvPoint2D32f CvPoint2D32f int CvSize int char * status
Definition: tracking.hpp:73
Point2i Point
Definition: core.hpp:893
const char * programStr
Definition: ocl.hpp:223
int deviceVersionMinor
Definition: ocl.hpp:110
CannyBuf()
Definition: ocl.hpp:989
GLsizei GLsizei GLchar * source
Definition: objdetect.hpp:385
CV_EXPORTS_W void sqrt(InputArray src, OutputArray dst)
computes square root of each matrix element (dst = src**0.5)
float free_coef
Definition: ocl.hpp:1082
CV_EXPORTS void abs(const oclMat &src, oclMat &dst)
computes element-wise absolute values of an array (dst = abs(src))
CvArr * edges
Definition: imgproc_c.h:555
OclCascadeClassifierBuf()
Definition: ocl.hpp:907
~Context()
Definition: ocl.hpp:176
GLenum GLint GLint y
Definition: core_c.h:613
CV_EXPORTS void 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 ...
int warps
Definition: ocl.hpp:1683
CV_EXPORTS Ptr< FilterEngine_GPU > 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
IplImage CvRect * roi
Definition: legacy.hpp:234
GLdouble GLdouble GLdouble GLdouble top
CV_EXPORTS void transpose(const oclMat &src, oclMat &dst)
transposes the matrix
int numIters
Definition: ocl.hpp:1463
CvArr const CvArr * lut
Definition: core_c.h:1439
Context()
Definition: ocl.hpp:175
std::string deviceVendor
Definition: ocl.hpp:98
CV_EXPORTS void absdiff(const oclMat &src1, const oclMat &src2, oclMat &dst)
computes element-wise absolute difference of two arrays (dst = abs(src1 - src2))
Ptr< FilterEngine_GPU > filterDY
Definition: ocl.hpp:1007
std::vector< const PlatformInfo * > PlatformsInfo
Definition: ocl.hpp:144
class CV_EXPORTS BruteForceMatcher_OCL
Definition: ocl.hpp:1322
float max_disc_term
Definition: ocl.hpp:1589
int depth
Definition: core_c.h:73
int blockSize
Definition: ocl.hpp:1368
oclMat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*/
Definition: ocl.hpp:1919
CV_EXPORTS void exp(const oclMat &src, oclMat &dst)
computes exponent of each matrix element (dst = e**src)
const void * getOpenCLCommandQueuePtr() const
CV_EXPORTS Ptr< FilterEngine_GPU > 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
unsigned char ValueType
Definition: ocl.hpp:1163
int CvScalar * scalar
Definition: core_c.h:209
int deviceVendorId
Definition: ocl.hpp:99
size_t localMemorySize
Definition: ocl.hpp:106
ResultType operator()(const T *a, const T *b, int size) const
Definition: ocl.hpp:1150
const CvArr CvArr * fgmask
Definition: legacy.hpp:3418
int iterations
Definition: ocl.hpp:1694
bool fastPyramids
Definition: ocl.hpp:1461
int rows
the number of rows and columns
Definition: ocl.hpp:399
CV_EXPORTS void subtract(const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
subtracts one matrix from another (dst = src1 - src2)
oclMat block_hists
Definition: ocl.hpp:1088
Size2i Size
Definition: core.hpp:896
CV_EXPORTS void 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.
double epsilon
Definition: ocl.hpp:1689
Definition: types_c.h:1138
oclMat dy_buf
Definition: ocl.hpp:1003
CV_EXPORTS_W Scalar mean(InputArray src, InputArray mask=noArray())
computes mean value of selected array elements
double qualityLevel
Definition: ocl.hpp:1365
CvSeq * contour
Definition: core_c.h:1431
CvCmpFunc func
Definition: core_c.h:1072
ProgramSource(const char *_name, const char *_programStr)
Definition: ocl.hpp:227
CV_EXPORTS int getOpenCLDevices(DevicesInfo &devices, int deviceType=CVCL_DEVICE_TYPE_GPU, const PlatformInfo *platform=NULL)
CV_EXPORTS void 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
CV_EXPORTS void 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
CvPoint2D32f float float b
Definition: legacy.hpp:578
std::string deviceDriverVersion
Definition: ocl.hpp:100
PyrLKOpticalFlow()
Definition: ocl.hpp:1404
const CvArr * src1
Definition: core_c.h:436
float fTau
Definition: ocl.hpp:1879
CvSize size
Definition: calib3d.hpp:212
The 2D range class.
Definition: core.hpp:979
OutputArray OutputArray sqsum
Definition: imgproc.hpp:620
CV_EXPORTS int countNonZero(const oclMat &src)
counts non-zero array elements
int flags
Definition: ocl.hpp:1466
CV_EXPORTS Ptr< BaseColumnFilter_GPU > 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
GLuint src
Definition: core_c.h:1650
BruteForceMatcher_OCL()
Definition: ocl.hpp:1336
CV_EXPORTS void 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
float data_weight
Definition: ocl.hpp:1588
CV_EXPORTS void 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 ...
int int int flags
Definition: highgui_c.h:186
The Base Class for Non-Separable 2D Filters.
Definition: ocl.hpp:670
CV_EXPORTS void equalizeHist(const oclMat &mat_src, oclMat &mat_dst)
only 8UC1 and 256 bins is supported now
CV_EXPORTS void resize(const oclMat &src, oclMat &dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
resizes the image
CV_EXPORTS void repeat(const oclMat &src, int ny, int nx, oclMat &dst)
fills the output array with repeated copies of the input array
int wholerows
Definition: ocl.hpp:419
~CannyBuf()
Definition: ocl.hpp:990
CV_EXPORTS void buildWarpPerspectiveMaps(const Mat &M, bool inverse, Size dsize, oclMat &xmap, oclMat &ymap)
builds Perspective warping maps
CV_EXPORTS void warpPerspective(const oclMat &src, oclMat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR)
warps the image using perspective transformation
CV_EXPORTS void min(const oclMat &src1, const oclMat &src2, oclMat &dst)
computes element-wise minimum of the two arrays (dst = min(src1, src2))
CV_EXPORTS void pyrUp(const oclMat &src, oclMat &dst)
upsamples the source image and then smoothes it
GLsizei GLsizei GLenum GLenum const GLvoid * data
Definition: core_c.h:403
int d
Definition: legacy.hpp:3064
ResultType operator()(const unsigned char *a, const unsigned char *b, int size) const
Definition: ocl.hpp:1168
CvRect r
Definition: core_c.h:1282
const CvMat const CvMat const CvMat CvMat CvMat CvMat CvMat CvSize CvMat CvMat * T
Definition: calib3d.hpp:270
CV_EXPORTS oclMat & getOclMatRef(InputArray src)
GLfloat angle
Definition: core_c.h:1297
CV_EXPORTS void setBinaryDiskCache(int mode=CACHE_RELEASE, cv::String path="./")
Enable or disable OpenCL program binary caching onto local disk.
CV_EXPORTS void 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.
bool isIntelDevice
Definition: ocl.hpp:114
CV_EXPORTS oclMatExpr operator-(const oclMat &src1, const oclMat &src2)
DeviceType deviceType
Definition: ocl.hpp:94
int ksize
Definition: ocl.hpp:647
bool useInitialFlow
Definition: ocl.hpp:1423
std::vector< oclMat > image_sqsums
Definition: ocl.hpp:965
CV_EXPORTS void magnitude(const oclMat &x, const oclMat &y, oclMat &magnitude)
computes magnitude of each (x(i), y(i)) vector
CvArr const CvMat * kernel
Definition: imgproc_c.h:89
CV_EXPORTS oclMat operator~(const oclMat &)
Logical operators.
int msg_type
Definition: ocl.hpp:1626
static Context * getContext()
The Base Class for Filter Engine.
Definition: ocl.hpp:688
float noiseSigma
Definition: ocl.hpp:1791
const void * getOpenCLContextPtr() const
int ndisp
Definition: ocl.hpp:1584
CV_EXPORTS void buildWarpPlaneMaps(Size src_size, Rect dst_roi, const Mat &K, const Mat &R, const Mat &T, float scale, oclMat &map_x, oclMat &map_y)
int _id
Definition: ocl.hpp:92
float disc_single_jump
Definition: ocl.hpp:1624
CV_EXPORTS Scalar absSum(const oclMat &m)
int history
Definition: ocl.hpp:1788
oclMat detector
Definition: ocl.hpp:1083
int polyN
Definition: ocl.hpp:1464
GLenum GLsizei GLenum GLenum const GLvoid * image
Definition: highgui_c.h:230
CV_EXPORTS void split(const oclMat &src, oclMat *dst)
Divides multi-channel array into several single-channel arrays.
The class implements the following algorithm: "Improved adaptive Gausian mixture model for background...
Definition: ocl.hpp:1813
CV_INLINE CvSize cvSize(int width, int height)
Definition: types_c.h:1145
const void * getClCommandQueuePtr()
Definition: ocl.hpp:193
void int step
Definition: core_c.h:403
CV_EXPORTS void cornerMinEigenVal(const oclMat &src, oclMat &dst, int blockSize, int ksize, int bordertype=cv::BORDER_DEFAULT)
const CvArr CvArr int method
Definition: imgproc_c.h:281
BaseColumnFilter_GPU(int ksize_, int anchor_, int bordertype_)
Definition: ocl.hpp:659
struct CV_EXPORTS CannyBuf
Definition: ocl.hpp:979
int ksize
Definition: ocl.hpp:662
raster image moments
Definition: imgproc.hpp:1094
Gaussian Mixture-based Backbround/Foreground Segmentation Algorithm.
Definition: ocl.hpp:1770
float max_data_term
Definition: ocl.hpp:1621
CV_EXPORTS void add(const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
adds one matrix to another (dst = src1 + src2)
virtual ~FilterEngine_GPU()
Definition: ocl.hpp:691
CV_EXPORTS void max(const oclMat &src1, const oclMat &src2, oclMat &dst)
computes element-wise maximum of the two arrays (dst = max(src1, src2))
CV_EXPORTS Ptr< FilterEngine_GPU > 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
Size block_stride
Definition: ocl.hpp:1061
void clear(const ColorA &color=ColorA::black(), bool clearDepthBuffer=true)
ResultType operator()(const T *a, const T *b, int size) const
Definition: ocl.hpp:1134
The 2D size class.
Definition: core.hpp:81
const CvMat const CvMat const CvMat CvSize const CvMat const CvMat CvMat * R1
Definition: calib3d.hpp:284
const CvArr const CvArr CvArr * result
Definition: core_c.h:805
CV_EXPORTS Ptr< cv::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
only 8UC1 is supported now
float Type
Definition: ocl.hpp:1109
CV_EXPORTS void divide(const oclMat &src1, const oclMat &src2, oclMat &dst, double scale=1)
computes element-wise quotient of the two arrays (dst = src1 * scale / src2)
CvPoint2D32f double CvTermCriteria criteria
Definition: calib3d.hpp:65
oclMat labels
Definition: ocl.hpp:1085
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: ocl.hpp:401
BINARY_CACHE_MODE
Definition: ocl.hpp:202
int nscales
Definition: ocl.hpp:1675
float Type
Definition: ocl.hpp:1117
std::vector< size_t > maxWorkItemSizes
Definition: ocl.hpp:104
T ValueType
Definition: ocl.hpp:1147
Mat labels_host
Definition: ocl.hpp:1086
std::string deviceProfile
Definition: ocl.hpp:95
GLint GLvoid * img
Definition: legacy.hpp:1150
const CvMat * measurement
Definition: tracking.hpp:220
int maxCorners
Definition: ocl.hpp:1364
CV_EXPORTS void setBinaryPath(const char *path)
set where binary cache to be saved to
BaseRowFilter_GPU(int ksize_, int anchor_, int bordertype_)
Definition: ocl.hpp:644
float fVarMax
Definition: ocl.hpp:1864
CV_EXPORTS Ptr< FilterEngine_GPU > createFilter2D_GPU(const Ptr< BaseFilter_GPU > filter2D)
returns the non-separable filter engine with the specified filter
CvMemStoragePos * pos
Definition: core_c.h:933
CV_EXPORTS Ptr< FilterEngine_GPU > 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.
CV_EXPORTS void 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)
CV_EXPORTS void bilateralFilter(const oclMat &src, oclMat &dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
bilateralFilter
GLenum GLenum GLvoid * row
CV_EXPORTS void 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
const CvArr CvArr double int levels
Definition: tracking.hpp:102
CV_EXPORTS void 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.
Definition: imgproc.hpp:651
CV_EXPORTS Ptr< BaseRowFilter_GPU > 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
CV_EXPORTS void cornerMinEigenVal_dxdy(const oclMat &src, oclMat &dst, oclMat &Dx, oclMat &Dy, int blockSize, int ksize, int bordertype=cv::BORDER_DEFAULT)
***************Kalman Filter*************!
Definition: ocl.hpp:1900
oclMat gain
Kalman gain matrix (K(k)): K(k)=P'(k)*Ht*inv(H*P'(k)*Ht+R)
Definition: ocl.hpp:1920
int wholecols
Definition: ocl.hpp:420
Base class for MOG and MOG2!
Definition: ocl.hpp:1750
const CvArr const CvArr const CvArr * src3
Definition: core_c.h:436
CV_EXPORTS void cornerHarris(const oclMat &src, oclMat &dst, int blockSize, int ksize, double k, int bordertype=cv::BORDER_DEFAULT)
oclMat dy
Definition: ocl.hpp:1002
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: ocl.hpp:411
CV_EXPORTS void bitwise_or(const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
calculates per-element bit-wise disjunction of two arrays
CV_EXPORTS oclMatExpr operator+(const oclMat &src1, const oclMat &src2)
Mathematics operators.
CV_EXPORTS void meanShiftFiltering(const oclMat &src, oclMat &dst, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
CannyBuf(const Size &image_size, int apperture_size=3)
Definition: ocl.hpp:994
CV_EXPORTS void error(const char *error_string, const char *file, const int line, const char *func)
float avergeTexThreshold
Definition: ocl.hpp:1562
CV_EXPORTS void distanceToCenters(const oclMat &src, const oclMat ¢ers, Mat &dists, Mat &labels, int distType=NORM_L2SQR)
Compute closest centers for each lines in source and lable it after center's index.
CV_EXPORTS Scalar sqrSum(const oclMat &m)
BruteForceMatcher_OCL(L2< T >)
Definition: ocl.hpp:1337
std::string deviceName
Definition: ocl.hpp:97
the desired accuracy or change in parameters at which the iterative algorithm stops ...
Definition: core.hpp:2098
int numLevels
Definition: ocl.hpp:1459
float Type
Definition: ocl.hpp:1113
CvArr const CvMat * mat
Definition: core_c.h:700
double pyrScale
Definition: ocl.hpp:1460
double harrisK
Definition: ocl.hpp:1370
std::string compilationExtraOptions
Definition: ocl.hpp:116
GLenum GLsizei GLsizei height
CV_EXPORTS void LUT(const oclMat &src, const oclMat &lut, oclMat &dst)
transforms 8-bit unsigned integers using lookup table: dst(i)=lut(src(i))
std::string String
Definition: core.hpp:85
const char * name
Definition: ocl.hpp:222
GLclampf GLclampf GLclampf alpha
Definition: core_c.h:687
CvArr CvPoint int bordertype
Definition: imgproc_c.h:77
float Type
Definition: ocl.hpp:1121
CV_EXPORTS void setIdentity(oclMat &src, const Scalar &val=Scalar(1))
initializes a scaled identity matrix
const CvMat const CvMat const CvMat CvMat CvMat CvMat CvMat CvSize CvMat * R
Definition: calib3d.hpp:270
Size effect_size
Definition: ocl.hpp:1094
ProgramSource(const char *_name, const char *_programStr, const char *_programHash)
Definition: ocl.hpp:233
oclMat processNoiseCov
process noise covariance matrix (Q)
Definition: ocl.hpp:1917
Definition: types_c.h:1272
int preset
Definition: ocl.hpp:1554
int flags
includes several bit-fields:
Definition: ocl.hpp:397
BruteForceMatcher_OCL(L1< T >)
Definition: ocl.hpp:1329
int nlevels
Definition: ocl.hpp:1068
double derivLambda
Definition: ocl.hpp:1422
bool haveDoubleSupport
Definition: ocl.hpp:112
BruteForceMatcher_OCL()
Definition: ocl.hpp:1343
void releaseMemory()
Definition: ocl.hpp:1371
CvSize int int int CvPoint int delta
Definition: core_c.h:1427
Size ksize
Definition: ocl.hpp:677
CV_EXPORTS void bitwise_and(const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
calculates per-element bit-wise conjunction of two arrays
int winSize
Definition: ocl.hpp:1556
CV_EXPORTS void columnSum(const oclMat &src, oclMat &sum)
computes vertical sum, supports only CV_32FC1 images
size_t size_t CvMemStorage * storage
Definition: core_c.h:946
int ResultType
Definition: ocl.hpp:1164
CV_EXPORTS int normHamming(const uchar *a, const uchar *b, int n)
CV_EXPORTS void 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 ...
CV_EXPORTS void compare(const oclMat &src1, const oclMat &src2, oclMat &dst, int cmpop)
compares elements of two arrays (dst = src1 src2)
CV_EXPORTS void initializeContext(void *pClPlatform, void *pClContext, void *pClDevice)
CV_EXPORTS_W void blur(InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
a synonym for normalized box filter
T Type
Definition: ocl.hpp:1105
CvArr int block_size
Definition: imgproc_c.h:566
const CvMat CvMat CvMat int k
Definition: legacy.hpp:3052
GLenum GLint x
Definition: core_c.h:632
CV_EXPORTS double norm(const oclMat &src1, int normType=NORM_L2)
computes norm of array
Accumulator< T >::Type ResultType
Definition: ocl.hpp:1148
CvArr double double sr
Definition: imgproc_c.h:125
CV_EXPORTS void blendLinear(const oclMat &img1, const oclMat &img2, const oclMat &weights1, const oclMat &weights2, oclMat &result)
bool getMinEigenVals
Definition: ocl.hpp:1425
Point anchor
Definition: ocl.hpp:678
float fVarMin
Definition: ocl.hpp:1863
The Base Class for 1D or Row-wise Filters.
Definition: ocl.hpp:641
CvMat CvMat * sample
Definition: ml.hpp:1985
int winSize
Definition: ocl.hpp:1462
CV_EXPORTS void bitwise_not(const oclMat &src, oclMat &dst)
perfroms per-elements bit-wise inversion
CV_EXPORTS void cornerHarris_dxdy(const oclMat &src, oclMat &dst, oclMat &Dx, oclMat &Dy, int blockSize, int ksize, double k, int bordertype=cv::BORDER_DEFAULT)
float disc_single_jump
Definition: ocl.hpp:1590
DevMemType
Definition: ocl.hpp:77
CV_EXPORTS void medianFilter(const oclMat &src, oclMat &dst, int m)
Smoothes image using median filter.
std::string deviceVersion
Definition: ocl.hpp:96
double theta
Definition: ocl.hpp:1670
GLfloat GLfloat GLfloat GLfloat nx
uchar * dataend
Definition: ocl.hpp:412
CV_EXPORTS void sortByKey(oclMat &keys, oclMat &values, int method, bool isGreaterThan=false)
Returns the sorted result of all the elements in input based on equivalent keys.
CV_EXPORTS oclMat operator^(const oclMat &, const oclMat &)
CV_EXPORTS void 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)
OclCascadeClassifier()
Definition: ocl.hpp:894
The Base Class for Column-wise Filters.
Definition: ocl.hpp:656
Definition: types_c.h:645
const CvArr CvArr double int int int iterations
Definition: tracking.hpp:102
float varThreshold
Definition: ocl.hpp:1838
double const CvArr double beta
Definition: core_c.h:523
CV_EXPORTS oclMatExpr operator*(const oclMat &src1, const oclMat &src2)
CV_EXPORTS Scalar sum(const oclMat &m)
computes sum of array elements
double threshold_L2hys
Definition: ocl.hpp:1066
CV_EXPORTS void 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.
int ndisp
Definition: ocl.hpp:1555
GLboolean GLboolean GLboolean b
Definition: legacy.hpp:633
CV_EXPORTS void phase(const oclMat &x, const oclMat &y, oclMat &angle, bool angleInDegrees=false)
computes angle (angle(i)) of each (x(i), y(i)) vector
The n-dimensional matrix class.
Definition: core.hpp:1688
CV_EXPORTS void calcHist(const oclMat &mat_src, oclMat &mat_hist)
only 8UC1 and 256 bins is supported now
double tau
Definition: ocl.hpp:1654
int rows
Definition: core_c.h:114
int iters
Definition: ocl.hpp:1421
std::vector< const DeviceInfo * > DevicesInfo
Definition: ocl.hpp:148
CV_EXPORTS Ptr< BaseFilter_GPU > 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
T ValueType
Definition: ocl.hpp:1131
bool isUnifiedMemory
Definition: ocl.hpp:113
int levels
Definition: ocl.hpp:1619
oclMat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: ocl.hpp:1912
ditto
Definition: core.hpp:2097
const CvArr CvSeq CvSeq ** descriptors
Definition: compat.hpp:647
CV_EXPORTS void pyrDown(const oclMat &src, oclMat &dst)
BruteForceMatcher_OCL()
Definition: ocl.hpp:1328
DistType distType
Definition: ocl.hpp:1316
GLsizei const GLfloat * value
Definition: core_c.h:341
CvSize CvPoint2D32f * corners
Definition: calib3d.hpp:215
bilinear interpolation
Definition: imgproc.hpp:555
OutputArray OutputArray labels
Definition: imgproc.hpp:823
static Scalar_< double > all(doublev0)
returns a scalar with all elements set to v0
oclMat measurementMatrix
measurement matrix (H)
Definition: ocl.hpp:1916
int cols
Definition: core_c.h:109
CV_EXPORTS void warpAffine(const oclMat &src, oclMat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR)
warps the image using affine transformation
~OclCascadeClassifierBuf()
Definition: ocl.hpp:910
virtual ~BaseRowFilter_GPU()
Definition: ocl.hpp:645
GLuint GLuint GLsizei GLenum type
Definition: core_c.h:114
CV_EXPORTS void integral(const oclMat &src, oclMat &sum, oclMat &sqsum)
computes the integral image and integral for the squared image
void void * frame
Definition: core_c.h:1459
GLenum const GLfloat * params
Definition: compat.hpp:688
BFMatcher_OCL(int norm=NORM_L2)
Definition: ocl.hpp:1350
CV_EXPORTS Moments ocl_moments(InputArray contour)
Definition: matrix_operations.hpp:67
int nbins
Definition: ocl.hpp:1064
CV_EXPORTS void setDevice(const DeviceInfo *info)
CV_EXPORTS void 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)
void releaseMemory()
Definition: ocl.hpp:1426
oclMat statePost
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: ocl.hpp:1913
float data_weight
Definition: ocl.hpp:1622
CV_EXPORTS double threshold(const oclMat &src, oclMat &dst, double thresh, double maxVal, int type=THRESH_TRUNC)
applies fixed threshold to the image.
CV_EXPORTS void minMax(const oclMat &src, double *minVal, double *maxVal=0, const oclMat &mask=oclMat())
finds global minimum and maximum array elements and returns their values
int int type
Definition: core_c.h:109
virtual ~BaseColumnFilter_GPU()
Definition: ocl.hpp:660
CV_EXPORTS oclMat operator|(const oclMat &, const oclMat &)
GLuint const GLchar * name
Definition: core_c.h:1546
float backgroundRatio
Definition: ocl.hpp:1848
bool gamma_correction
Definition: ocl.hpp:1067
int int channels
Definition: core_c.h:73
size_t maxMemAllocSize
Definition: ocl.hpp:107
DistType
Definition: ocl.hpp:1179
~OclCascadeClassifier()
Definition: ocl.hpp:895
double win_sigma
Definition: ocl.hpp:1065
uchar * data
pointer to the data(OCL memory object)
Definition: ocl.hpp:403
CvMat int int CvMat ** responses
Definition: ml.hpp:1999
CV_EXPORTS void 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
template 2D point class.
Definition: core.hpp:82
double lambda
Definition: ocl.hpp:1662
int maxLevel
Definition: ocl.hpp:1420
float fCT
Definition: ocl.hpp:1871
oclMat templf
Definition: ocl.hpp:962
CV_EXPORTS void log(const oclMat &src, oclMat &dst)
computes natural logarithm of absolute value of each matrix element: dst = log(abs(src)) ...
CvArr double sp
Definition: imgproc_c.h:125
CV_EXPORTS Ptr< BaseFilter_GPU > getMorphologyFilter_GPU(int op, int type, const Mat &kernel, const Size &ksize, Point anchor=Point(-1,-1))
Definition: imgproc.hpp:62
const CvArr CvSize win_size
Definition: legacy.hpp:3123
CV_EXPORTS void polarToCart(const oclMat &magnitude, const oclMat &angle, oclMat &x, oclMat &y, bool angleInDegrees=false)
converts polar coordinates to Cartesian
float fVarInit
Definition: ocl.hpp:1862
oclMat trackBuf2
Definition: ocl.hpp:1005
const PlatformInfo * platform
Definition: ocl.hpp:118
Definition: imgproc.hpp:66
float backgroundRatio
Definition: ocl.hpp:1790
CV_EXPORTS void bitwise_xor(const oclMat &src1, const oclMat &src2, oclMat &dst, const oclMat &mask=oclMat())
calculates per-element bit-wise "exclusive or" operation
CV_EXPORTS void cartToPolar(const oclMat &x, const oclMat &y, oclMat &magnitude, oclMat &angle, bool angleInDegrees=false)
converts Cartesian coordinates to polar
CvArr int code
Definition: imgproc_c.h:144
CV_EXPORTS void 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)
CV_EXPORTS Ptr< FilterEngine_GPU > createSeparableFilter_GPU(const Ptr< BaseRowFilter_GPU > &rowFilter, const Ptr< BaseColumnFilter_GPU > &columnFilter)
returns the separable filter engine with the specified filters
GLboolean GLboolean GLboolean GLboolean a
Definition: legacy.hpp:633
oclMat counter
Definition: ocl.hpp:1006
CV_EXPORTS oclMat operator&(const oclMat &, const oclMat &)
unsigned char nShadowDetection
Definition: ocl.hpp:1878
int iters
Definition: ocl.hpp:1618
float max_disc_term
Definition: ocl.hpp:1623
float minEigThreshold
Definition: ocl.hpp:1424
*************** SVM *************!
Definition: ocl.hpp:1949
oclMat edgeBuf
Definition: ocl.hpp:1004
bool bShadowDetection
Definition: ocl.hpp:1877
const CvArr CvArr * disparity
Definition: calib3d.hpp:353
float max_data_term
Definition: ocl.hpp:1587
std::vector< oclMat > images
Definition: ocl.hpp:963
GoodFeaturesToTrackDetector_OCL(int maxCorners=1000, double qualityLevel=0.01, double minDistance=0.0, int blockSize=3, bool useHarrisDetector=false, double harrisK=0.04)
Definition: ocl.hpp:1389
CV_EXPORTS void merge(const oclMat *src, size_t n, oclMat &dst)
oclMat errorCovPost
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: ocl.hpp:1921
CV_EXPORTS void dft(const oclMat &src, oclMat &dst, Size dft_size=Size(), int flags=0)
const CvMat CvSize image_size
Definition: calib3d.hpp:126
int maxComputeUnits
Definition: ocl.hpp:105
CV_EXPORTS void 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)
int iters
Definition: ocl.hpp:1585
unsigned char uchar
Definition: types_c.h:170
Definition: types_c.h:1333
int min_disp_th
Definition: ocl.hpp:1625
double minDistance
Definition: ocl.hpp:1366
GLuint dst
Definition: calib3d.hpp:134
oclMat image_scale
Definition: ocl.hpp:1092
CV_EXPORTS void convolve(const oclMat &image, const oclMat &temp1, oclMat &result)
computes convolution of two images
Definition: core.hpp:1950
int history
Definition: ocl.hpp:1834
DeviceType
Definition: ocl.hpp:60
bool useHarrisDetector
Definition: ocl.hpp:1369
CV_EXPORTS void 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
false
Definition: color.hpp:230
CV_EXPORTS Ptr< FilterEngine_GPU > createBoxFilter_GPU(int srcType, int dstType, const Size &ksize, const Point &anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
returns box filter engine
GLsizei const GLfloat * points
std::string deviceExtensions
Definition: ocl.hpp:101
const CvArr * templ
Definition: imgproc_c.h:281
CV_EXPORTS oclMatExpr operator/(const oclMat &src1, const oclMat &src2)
CvPoint2D32f float a
Definition: legacy.hpp:578
Smart pointer to dynamically allocated objects.
Definition: core.hpp:1268
CV_EXPORTS Ptr< FilterEngine_GPU > 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
GLdouble GLdouble GLdouble bottom
GLboolean GLenum GLenum GLvoid * values
size_t maxWorkGroupSize
Definition: ocl.hpp:103
bool useInitialFlow
Definition: ocl.hpp:1696
int ndisp
Definition: ocl.hpp:1617
BaseFilter_GPU(const Size &ksize_, const Point &anchor_, const int &borderType_)
Definition: ocl.hpp:673
CV_EXPORTS void swap(Mat &a, Mat &b)
swaps two matrices
CV_EXPORTS void 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
short
Definition: vec_math.hpp:153
int nr_plane
Definition: ocl.hpp:1620
CV_EXPORTS bool supportsFeature(FEATURE_TYPE featureType)
CvArr CvArr * temp
Definition: imgproc_c.h:242
virtual ~BaseFilter_GPU()
Definition: ocl.hpp:675
GLint GLint GLsizei GLsizei GLsizei depth
Definition: core_c.h:76
DevMemRW
Definition: ocl.hpp:70
GLenum GLenum GLenum GLenum GLenum scale
const void * getClContextPtr()
Definition: ocl.hpp:188
float varThresholdGen
Definition: ocl.hpp:1855
const CvArr const CvArr * src2
Definition: core_c.h:436
Vec< _Tp, 4 > & operator*=(Vec< _Tp, 4 > &v1, const Vec< _Tp, 4 > &v2)
Definition: operations.hpp:1450
GLenum GLint GLuint mask
Definition: tracking.hpp:132
int msg_type
Definition: ocl.hpp:1591
Context * clCxt
OpenCL context associated with the oclMat object.
Definition: ocl.hpp:415
int deviceVersionMajor
Definition: ocl.hpp:109
***************K Nearest Neighbour*************!
Definition: ocl.hpp:1931
float varThreshold
Definition: ocl.hpp:1789
CV_EXPORTS void 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
oclMat qangle
Definition: ocl.hpp:1090
CV_EXPORTS void multiply(const oclMat &src1, const oclMat &src2, oclMat &dst, double scale=1)
computes element-wise product of the two arrays (dst = src1 * scale * src2)
CV_EXPORTS double kmeans(const oclMat &src, int K, oclMat &bestLabels, TermCriteria criteria, int attemps, int flags, oclMat ¢ers)
Does k-means procedure on GPU.
CvLatentSvmDetector * detector
Definition: objdetect.hpp:270
Size block_size
Definition: ocl.hpp:1060
CV_EXPORTS void pow(const oclMat &x, double p, oclMat &y)
the function raises every element of tne input array to p
Size win_size
Definition: ocl.hpp:1059
GLsizeiptr size
Definition: core_c.h:939
CV_EXPORTS Ptr< BaseFilter_GPU > getBoxFilter_GPU(int srcType, int dstType, const Size &ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
returns 2D box filter
CV_EXPORTS void meanStdDev(const oclMat &mtx, Scalar &mean, Scalar &stddev)
computes mean value and standard deviation of all or selected array elements
CV_EXPORTS void 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
Scalar_< double > Scalar
Definition: core.hpp:968
CV_EXPORTS void GaussianBlur(const oclMat &src, oclMat &dst, Size ksize, double sigma1, double sigma2=0, int bordertype=BORDER_DEFAULT)
smooths the image using Gaussian filter.
Proxy datatype for passing Mat's and vector<>'s as input parameters.
Definition: core.hpp:1400
CV_EXPORTS int getOpenCLPlatforms(PlatformsInfo &platforms)
FEATURE_TYPE
Definition: ocl.hpp:163
oclMat transitionMatrix
state transition matrix (A)
Definition: ocl.hpp:1914
Accumulator< T >::Type ResultType
Definition: ocl.hpp:1132
oclMat controlMatrix
control matrix (B) (not used if there is no control)
Definition: ocl.hpp:1915
std::vector< oclMat > image_sums
Definition: ocl.hpp:964
CV_EXPORTS void cvtColor(const oclMat &src, oclMat &dst, int code, int dcn=0)
int borderType
Definition: ocl.hpp:679
Rect_< int > Rect
Definition: core.hpp:897
BruteForceMatcher_OCL(Hamming)
Definition: ocl.hpp:1344
double polySigma
Definition: ocl.hpp:1465
Size user_block_size
Definition: ocl.hpp:961
Size winSize
Definition: ocl.hpp:1419
bool use_local_init_data_cost
Definition: ocl.hpp:1627
oclMat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: ocl.hpp:1918
CV_EXPORTS void buildWarpAffineMaps(const Mat &M, bool inverse, Size dsize, oclMat &xmap, oclMat &ymap)
builds Affine warping maps
int * refcount
pointer to the reference counter;
Definition: ocl.hpp:407
int offset
Definition: ocl.hpp:417
CV_EXPORTS_W void line(CV_IN_OUT Mat &img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
draws the line segment (pt1, pt2) in the image
CV_EXPORTS void 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
const char * programHash
Definition: ocl.hpp:224