Home
last modified time | relevance | path

Searched refs:TEST_CYCLE (Results 1 – 25 of 72) sorted by relevance

123

/external/opencv3/modules/cudaarithm/perf/
Dperf_element_operations.cpp73 TEST_CYCLE() cv::cuda::add(d_src1, d_src2, dst); in PERF_TEST_P()
81 TEST_CYCLE() cv::add(src1, src2, dst); in PERF_TEST_P()
108 TEST_CYCLE() cv::cuda::add(d_src, s, dst); in PERF_TEST_P()
116 TEST_CYCLE() cv::add(src, s, dst); in PERF_TEST_P()
144 TEST_CYCLE() cv::cuda::subtract(d_src1, d_src2, dst); in PERF_TEST_P()
152 TEST_CYCLE() cv::subtract(src1, src2, dst); in PERF_TEST_P()
179 TEST_CYCLE() cv::cuda::subtract(d_src, s, dst); in PERF_TEST_P()
187 TEST_CYCLE() cv::subtract(src, s, dst); in PERF_TEST_P()
215 TEST_CYCLE() cv::cuda::multiply(d_src1, d_src2, dst); in PERF_TEST_P()
223 TEST_CYCLE() cv::multiply(src1, src2, dst); in PERF_TEST_P()
[all …]
Dperf_reductions.cpp75 TEST_CYCLE() gpu_dst = cv::cuda::norm(d_src, normType, d_buf); in PERF_TEST_P()
83 TEST_CYCLE() cpu_dst = cv::norm(src, normType); in PERF_TEST_P()
113 TEST_CYCLE() gpu_dst = cv::cuda::norm(d_src1, d_src2, normType); in PERF_TEST_P()
122 TEST_CYCLE() cpu_dst = cv::norm(src1, src2, normType); in PERF_TEST_P()
150 TEST_CYCLE() gpu_dst = cv::cuda::sum(d_src); in PERF_TEST_P()
158 TEST_CYCLE() cpu_dst = cv::sum(src); in PERF_TEST_P()
186 TEST_CYCLE() gpu_dst = cv::cuda::absSum(d_src); in PERF_TEST_P()
218 TEST_CYCLE() gpu_dst = cv::cuda::sqrSum(d_src); in PERF_TEST_P()
249 TEST_CYCLE() cv::cuda::minMax(d_src, &gpu_minVal, &gpu_maxVal, cv::cuda::GpuMat()); in PERF_TEST_P()
258 TEST_CYCLE() cv::minMaxLoc(src, &cpu_minVal, &cpu_maxVal); in PERF_TEST_P()
[all …]
Dperf_core.cpp78 TEST_CYCLE() cv::cuda::merge(d_src, dst);
86 TEST_CYCLE() cv::merge(src, dst);
112 TEST_CYCLE() cv::cuda::split(d_src, dst);
124 TEST_CYCLE() cv::split(src, dst);
152 TEST_CYCLE() cv::cuda::transpose(d_src, dst); in PERF_TEST_P()
160 TEST_CYCLE() cv::transpose(src, dst); in PERF_TEST_P()
195 TEST_CYCLE() cv::cuda::flip(d_src, dst, flipCode); in PERF_TEST_P()
203 TEST_CYCLE() cv::flip(src, dst, flipCode); in PERF_TEST_P()
232 TEST_CYCLE() lutAlg->transform(d_src, dst); in PERF_TEST_P()
240 TEST_CYCLE() cv::LUT(src, lut, dst); in PERF_TEST_P()
[all …]
Dperf_arithm.cpp87 TEST_CYCLE() cv::cuda::gemm(d_src1, d_src2, 1.0, d_src3, 1.0, dst, flags);
97 TEST_CYCLE() cv::gemm(src1, src2, 1.0, src3, 1.0, dst, flags);
129 TEST_CYCLE() cv::cuda::mulSpectrums(d_a, d_b, dst, flag);
137 TEST_CYCLE() cv::mulSpectrums(a, b, dst, flag);
163TEST_CYCLE() cv::cuda::mulAndScaleSpectrums(d_src1, d_src2, dst, cv::DFT_ROWS, scale, false); in PERF_TEST_P()
193 TEST_CYCLE() cv::cuda::dft(d_src, dst, size, flag);
201 TEST_CYCLE() cv::dft(src, dst, flag);
239 TEST_CYCLE() convolution->convolve(d_image, d_templ, dst, ccorr);
250 TEST_CYCLE() cv::filter2D(image, dst, image.depth(), templ);
/external/opencv3/modules/cudafilters/perf/
Dperf_filters.cpp75 TEST_CYCLE() blurFilter->apply(d_src, dst);
83 TEST_CYCLE() cv::blur(src, dst, cv::Size(ksize, ksize));
113 TEST_CYCLE() filter2D->apply(d_src, dst);
121 TEST_CYCLE() cv::filter2D(src, dst, -1, kernel);
148 TEST_CYCLE() laplacian->apply(d_src, dst);
156 TEST_CYCLE() cv::Laplacian(src, dst, -1, ksize);
183 TEST_CYCLE() sobel->apply(d_src, dst);
191 TEST_CYCLE() cv::Sobel(src, dst, -1, 1, 1, ksize);
217 TEST_CYCLE() scharr->apply(d_src, dst); in PERF_TEST_P()
225 TEST_CYCLE() cv::Scharr(src, dst, -1, 1, 0); in PERF_TEST_P()
[all …]
/external/opencv3/modules/core/perf/
Dperf_arithm.cpp23 TEST_CYCLE() min(a, b, c); in PERF_TEST_P()
38 TEST_CYCLE() min(a, b, c); in PERF_TEST_P()
53 TEST_CYCLE() max(a, b, c); in PERF_TEST_P()
68 TEST_CYCLE() max(a, b, c); in PERF_TEST_P()
90 TEST_CYCLE() absdiff(a, b, c); in PERF_TEST_P()
112 TEST_CYCLE() absdiff(a, b, c); in PERF_TEST_P()
135 TEST_CYCLE() add(a, b, c); in PERF_TEST_P()
157 TEST_CYCLE() add(a, b, c); in PERF_TEST_P()
179 TEST_CYCLE() subtract(a, b, c); in PERF_TEST_P()
201 TEST_CYCLE() subtract(a, b, c); in PERF_TEST_P()
[all …]
Dperf_norm.cpp31 TEST_CYCLE() n = norm(src, normType);
54 TEST_CYCLE() n = norm(src, normType, mask);
77 TEST_CYCLE() n = norm(src1, src2, normType);
101 TEST_CYCLE() n = norm(src1, src2, normType, mask);
127 TEST_CYCLE() normalize(src, dst, alpha, 0., normType);
155 TEST_CYCLE() normalize(src, dst, alpha, 0., normType, -1, mask);
181 TEST_CYCLE() normalize(src, dst, alpha, 0., normType, CV_32F);
197 TEST_CYCLE() normalize(src, dst, 20., 100., NORM_MINMAX); in PERF_TEST_P()
Dperf_stat.cpp19 TEST_CYCLE() s = sum(arr); in PERF_TEST_P()
34 TEST_CYCLE() s = mean(src); in PERF_TEST_P()
50 TEST_CYCLE() s = mean(src, mask); in PERF_TEST_P()
66 TEST_CYCLE() meanStdDev(src, mean, dev); in PERF_TEST_P()
84 TEST_CYCLE() meanStdDev(src, mean, dev, mask); in PERF_TEST_P()
Dperf_bitwise.cpp24 TEST_CYCLE() cv::bitwise_not(a, c); in PERF_TEST_P()
40 TEST_CYCLE() bitwise_and(a, b, c); in PERF_TEST_P()
56 TEST_CYCLE() bitwise_or(a, b, c); in PERF_TEST_P()
72 TEST_CYCLE() bitwise_xor(a, b, c); in PERF_TEST_P()
/external/opencv3/modules/core/perf/cuda/
Dperf_gpumat.cpp74 TEST_CYCLE() dst.setTo(val); in PERF_TEST_P()
80 TEST_CYCLE() dst.setTo(val); in PERF_TEST_P()
111 TEST_CYCLE() dst.setTo(val, d_mask); in PERF_TEST_P()
117 TEST_CYCLE() dst.setTo(val, mask); in PERF_TEST_P()
147 TEST_CYCLE() d_src.copyTo(dst, d_mask); in PERF_TEST_P()
153 TEST_CYCLE() src.copyTo(dst, mask); in PERF_TEST_P()
184 TEST_CYCLE() d_src.convertTo(dst, depth2, a, b); in PERF_TEST_P()
190 TEST_CYCLE() src.convertTo(dst, depth2, a, b); in PERF_TEST_P()
/external/opencv3/modules/cudaimgproc/perf/
Dperf_histogram.cpp67 TEST_CYCLE() cv::cuda::histEven(d_src, dst, 30, 0, 180); in PERF_TEST_P()
81 TEST_CYCLE() cv::calcHist(&src, 1, channels, cv::Mat(), dst, 1, histSize, ranges); in PERF_TEST_P()
109 TEST_CYCLE() cv::cuda::histEven(d_src, d_hist, histSize, lowerLevel, upperLevel); in PERF_TEST_P()
143 TEST_CYCLE() cv::cuda::calcHist(d_src, dst); in PERF_TEST_P()
169 TEST_CYCLE() cv::cuda::equalizeHist(d_src, dst); in PERF_TEST_P()
177 TEST_CYCLE() cv::equalizeHist(src, dst); in PERF_TEST_P()
204 TEST_CYCLE() clahe->apply(d_src, dst);
213 TEST_CYCLE() clahe->apply(src, dst);
Dperf_color.cpp91 TEST_CYCLE() cv::cuda::cvtColor(d_src, dst, info.code, info.dcn);
99 TEST_CYCLE() cv::cvtColor(src, dst, info.code, info.dcn);
130 TEST_CYCLE() cv::cuda::cvtColor(d_src, dst, info.code, info.dcn);
138 TEST_CYCLE() cv::cvtColor(src, dst, info.code, info.dcn);
170 TEST_CYCLE() cv::cuda::demosaicing(d_src, dst, code); in PERF_TEST_P()
184 TEST_CYCLE() cv::cvtColor(src, dst, code); in PERF_TEST_P()
208 TEST_CYCLE() cv::cuda::swapChannels(dst, dstOrder); in PERF_TEST_P()
244 TEST_CYCLE() cv::cuda::alphaComp(d_img1, d_img2, dst, alpha_op); in PERF_TEST_P()
Dperf_hough.cpp109 TEST_CYCLE() hough->detect(d_src, d_lines); in PERF_TEST_P()
121 TEST_CYCLE() cv::HoughLines(src, cpu_lines, rho, theta, threshold); in PERF_TEST_P()
158 TEST_CYCLE() hough->detect(d_mask, d_lines);
170TEST_CYCLE() cv::HoughLinesP(mask, cpu_lines, rho, theta, threshold, minLineLength, maxLineGap);
209 TEST_CYCLE() houghCircles->detect(d_src, d_circles);
221TEST_CYCLE() cv::HoughCircles(src, cpu_circles, cv::HOUGH_GRADIENT, dp, minDist, cannyThreshold, v…
260 TEST_CYCLE() alg->detect(d_edges, d_dx, d_dy, positions); in PERF_TEST_P()
272 TEST_CYCLE() alg->detect(edges, dx, dy, positions); in PERF_TEST_P()
331 TEST_CYCLE() alg->detect(d_edges, d_dx, d_dy, positions); in PERF_TEST_P()
343 TEST_CYCLE() alg->detect(edges, dx, dy, positions); in PERF_TEST_P()
Dperf_mean_shift.cpp73 TEST_CYCLE() cv::cuda::meanShiftFiltering(d_src, dst, sp, sr);
81 TEST_CYCLE() cv::pyrMeanShiftFiltering(img, dst, sp, sr);
110 TEST_CYCLE() cv::cuda::meanShiftProc(d_src, dstr, dstsp, sp, sr);
144 TEST_CYCLE() cv::cuda::meanShiftSegmentation(d_src, dst, sp, sr, minsize);
Dperf_corners.cpp81 TEST_CYCLE() harris->compute(d_img, dst);
89 TEST_CYCLE() cv::cornerHarris(img, dst, blockSize, apertureSize, k, borderMode);
123 TEST_CYCLE() minEigenVal->compute(d_img, dst);
131 TEST_CYCLE() cv::cornerMinEigenVal(img, dst, blockSize, apertureSize, borderMode);
Dperf_match_template.cpp81 TEST_CYCLE() alg->match(d_image, d_templ, dst);
89 TEST_CYCLE() cv::matchTemplate(image, templ, dst, method);
123 TEST_CYCLE() alg->match(d_image, d_templ, dst);
131 TEST_CYCLE() cv::matchTemplate(image, templ, dst, method);
/external/opencv3/modules/cudawarping/perf/
Dperf_warping.cpp127 TEST_CYCLE() cv::cuda::remap(d_src, dst, d_xmap, d_ymap, interpolation, borderMode); in PERF_TEST_P()
135 TEST_CYCLE() cv::remap(src, dst, xmap, ymap, interpolation, borderMode); in PERF_TEST_P()
171 TEST_CYCLE() cv::cuda::resize(d_src, dst, cv::Size(), f, f, interpolation);
179 TEST_CYCLE() cv::resize(src, dst, cv::Size(), f, f, interpolation);
214 TEST_CYCLE() cv::cuda::resize(d_src, dst, cv::Size(), f, f, interpolation);
222 TEST_CYCLE() cv::resize(src, dst, cv::Size(), f, f, interpolation);
266 TEST_CYCLE() cv::cuda::warpAffine(d_src, dst, M, size, interpolation, borderMode); in PERF_TEST_P()
274 TEST_CYCLE() cv::warpAffine(src, dst, M, size, interpolation, borderMode); in PERF_TEST_P()
314 TEST_CYCLE() cv::cuda::warpPerspective(d_src, dst, M, size, interpolation, borderMode); in PERF_TEST_P()
322 TEST_CYCLE() cv::warpPerspective(src, dst, M, size, interpolation, borderMode); in PERF_TEST_P()
[all …]
/external/opencv3/modules/cudastereo/perf/
Dperf_stereo.cpp76 TEST_CYCLE() d_bm->compute(d_imgLeft, d_imgRight, dst);
86 TEST_CYCLE() bm->compute(imgLeft, imgRight, dst);
116 TEST_CYCLE() d_bp->compute(d_imgLeft, d_imgRight, dst);
150 TEST_CYCLE() d_csbp->compute(d_imgLeft, d_imgRight, dst);
182 TEST_CYCLE() d_filter->apply(d_disp, d_img, dst);
213 TEST_CYCLE() cv::cuda::reprojectImageTo3D(d_src, dst, Q); in PERF_TEST_P()
221 TEST_CYCLE() cv::reprojectImageTo3D(src, dst, Q); in PERF_TEST_P()
245 TEST_CYCLE() cv::cuda::drawColorDisp(d_src, dst, 255); in PERF_TEST_P()
/external/opencv3/modules/cudafeatures2d/perf/
Dperf_features2d.cpp75 TEST_CYCLE() d_fast->detectAsync(d_img, d_keypoints);
88 TEST_CYCLE() cv::FAST(img, cpu_keypoints, threshold, nonMaxSuppersion);
117 TEST_CYCLE() d_orb->detectAndComputeAsync(d_img, cv::noArray(), d_keypoints, d_descriptors);
139 TEST_CYCLE() orb->detectAndCompute(img, cv::noArray(), cpu_keypoints, cpu_descriptors);
176 TEST_CYCLE() d_matcher->matchAsync(d_query, d_train, d_matches);
189 TEST_CYCLE() matcher.match(query, train, cpu_matches);
235 TEST_CYCLE() d_matcher->knnMatchAsync(d_query, d_train, d_matches, k);
251 TEST_CYCLE() matcher.knnMatch(query, train, matchesTbl, k);
289 TEST_CYCLE() d_matcher->radiusMatchAsync(d_query, d_train, d_matches, maxDistance);
305 TEST_CYCLE() matcher.radiusMatch(query, train, matchesTbl, maxDistance);
/external/opencv3/modules/cudaobjdetect/perf/
Dperf_objdetect.cpp77 TEST_CYCLE() d_hog->detectMultiScale(d_img, gpu_found_locations);
90 TEST_CYCLE() hog.detectMultiScale(img, cpu_found_locations);
116 TEST_CYCLE() d_cascade->detectMultiScale(d_img, objects_buffer);
131 TEST_CYCLE() cascade.detectMultiScale(img, cpu_rects);
154 TEST_CYCLE() d_cascade->detectMultiScale(d_img, objects_buffer);
169 TEST_CYCLE() cascade.detectMultiScale(img, cpu_rects);
/external/opencv3/modules/photo/perf/
Dperf_cuda.cpp91TEST_CYCLE() cv::cuda::nonLocalMeans(d_src, dst, h, search_widow_size, block_size, borderMode);
132 TEST_CYCLE() cv::cuda::fastNlMeansDenoising(d_src, dst, h, search_widow_size, block_size);
140 TEST_CYCLE() cv::fastNlMeansDenoising(src, dst, h, block_size, search_widow_size);
175TEST_CYCLE() cv::cuda::fastNlMeansDenoisingColored(d_src, dst, h, h, search_widow_size, block_size…
183 TEST_CYCLE() cv::fastNlMeansDenoisingColored(src, dst, h, h, block_size, search_widow_size);
/external/opencv3/modules/cudaoptflow/perf/
Dperf_optflow.cpp80 TEST_CYCLE() d_alg->calc(d_frame0, d_frame1, flow);
148 TEST_CYCLE() d_pyrLK->calc(d_frame0, d_frame1, d_pts, nextPts, status);
158 TEST_CYCLE() in TEST_CYCLE() function
205 TEST_CYCLE() d_pyrLK->calc(d_frame0, d_frame1, flow);
254 TEST_CYCLE() d_farneback->calc(d_frame0, d_frame1, flow);
269TEST_CYCLE() cv::calcOpticalFlowFarneback(frame0, frame1, flow, pyrScale, numLevels, winSize, numI…
298 TEST_CYCLE() d_alg->calc(d_frame0, d_frame1, flow);
317 TEST_CYCLE() alg->calc(frame0, frame1, flow);
/external/opencv3/modules/imgproc/perf/
Dperf_blur.cpp32 TEST_CYCLE() medianBlur(src, dst, ksize);
63 TEST_CYCLE() GaussianBlur(src, dst, Size(3,3), 0, 0, btype); in PERF_TEST_P()
85 TEST_CYCLE() blur(src, dst, Size(3,3), Point(-1,-1), btype); in PERF_TEST_P()
112 TEST_CYCLE() blur(src, dst, Size(16,16), Point(-1,-1), btype); in PERF_TEST_P()
134 TEST_CYCLE() boxFilter(src, dst, -1, Size(3,3), Point(-1,-1), false, btype); in PERF_TEST_P()
184 TEST_CYCLE() GaussianBlur(src, dst, Size(5,5), 0, 0, btype); in PERF_TEST_P()
206 TEST_CYCLE() blur(src, dst, Size(5,5), Point(-1,-1), btype); in PERF_TEST_P()
Dperf_sepfilters.cpp52 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, 3, 1, 0, border);
80 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, 3, 1, 0, border);
105 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, 5, 1, 0, border);
133 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, 5, 1, 0, border);
160 TEST_CYCLE() Scharr(src, dst, ddepth, dx, dy, 1, 0, border);
188 TEST_CYCLE() Scharr(src, dst, ddepth, dx, dy, 1, 0, border);
213 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, -1, 1, 0, border);
241 TEST_CYCLE() Sobel(src, dst, ddepth, dx, dy, -1, 1, 0, border);
/external/opencv3/modules/cudalegacy/perf/
Dperf_calib3d.cpp75 TEST_CYCLE() cv::cuda::projectPoints(d_src, rvec, tvec, camera_mat, cv::Mat(), dst);
83 TEST_CYCLE() cv::projectPoints(src, rvec, tvec, camera_mat, cv::noArray(), dst);
127 TEST_CYCLE() cv::cuda::solvePnPRansac(object, image, camera_mat, dist_coef, rvec, tvec);
134 TEST_CYCLE() cv::solvePnPRansac(object, image, camera_mat, dist_coef, rvec, tvec);

123