Normalized file endings.

This commit is contained in:
Roman Donchenko
2013-08-21 17:26:54 +04:00
parent f55740da70
commit e9a28f66ee
486 changed files with 166 additions and 606 deletions

View File

@@ -186,4 +186,4 @@ Only basic flags are supported in oclMat(i.e. depth number of channels)
All the 3-channel matrix(i.e. RGB image) are represented by 4-channel matrix in oclMat. It means 3-channel image have 4-channel space with the last channel unused. We provide a transparent interface to handle the difference between OpenCV Mat and oclMat.
For example: If a oclMat has 3 channels, channels() returns 3 and oclchannels() returns 4
For example: If a oclMat has 3 channels, channels() returns 3 and oclchannels() returns 4

View File

@@ -499,4 +499,4 @@ Returns block descriptors computed for the whole image.
* **DESCR_FORMAT_COL_BY_COL** - Column-major order.
The function is mainly used to learn the classifier.
The function is mainly used to learn the classifier.

View File

@@ -280,4 +280,4 @@ Performs linear blending of two images.
:param weights2: Weights for second image. Must have tha same size as ``img2`` . Supports only ``CV_32F`` type.
:param result: Destination image.
:param result: Destination image.

View File

@@ -67,4 +67,4 @@ Returns the squared sum of matrix elements for each channel
:param m: The Source image of all depth
Counts the squared sum of matrix elements for each channel.
Counts the squared sum of matrix elements for each channel.

View File

@@ -55,4 +55,4 @@ Returns the pointer to the opencl command queue
.. ocv:function:: void* ocl::getoclCommandQueue()
Thefunction are used to get opencl command queue so that opencv can interactive with other opencl program.
Thefunction are used to get opencl command queue so that opencv can interactive with other opencl program.

View File

@@ -161,4 +161,4 @@ END_DEV:
TestSystem::instance().run();
return 0;
}
}

View File

@@ -1194,4 +1194,4 @@ PERFTEST(AddWeighted)
}
}
}
}

View File

@@ -119,4 +119,4 @@ PERFTEST(blend)
TestSystem::instance().ExpectedMatNear(dst, ocl_dst, 1.f);
}
}
}
}

View File

@@ -164,4 +164,4 @@ PERFTEST(BruteForceMatcher)
else
TestSystem::instance().setAccurate(0, diff);
}
}
}

View File

@@ -90,12 +90,3 @@ PERFTEST(StereoMatchBM)
TestSystem::instance().setAccurate(-1, 0.);
}

View File

@@ -82,4 +82,4 @@ PERFTEST(Canny)
GPU_FULL_OFF;
TestSystem::instance().ExceptedMatSimilar(edges, ocl_edges, 2e-2);
}
}

View File

@@ -90,4 +90,4 @@ PERFTEST(cvtColor)
}
}
}

View File

@@ -88,4 +88,4 @@ PERFTEST(dft)
}
}
}
}

View File

@@ -87,4 +87,4 @@ PERFTEST(gemm)
TestSystem::instance().ExpectedMatNear(ocl_dst, dst, src1.cols * src1.rows * 1e-4);
}
}
}

View File

@@ -140,4 +140,4 @@ PERFTEST(Haar)
faceCascade.detectMultiScale(d_img, oclfaces,
1.1, 2, 0 | CV_HAAR_SCALE_IMAGE, Size(30, 30));
GPU_FULL_OFF;
}
}

View File

@@ -91,4 +91,4 @@ PERFTEST(HOG)
d_src.upload(src);
ocl_hog.detectMultiScale(d_src, found_locations);
GPU_FULL_OFF;
}
}

View File

@@ -142,4 +142,4 @@ PERFTEST(matchTemplate)
}
}
}
}
}

View File

@@ -183,4 +183,4 @@ PERFTEST(setTo)
}
}
}
}

View File

@@ -84,4 +84,4 @@ PERFTEST(norm)
ocl::norm(d_src1, d_src2, NORM_INF);
GPU_FULL_OFF;
}
}
}

View File

@@ -490,7 +490,3 @@ double checkSimilarity(const Mat &m1, const Mat &m2)
matchTemplate(m1, m2, diff, CV_TM_CCORR_NORMED);
return std::abs(diff.at<float>(0, 0) - 1.f);
}

View File

@@ -129,4 +129,4 @@ PERFTEST(pyrUp)
TestSystem::instance().ExpectedMatNear(dst, ocl_dst, (src.depth() == CV_32F ? 1e-4f : 1.0));
}
}
}
}

View File

@@ -90,4 +90,4 @@ void cv::ocl::blendLinear(const oclMat &img1, const oclMat &img2, const oclMat &
openCLExecuteKernel(ctx, &blend_linear, kernelName, globalSize, localSize, args, channels, depth);
}
}
}

View File

@@ -82,4 +82,4 @@ void cv::ocl::columnSum(const oclMat &src, oclMat &dst)
openCLExecuteKernel(clCxt, &imgproc_columnsum, kernelName, globalThreads, localThreads, args, src.channels(), src.depth());
}
}

View File

@@ -348,5 +348,3 @@ void cv::ocl::GoodFeaturesToTrackDetector_OCL::downloadPoints(const oclMat &poin
NULL,
NULL));
}

View File

@@ -1955,4 +1955,4 @@ void cv::ocl::device::hog::compute_gradients_8UC4(int height, int width,
openCLExecuteKernel(clCxt, &objdetect_hog, kernelName, globalThreads,
localThreads, args, -1, -1);
}
}

View File

@@ -236,4 +236,3 @@ void interpolate::bindImgTex(const oclMat &img, cl_mem &texture)
}
texture = bindTexture(img);
}

View File

@@ -435,4 +435,3 @@ double cv::ocl::kmeans(const oclMat &_src, int K, oclMat &_bestLabels,
return best_compactness;
}

View File

@@ -338,4 +338,3 @@ Moments ocl_moments( InputArray _array, bool binaryImage )
}
}

View File

@@ -745,4 +745,3 @@ __kernel void arithm_s_bitwise_binary_with_mask_C4_D6 (
}
}
#endif

View File

@@ -1014,4 +1014,3 @@ __kernel void arithm_compare_ge_D6 (__global double *src1, int src1_step, int sr
}
}
#endif

View File

@@ -1011,5 +1011,3 @@ __kernel void arithm_compare_le_D6 (__global double *src1, int src1_step, int sr
}
}
#endif

View File

@@ -466,5 +466,3 @@ __kernel void arithm_s_div_D6 (__global double *src, int src_step, int src_offse
}
}
#endif

View File

@@ -377,4 +377,4 @@ __kernel void arithm_op_minMaxLoc_mask (int cols,int invalid_cols,int offset,int
}
}
*/
*/

View File

@@ -300,4 +300,4 @@ __kernel void arithm_muls_D5 (__global float *src1, int src1_step, int src1_offs
*((__global float *)((__global char *)dst + dst_index)) = tmp;
}
}
}

View File

@@ -467,5 +467,3 @@ __kernel __attribute__((reqd_work_group_size(LSIZE0,LSIZE1,1))) void row_filter_
}
}

View File

@@ -421,5 +421,3 @@ __kernel void __attribute__((reqd_work_group_size(8,8,1)))gpuRunHaarClassifierCa
}//end for(int grploop=grpidx;grploop<totalgrp;grploop+=grpnumx)
}//end for(int scalei = 0; scalei <loopcount; scalei++)
}

View File

@@ -304,4 +304,3 @@ __kernel void gpuscaleclassifier(global GpuHidHaarTreeNode *orinode, global GpuH
newnode[counter].alpha[1] = t1.alpha[1];
newnode[counter].alpha[2] = t1.alpha[2];
}

View File

@@ -273,4 +273,3 @@ __kernel
for (int j=0; j< same; j++)
corners[pos + j] = pt1;
}

View File

@@ -490,4 +490,4 @@ kernel void integral_rows_D5(__global float4 *srcsum,__global float4 * srcsqsum,
}
barrier(CLK_LOCAL_MEM_FENCE);
}
}
}

View File

@@ -686,4 +686,3 @@ __kernel void warpPerspectiveCubic_C4_D5(__global float4 * src, __global float4
}
}
}

View File

@@ -977,4 +977,4 @@ __kernel void CvMoments_D6(__global F* src_data, int src_rows, int src_cols, in
// + m03 ( = m03' + 3*y*m02' + 3*y*y*m01' + y*y*y*m00' )
*(dst_m + mad24(DST_ROW_03 * blocky, dst_step, mad24(wgidy, dst_cols, wgidx))) = mom[9] + y * (3. * mom[5] + y * (3. * mom[2] + ym));
}
}
}

View File

@@ -113,4 +113,3 @@ void cv::ocl::pyrDown(const oclMat &src, oclMat &dst)
pyrdown_run(src, dst);
}

View File

@@ -86,4 +86,4 @@ namespace cv
openCLExecuteKernel(clCxt, &pyr_up, kernelName, globalThreads, localThreads, args, src.oclchannels(), src.depth());
}
}
}
}

View File

@@ -238,4 +238,3 @@ void cv::ocl::StereoBM_OCL::operator() ( const oclMat &left, const oclMat &right
{
cv::ocl::stereoBM::operator_(minSSD, leBuf, riBuf, preset, ndisp, winSize, avergeTexThreshold, left, right, disparity);
}

View File

@@ -516,4 +516,3 @@ void cv::ocl::StereoBeliefPropagation::operator()(const oclMat &data, oclMat &di
::StereoBeliefPropagationImpl impl(*this, u, d, l, r, u2, d2, l2, r2, datas, out);
impl(data, disp);
}

View File

@@ -476,4 +476,4 @@ void ocl_tvl1flow::warpBackward(const oclMat &I0, const oclMat &I1, oclMat &I1x,
releaseTexture(I1_tex);
releaseTexture(I1x_tex);
releaseTexture(I1y_tex);
}
}

View File

@@ -116,4 +116,4 @@ INSTANTIATE_TEST_CASE_P(OCL_ImgProc, Blend, Combine(
DIFFERENT_SIZES,
testing::Values(MatType(CV_8UC1), MatType(CV_8UC3), MatType(CV_8UC4), MatType(CV_32FC1), MatType(CV_32FC4))
));
#endif
#endif

View File

@@ -86,4 +86,4 @@ TEST_P(Canny, Accuracy)
INSTANTIATE_TEST_CASE_P(OCL_ImgProc, Canny, testing::Combine(
testing::Values(AppertureSize(3), AppertureSize(5)),
testing::Values(L2gradient(false), L2gradient(true))));
#endif
#endif

View File

@@ -264,4 +264,4 @@ INSTANTIATE_TEST_CASE_P(OCL_ObjDetect, Haar,
Combine(Values(CV_HAAR_SCALE_IMAGE, 0),
Values(cascade_frontalface_alt/*, cascade_frontalface_alt2*/)));
#endif //HAVE_OPENCL
#endif //HAVE_OPENCL

View File

@@ -346,4 +346,3 @@ INSTANTIATE_TEST_CASE_P(OCL_Video, Farneback, testing::Combine(
testing::Values(UseInitFlow(false), UseInitFlow(true))));
#endif // HAVE_OPENCL

View File

@@ -74,4 +74,3 @@
//#include "add_test_info.h"
#endif

View File

@@ -251,4 +251,3 @@ double checkRectSimilarity(Size sz, std::vector<Rect>& ob1, std::vector<Rect>& o
}
return final_test_result;
}