cvRound           390 apps/createsamples/utility.cpp         int iy_min = MAX( cvRound(y_min), 0 ) + 1;
cvRound           391 apps/createsamples/utility.cpp         int iy_max = MIN( cvRound(y_max), dst_size.height - 1 );
cvRound           399 apps/createsamples/utility.cpp             int ix_min = MAX( cvRound( x_min ), 0 );
cvRound           400 apps/createsamples/utility.cpp             int ix_max = MIN( cvRound( x_max ), dst_size.width - 1 );
cvRound           600 apps/traincascade/boost.cpp     numPrecalcVal = min( cvRound((double)_precalcValBufSize*1048576. / (sizeof(float)*sample_count)), var_count );
cvRound           601 apps/traincascade/boost.cpp     numPrecalcIdx = min( cvRound((double)_precalcIdxBufSize*1048576. /
cvRound           309 apps/traincascade/cascadeclassifier.cpp     int proNumNeg = cvRound( ( ((double)numNeg) * ((double)posCount) ) / numPos ); // apply only a fraction of negative samples. double is required since overflow is possible
cvRound          1701 apps/traincascade/old_ml_boost.cpp                 int ival = cvRound(val);
cvRound          1796 apps/traincascade/old_ml_boost.cpp                         int c = cvRound(val);
cvRound           710 apps/traincascade/old_ml_inner_functions.cpp             int ri = cvRound(rf);
cvRound          1314 apps/traincascade/old_ml_inner_functions.cpp                     ((int*)_dst)[j] = cvRound(((float*)src)[j]);
cvRound          1317 apps/traincascade/old_ml_inner_functions.cpp                     ((int*)_dst)[j] = cvRound(((double*)src)[j]);
cvRound          1640 apps/traincascade/old_ml_inner_functions.cpp             CV_ASSERT( cvRound(response) == response );
cvRound          1641 apps/traincascade/old_ml_inner_functions.cpp             predict_output->data.i[idx*predict_output_step] = cvRound(response);
cvRound           442 apps/traincascade/old_ml_tree.cpp                         val = cvRound(t);
cvRound          3682 apps/traincascade/old_ml_tree.cpp                     c = cvRound(val);
cvRound          3691 apps/traincascade/old_ml_tree.cpp                         int ival = cvRound(val);
cvRound           338 modules/calib3d/src/calibinit.cpp                     int block_size = cvRound(prev_sqr_size == 0 ?
cvRound           355 modules/calib3d/src/calibinit.cpp                     int thresh_level = cvRound( mean - 10 );
cvRound           483 modules/calib3d/src/calibinit.cpp                 prev_sqr_size = cvRound(sum_dist/MAX(total, 1));
cvRound          1847 modules/calib3d/src/calibinit.cpp             pt.x = cvRound(corners[i].x*(1 << shift));
cvRound          1848 modules/calib3d/src/calibinit.cpp             pt.y = cvRound(corners[i].y*(1 << shift));
cvRound          1885 modules/calib3d/src/calibinit.cpp                 pt.x = cvRound(corners[i].x*(1 << shift));
cvRound          1886 modules/calib3d/src/calibinit.cpp                 pt.y = cvRound(corners[i].y*(1 << shift));
cvRound          2474 modules/calib3d/src/calibration.cpp     cx = cvRound( (imgSize.width-1)*0.5 );
cvRound          2475 modules/calib3d/src/calibration.cpp     cy = cvRound( (imgSize.height-1)*0.5 );
cvRound          2712 modules/calib3d/src/calibration.cpp                 int ival = cvRound(dptr[x]);
cvRound          2721 modules/calib3d/src/calibration.cpp                 int ival = cvRound(dptr[x]);
cvRound           187 modules/calib3d/src/checkchessboard.cpp                 const int black_count = cvRound(ceil(size.width/2.0)*ceil(size.height/2.0));
cvRound           188 modules/calib3d/src/checkchessboard.cpp                 const int white_count = cvRound(floor(size.width/2.0)*floor(size.height/2.0));
cvRound          1272 modules/calib3d/src/circlesgrid.cpp       Path path = Path(maxLoc.x, maxLoc.y, cvRound(maxVal));
cvRound            72 modules/calib3d/src/ptsetreg.cpp     return denom >= 0 || -num >= maxIters*(-denom) ? maxIters : cvRound(num/denom);
cvRound           156 modules/calib3d/src/quadsubpix.cpp         low_thresh = cvRound(max_start_x + 0.25*(max_end_x - max_start_x));
cvRound           157 modules/calib3d/src/quadsubpix.cpp         high_thresh = cvRound(max_start_x + 0.75*(max_end_x - max_start_x));
cvRound           179 modules/calib3d/src/quadsubpix.cpp         Rect roi(cvRound(corners[i].x - region_size.width), cvRound(corners[i].y - region_size.height),
cvRound           964 modules/calib3d/src/stereobm.cpp         int _row0 = std::min(cvRound(range.start * rows / nstripes), rows);
cvRound           965 modules/calib3d/src/stereobm.cpp         int _row1 = std::min(cvRound(range.end * rows / nstripes), rows);
cvRound          1083 modules/calib3d/src/stereosgbm.cpp     int newVal = cvRound(_newval), maxDiff = cvRound(_maxDiff);
cvRound           834 modules/calib3d/test/test_fundam.cpp     int pt_count = cvRound(exp(pt_count_exp));
cvRound          1133 modules/calib3d/test/test_fundam.cpp     int pt_count = MAX(5, cvRound(exp(pt_count_exp)));
cvRound          1464 modules/calib3d/test/test_fundam.cpp     pt_count = cvRound(exp(pt_count_exp));
cvRound          1601 modules/calib3d/test/test_fundam.cpp     pt_count = cvRound(exp(pt_count_exp));
cvRound           176 modules/calib3d/test/test_stereomatching.cpp                 int rightX = leftX - cvRound(leftDispVal), rightY = leftY;
cvRound           202 modules/calib3d/test/test_stereomatching.cpp             int rightX = leftX - cvRound(leftDispVal), rightY = leftY;
cvRound           291 modules/calib3d/test/test_stereomatching.cpp     int badThresh = cvRound(_badThresh);
cvRound          2320 modules/core/include/opencv2/core/core_c.h         CV_NODE_IS_REAL(node->tag) ? cvRound(node->data.f) : 0x7fffffff;
cvRound           929 modules/core/include/opencv2/core/types_c.h     ipt.x = cvRound(point.x);
cvRound           930 modules/core/include/opencv2/core/types_c.h     ipt.y = cvRound(point.y);
cvRound            18 modules/core/perf/perf_cvround.cpp             dptr[x] = cvRound(sptr[x]);
cvRound          1789 modules/core/src/arithm.cpp         int ival = cvRound(data[i]);
cvRound          4950 modules/core/src/arithm.cpp             int ival = cvRound(fval);
cvRound          5077 modules/core/src/arithm.cpp             int ival = cvRound(fval);
cvRound          5636 modules/core/src/arithm.cpp             int minval = cvRound(getMinVal(sdepth)), maxval = cvRound(getMaxVal(sdepth));
cvRound          5747 modules/core/src/arithm.cpp             int minval = cvRound(getMinVal(depth)), maxval = cvRound(getMaxVal(depth));
cvRound          1475 modules/core/src/array.cpp             int t = cvRound( scalar->val[cn] );
cvRound          1482 modules/core/src/array.cpp             int t = cvRound( scalar->val[cn] );
cvRound          1489 modules/core/src/array.cpp             int t = cvRound( scalar->val[cn] );
cvRound          1496 modules/core/src/array.cpp             int t = cvRound( scalar->val[cn] );
cvRound          1502 modules/core/src/array.cpp             ((int*)data)[cn] = cvRound( scalar->val[cn] );
cvRound          1610 modules/core/src/array.cpp         int ivalue = cvRound(value);
cvRound           563 modules/core/src/mathfuncs.cpp         int it = cvRound(t);
cvRound          1366 modules/core/src/mathfuncs.cpp             cn = CV_MAT_CN(type), ipower = cvRound(power);
cvRound          4166 modules/core/src/matrix.cpp         int ival = cvRound(val), idelta = cvRound(delta);
cvRound          4179 modules/core/src/matrix.cpp                     idata[j] = cvRound(val);
cvRound           148 modules/core/src/parallel.cpp             nstripes = cvRound(_nstripes <= 0 ? len : MIN(MAX(_nstripes, 1.), len));
cvRound           827 modules/core/src/persistence.cpp         int ivalue = cvRound(value);
cvRound           866 modules/core/src/persistence.cpp         int ivalue = cvRound(value);
cvRound          3303 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          3308 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          3313 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          3318 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          3323 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          3336 modules/core/src/persistence.cpp                         ival = cvRound(fval);
cvRound          5640 modules/core/src/persistence.cpp     CV_NODE_IS_REAL(node.node->tag) ? cvRound(node.node->data.f) : 0x7fffffff;
cvRound           445 modules/core/test/test_arithm.cpp             gamma[0] = cvRound(gamma[0]);
cvRound          1555 modules/core/test/test_arithm.cpp     ASSERT_EQ(2, cvRound(2.0));
cvRound          1556 modules/core/test/test_arithm.cpp     ASSERT_EQ(2, cvRound(2.1));
cvRound          1557 modules/core/test/test_arithm.cpp     ASSERT_EQ(-2, cvRound(-2.1));
cvRound          1558 modules/core/test/test_arithm.cpp     ASSERT_EQ(3, cvRound(2.8));
cvRound          1559 modules/core/test/test_arithm.cpp     ASSERT_EQ(-3, cvRound(-2.8));
cvRound          1560 modules/core/test/test_arithm.cpp     ASSERT_EQ(2, cvRound(2.5));
cvRound          1561 modules/core/test/test_arithm.cpp     ASSERT_EQ(4, cvRound(3.5));
cvRound          1562 modules/core/test/test_arithm.cpp     ASSERT_EQ(-2, cvRound(-2.5));
cvRound          1563 modules/core/test/test_arithm.cpp     ASSERT_EQ(-4, cvRound(-3.5));
cvRound           397 modules/core/test/test_ds.cpp     generations = cvRound(generations*sqrt_scale);
cvRound           398 modules/core/test/test_ds.cpp     iterations = cvRound(iterations*sqrt_scale);
cvRound           535 modules/core/test/test_ds.cpp         elem_size = cvRound( exp(t * CV_LOG2) );
cvRound          1000 modules/core/test/test_ds.cpp                 storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
cvRound          1088 modules/core/test/test_ds.cpp                 storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
cvRound          1385 modules/core/test/test_ds.cpp             storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
cvRound          1390 modules/core/test/test_ds.cpp                 int pure_elem_size = cvRound( exp(t * CV_LOG2) );
cvRound          1809 modules/core/test/test_ds.cpp             int block_size = cvRound( exp(t * CV_LOG2) );
cvRound          1821 modules/core/test/test_ds.cpp                     int pe = cvRound( exp(t * CV_LOG2) ) - 1; // pure_elem_size==0 does also make sense
cvRound          1926 modules/core/test/test_ds.cpp             int storage_blocksize = cvRound( exp(t * CV_LOG2) );
cvRound           131 modules/core/test/test_math.cpp         return power == cvRound(power) && power >= 0 ? 0 : 1;
cvRound           147 modules/core/test/test_math.cpp     l = power == cvRound(power) ? -u : FLT_EPSILON;
cvRound           220 modules/core/test/test_math.cpp     int ipower = cvRound(power), apower = abs(ipower);
cvRound          2838 modules/core/test/test_math.cpp         int ipower = cvRound(power);
cvRound          1040 modules/core/test/test_operations.cpp         CV_Assert( cvFloor(z.f) == 0 && cvCeil(z.f) == 0 && cvRound(z.f) == 0 );
cvRound          1967 modules/cudaarithm/test/test_element_operations.cpp         sc.val[0] = cvRound(sc.val[0]);
cvRound          1968 modules/cudaarithm/test/test_element_operations.cpp         sc.val[1] = cvRound(sc.val[1]);
cvRound          1969 modules/cudaarithm/test/test_element_operations.cpp         sc.val[2] = cvRound(sc.val[2]);
cvRound          1970 modules/cudaarithm/test/test_element_operations.cpp         sc.val[3] = cvRound(sc.val[3]);
cvRound           513 modules/cudafeatures2d/src/orb.cpp             n_features_per_level_[level] = cvRound(n_desired_features_per_scale);
cvRound           524 modules/cudafeatures2d/src/orb.cpp             u_max[v] = cvRound(std::sqrt(static_cast<float>(half_patch_size * half_patch_size - v * v)));
cvRound           614 modules/cudafeatures2d/src/orb.cpp             Size sz(cvRound(image.cols * scale), cvRound(image.rows * scale));
cvRound           477 modules/cudafilters/src/filtering.cpp         ksize.width = cvRound(sigma1 * (depth == CV_8U ? 3 : 4)*2 + 1) | 1;
cvRound           479 modules/cudafilters/src/filtering.cpp         ksize.height = cvRound(sigma2 * (depth == CV_8U ? 3 : 4)*2 + 1) | 1;
cvRound            82 modules/cudaimgproc/src/bilateral_filter.cpp     int radius = (kernel_size <= 0) ? cvRound(sigma_spatial*1.5) : kernel_size/2;
cvRound           359 modules/cudaimgproc/src/generalized_hough.cpp         const int cellSize = cvRound(minDist_);
cvRound           141 modules/cudaimgproc/src/gftt.cpp             const int cell_size = cvRound(minDistance_);
cvRound           222 modules/cudaimgproc/src/hough_circles.cpp             const int cellSize = cvRound(minDist_);
cvRound           152 modules/cudaimgproc/src/hough_lines.cpp         const int numangle = cvRound(CV_PI / theta_);
cvRound           153 modules/cudaimgproc/src/hough_lines.cpp         const int numrho = cvRound(((src.cols + src.rows) * 2 + 1) / rho_);
cvRound           156 modules/cudaimgproc/src/hough_segments.cpp         const int numangle = cvRound(CV_PI / theta_);
cvRound           157 modules/cudaimgproc/src/hough_segments.cpp         const int numrho = cvRound(((src.cols + src.rows) * 2 + 1) / rho_);
cvRound            74 modules/cudaimgproc/test/test_hough.cpp             pt1.x = cvRound(x0 + 1000*(-b));
cvRound            75 modules/cudaimgproc/test/test_hough.cpp             pt1.y = cvRound(y0 + 1000*(a));
cvRound            76 modules/cudaimgproc/test/test_hough.cpp             pt2.x = cvRound(x0 - 1000*(-b));
cvRound            77 modules/cudaimgproc/test/test_hough.cpp             pt2.y = cvRound(y0 - 1000*(a));
cvRound           294 modules/cudalegacy/src/fgd.cpp         const int deltaC  = cvRound(params.delta * 256 / params.Lc);
cvRound           295 modules/cudalegacy/src/fgd.cpp         const int deltaCC = cvRound(params.delta * 256 / params.Lcc);
cvRound           453 modules/cudalegacy/src/fgd.cpp         const int deltaC  = cvRound(params.delta * 256 / params.Lc);
cvRound           454 modules/cudalegacy/src/fgd.cpp         const int deltaCC = cvRound(params.delta * 256 / params.Lcc);
cvRound           419 modules/cudaobjdetect/src/cascadeclassifier.cpp         return cv::Size(cvRound(a.width * f), cvRound(a.height * f));
cvRound           424 modules/cudaobjdetect/src/cascadeclassifier.cpp         return cv::Size(cvRound(a.width / f), cvRound(a.height / f));
cvRound           379 modules/cudaobjdetect/src/hog.cpp             if (cvRound(img.cols / scale) < win_size_.width ||
cvRound           380 modules/cudaobjdetect/src/hog.cpp                 cvRound(img.rows / scale) < win_size_.height ||
cvRound           401 modules/cudaobjdetect/src/hog.cpp             Size sz(cvRound(img.cols / scale), cvRound(img.rows / scale));
cvRound           421 modules/cudaobjdetect/src/hog.cpp             Size scaled_win_size(cvRound(win_size_.width * scale),
cvRound           422 modules/cudaobjdetect/src/hog.cpp                                  cvRound(win_size_.height * scale));
cvRound           350 modules/cudaoptflow/src/farneback.cpp             int smoothSize = cvRound(sigma*5) | 1;
cvRound           353 modules/cudaoptflow/src/farneback.cpp             int width = cvRound(size.width*scale);
cvRound           354 modules/cudaoptflow/src/farneback.cpp             int height = cvRound(size.height*scale);
cvRound          7476 modules/features2d/src/agast.cpp             threshold = cvRound(value);
cvRound           275 modules/features2d/src/blobdetector.cpp             if (binaryImage.at<uchar> (cvRound(center.location.y), cvRound(center.location.x)) != params.blobColor)
cvRound            56 modules/features2d/src/draw.cpp     Point center( cvRound(p.pt.x * draw_multiplier), cvRound(p.pt.y * draw_multiplier) );
cvRound            60 modules/features2d/src/draw.cpp         int radius = cvRound(p.size/2 * draw_multiplier); // KeyPoint::size is a diameter
cvRound            69 modules/features2d/src/draw.cpp             Point orient( cvRound(cos(srcAngleRad)*radius ),
cvRound            70 modules/features2d/src/draw.cpp                           cvRound(sin(srcAngleRad)*radius )
cvRound           184 modules/features2d/src/draw.cpp           Point(cvRound(pt1.x*draw_multiplier), cvRound(pt1.y*draw_multiplier)),
cvRound           185 modules/features2d/src/draw.cpp           Point(cvRound(dpt2.x*draw_multiplier), cvRound(dpt2.y*draw_multiplier)),
cvRound           326 modules/features2d/src/evaluation.cpp     overlaps.reserve(cvRound(keypoints1.size() * keypoints2t.size() * 0.01));
cvRound           389 modules/features2d/src/fast.cpp             threshold = cvRound(value);
cvRound           393 modules/features2d/src/fast.cpp             type = cvRound(value);
cvRound          1075 modules/features2d/src/mser.cpp             (mask.empty() || mask.at<uchar>(cvRound(rect.center.y), cvRound(rect.center.x)) != 0) )
cvRound           152 modules/features2d/src/orb.cpp         int x0 = cvRound(pts[ptidx].pt.x);
cvRound           153 modules/features2d/src/orb.cpp         int y0 = cvRound(pts[ptidx].pt.y);
cvRound           184 modules/features2d/src/orb.cpp         const uchar* center = &img.at<uchar>(cvRound(pts[ptidx].pt.y) + layer.y, cvRound(pts[ptidx].pt.x) + layer.x);
cvRound           231 modules/features2d/src/orb.cpp         const uchar* center = &imagePyramid.at<uchar>(cvRound(kpt.pt.y*scale) + layer.y,
cvRound           232 modules/features2d/src/orb.cpp                                                       cvRound(kpt.pt.x*scale) + layer.x);
cvRound           242 modules/features2d/src/orb.cpp                 ix = cvRound(x), \
cvRound           243 modules/features2d/src/orb.cpp                 iy = cvRound(y), \
cvRound           251 modules/features2d/src/orb.cpp             cvRound(center[iy*step + ix]*(1-x)*(1-y) + center[(iy+1)*step + ix]*(1-x)*y + \
cvRound           734 modules/features2d/src/orb.cpp         buf[i] = Vec3i(cvRound(src[i].pt.x), cvRound(src[i].pt.y), src[i].octave);
cvRound           757 modules/features2d/src/orb.cpp         buf[i] = Vec4i(cvRound(src[i].pt.x*scale), cvRound(src[i].pt.y*scale), z, angle.i);
cvRound           789 modules/features2d/src/orb.cpp         nfeaturesPerLevel[level] = cvRound(ndesiredFeaturesPerScale);
cvRound           805 modules/features2d/src/orb.cpp         umax[v] = cvRound(std::sqrt((double)halfPatchSize * halfPatchSize - v * v));
cvRound          1008 modules/features2d/src/orb.cpp         Size sz(cvRound(image.cols/scale), cvRound(image.rows/scale));
cvRound            85 modules/features2d/test/test_agast.cpp         cv::circle(image1, kp.pt, cvRound(kp.size/2), Scalar(255, 0, 0));
cvRound            91 modules/features2d/test/test_agast.cpp         cv::circle(image2, kp.pt, cvRound(kp.size/2), Scalar(255, 0, 0));
cvRound            85 modules/features2d/test/test_fast.cpp         cv::circle(image1, kp.pt, cvRound(kp.size/2), Scalar(255, 0, 0));
cvRound            91 modules/features2d/test/test_fast.cpp         cv::circle(image2, kp.pt, cvRound(kp.size/2), Scalar(255, 0, 0));
cvRound            71 modules/features2d/test/test_orb.cpp         int x = cvRound(kp->pt.x);
cvRound            72 modules/features2d/test/test_orb.cpp         int y = cvRound(kp->pt.y);
cvRound            77 modules/features2d/test/test_rotation_and_scale_invariance.cpp     Size sz(cvRound(diag), cvRound(diag));
cvRound           412 modules/hal/include/opencv2/hal/defs.h     int i = cvRound(value);
cvRound           435 modules/hal/include/opencv2/hal/defs.h     int i = cvRound(value);
cvRound           519 modules/hal/include/opencv2/hal/defs.h     int i = cvRound(value);
cvRound           542 modules/hal/include/opencv2/hal/defs.h     int i = cvRound(value);
cvRound           628 modules/hal/include/opencv2/hal/defs.h template<> inline uchar saturate_cast<uchar>(float v)        { int iv = cvRound(v); return saturate_cast<uchar>(iv); }
cvRound           629 modules/hal/include/opencv2/hal/defs.h template<> inline uchar saturate_cast<uchar>(double v)       { int iv = cvRound(v); return saturate_cast<uchar>(iv); }
cvRound           638 modules/hal/include/opencv2/hal/defs.h template<> inline schar saturate_cast<schar>(float v)        { int iv = cvRound(v); return saturate_cast<schar>(iv); }
cvRound           639 modules/hal/include/opencv2/hal/defs.h template<> inline schar saturate_cast<schar>(double v)       { int iv = cvRound(v); return saturate_cast<schar>(iv); }
cvRound           647 modules/hal/include/opencv2/hal/defs.h template<> inline ushort saturate_cast<ushort>(float v)      { int iv = cvRound(v); return saturate_cast<ushort>(iv); }
cvRound           648 modules/hal/include/opencv2/hal/defs.h template<> inline ushort saturate_cast<ushort>(double v)     { int iv = cvRound(v); return saturate_cast<ushort>(iv); }
cvRound           655 modules/hal/include/opencv2/hal/defs.h template<> inline short saturate_cast<short>(float v)        { int iv = cvRound(v); return saturate_cast<short>(iv); }
cvRound           656 modules/hal/include/opencv2/hal/defs.h template<> inline short saturate_cast<short>(double v)       { int iv = cvRound(v); return saturate_cast<short>(iv); }
cvRound           660 modules/hal/include/opencv2/hal/defs.h template<> inline int saturate_cast<int>(float v)            { return cvRound(v); }
cvRound           661 modules/hal/include/opencv2/hal/defs.h template<> inline int saturate_cast<int>(double v)           { return cvRound(v); }
cvRound           664 modules/hal/include/opencv2/hal/defs.h template<> inline unsigned saturate_cast<unsigned>(float v)  { return cvRound(v); }
cvRound           665 modules/hal/include/opencv2/hal/defs.h template<> inline unsigned saturate_cast<unsigned>(double v) { return cvRound(v); }
cvRound           197 modules/hal/include/opencv2/hal/intrin_cpp.hpp OPENCV_HAL_IMPL_MATH_FUNC(v_round, cvRound, int)
cvRound           599 modules/hal/include/opencv2/hal/intrin_cpp.hpp         c.s[i] = cvRound(a.s[i]);
cvRound           632 modules/hal/include/opencv2/hal/intrin_cpp.hpp         c.s[i] = cvRound(a.s[i]);
cvRound           585 modules/hal/src/mathfuncs.cpp             val0 = cvRound(x0);
cvRound           586 modules/hal/src/mathfuncs.cpp             val1 = cvRound(x1);
cvRound           587 modules/hal/src/mathfuncs.cpp             val2 = cvRound(x2);
cvRound           588 modules/hal/src/mathfuncs.cpp             val3 = cvRound(x3);
cvRound           632 modules/hal/src/mathfuncs.cpp         val0 = cvRound(x0);
cvRound           753 modules/hal/src/mathfuncs.cpp         val0 = cvRound(x0);
cvRound           754 modules/hal/src/mathfuncs.cpp         val1 = cvRound(x1);
cvRound           755 modules/hal/src/mathfuncs.cpp         val2 = cvRound(x2);
cvRound           756 modules/hal/src/mathfuncs.cpp         val3 = cvRound(x3);
cvRound           801 modules/hal/src/mathfuncs.cpp         val0 = cvRound(x0);
cvRound           235 modules/highgui/src/window_gtk.cpp         return cvSize( max_width, cvRound(max_width/aspect) );
cvRound           237 modules/highgui/src/window_gtk.cpp     return cvSize( cvRound(max_height*aspect), max_height );
cvRound          1812 modules/highgui/src/window_gtk.cpp     int pos = cvRound( gtk_range_get_value(GTK_RANGE(widget)));
cvRound          1859 modules/highgui/src/window_gtk.cpp         pt32f.x = cvRound(event_motion->x);
cvRound          1860 modules/highgui/src/window_gtk.cpp         pt32f.y = cvRound(event_motion->y);
cvRound          1868 modules/highgui/src/window_gtk.cpp         pt32f.x = cvRound(event_button->x);
cvRound          1869 modules/highgui/src/window_gtk.cpp         pt32f.y = cvRound(event_button->y);
cvRound           500 modules/imgcodecs/src/grfmt_exr.cpp                 int t = cvRound(b);
cvRound           502 modules/imgcodecs/src/grfmt_exr.cpp                 t = cvRound(Y);
cvRound           504 modules/imgcodecs/src/grfmt_exr.cpp                 t = cvRound(r);
cvRound           301 modules/imgcodecs/src/grfmt_jpeg2000.cpp     int rshift = cvRound(std::log(maxval/256.)/std::log(2.));
cvRound           365 modules/imgcodecs/src/grfmt_jpeg2000.cpp     int rshift = cvRound(std::log(maxval/65536.)/std::log(2.));
cvRound          1041 modules/imgproc/include/opencv2/imgproc/imgproc_c.h     axes.width = cvRound(box.size.width*0.5);
cvRound          1042 modules/imgproc/include/opencv2/imgproc/imgproc_c.h     axes.height = cvRound(box.size.height*0.5);
cvRound           133 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const Size dstSize(cvRound(srcSize.width * scale), cvRound(srcSize.height * scale));
cvRound           157 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const Size dstSize(cvRound(srcSize.width * scale), cvRound(srcSize.height * scale));
cvRound           112 modules/imgproc/perf/perf_resize.cpp     Size to(cvRound(from.width * scale), cvRound(from.height * scale));
cvRound          3364 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          3409 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          3515 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          3812 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          3861 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          3979 modules/imgproc/src/color.cpp             coeffs[i] = _coeffs ? cvRound(_coeffs[i]*(1 << xyz_shift)) : coeffs0[i];
cvRound          5095 modules/imgproc/src/color.cpp             coeffs[i*3+(blueIdx^2)] = cvRound(_coeffs[i*3]*scale[i]);
cvRound          5096 modules/imgproc/src/color.cpp             coeffs[i*3+1] = cvRound(_coeffs[i*3+1]*scale[i]);
cvRound          5097 modules/imgproc/src/color.cpp             coeffs[i*3+blueIdx] = cvRound(_coeffs[i*3+2]*scale[i]);
cvRound          7164 modules/imgproc/src/color.cpp                     coeffs[i*3+(bidx^2)] = cvRound(_coeffs[i*3]*scale[i]);
cvRound          7165 modules/imgproc/src/color.cpp                     coeffs[i*3+1] = cvRound(_coeffs[i*3+1]*scale[i]);
cvRound          7166 modules/imgproc/src/color.cpp                     coeffs[i*3+bidx] = cvRound(_coeffs[i*3+2]*scale[i]);
cvRound           169 modules/imgproc/src/colormap.cpp             return linear_colormap(X,r,g,b,linspace(begin,end, cvRound(n)));
cvRound           329 modules/imgproc/src/convhull.cpp             int idepth = cvRound(defect_depth*256);
cvRound          1121 modules/imgproc/src/demosaicing.cpp                     G = R + cvRound((Gs - Rs)*scale[ng]);
cvRound          1122 modules/imgproc/src/demosaicing.cpp                     B = R + cvRound((Bs - Rs)*scale[ng]);
cvRound          1193 modules/imgproc/src/demosaicing.cpp                     R = G + cvRound((Rs - Gs)*scale[ng]);
cvRound          1194 modules/imgproc/src/demosaicing.cpp                     B = G + cvRound((Bs - Gs)*scale[ng]);
cvRound           757 modules/imgproc/src/deriv.cpp     int iscale = cvRound(scale), idelta = cvRound(delta);
cvRound            49 modules/imgproc/src/distransform.cpp #define  CV_FLT_TO_FIX(x,n)  cvRound((x)*(1<<(n)))
cvRound           972 modules/imgproc/src/drawing.cpp         pt.x = cvRound( cx + x * alpha - y * beta );
cvRound           973 modules/imgproc/src/drawing.cpp         pt.y = cvRound( cy + x * beta + y * alpha );
cvRound          1596 modules/imgproc/src/drawing.cpp             dp.x = cvRound( dy * r );
cvRound          1597 modules/imgproc/src/drawing.cpp             dp.y = cvRound( dx * r );
cvRound          1686 modules/imgproc/src/drawing.cpp     Point p(cvRound(pt2.x + tipSize * cos(angle + CV_PI / 4)),
cvRound          1687 modules/imgproc/src/drawing.cpp         cvRound(pt2.y + tipSize * sin(angle + CV_PI / 4)));
cvRound          1690 modules/imgproc/src/drawing.cpp     p.x = cvRound(pt2.x + tipSize * cos(angle - CV_PI / 4));
cvRound          1691 modules/imgproc/src/drawing.cpp     p.y = cvRound(pt2.y + tipSize * sin(angle - CV_PI / 4));
cvRound          1779 modules/imgproc/src/drawing.cpp     int _angle = cvRound(angle);
cvRound          1780 modules/imgproc/src/drawing.cpp     int _start_angle = cvRound(start_angle);
cvRound          1781 modules/imgproc/src/drawing.cpp     int _end_angle = cvRound(end_angle);
cvRound          1805 modules/imgproc/src/drawing.cpp     int _angle = cvRound(box.angle);
cvRound          1806 modules/imgproc/src/drawing.cpp     Point center(cvRound(box.center.x*(1 << XY_SHIFT)),
cvRound          1807 modules/imgproc/src/drawing.cpp                  cvRound(box.center.y*(1 << XY_SHIFT)));
cvRound          1808 modules/imgproc/src/drawing.cpp     Size axes(cvRound(box.size.width*(1 << (XY_SHIFT - 1))),
cvRound          1809 modules/imgproc/src/drawing.cpp               cvRound(box.size.height*(1 << (XY_SHIFT - 1))));
cvRound          2100 modules/imgproc/src/drawing.cpp     int hscale = cvRound(fontScale*XY_ONE), vscale = hscale;
cvRound          2159 modules/imgproc/src/drawing.cpp     size.height = cvRound((cap_line + base_line)*fontScale + (thickness+1)/2);
cvRound          2174 modules/imgproc/src/drawing.cpp     size.width = cvRound(view_x + thickness);
cvRound          2176 modules/imgproc/src/drawing.cpp         *_base_line = cvRound(base_line*fontScale + thickness*0.5);
cvRound          2507 modules/imgproc/src/drawing.cpp         int icolor = cvRound( packed_color );
cvRound          2523 modules/imgproc/src/drawing.cpp         int icolor = cvRound( packed_color );
cvRound           183 modules/imgproc/src/featureselect.cpp         const int cell_size = cvRound(minDistance);
cvRound           323 modules/imgproc/src/featureselect.cpp         const int cell_size = cvRound(minDistance);
cvRound          4403 modules/imgproc/src/filter.cpp                 kernelX.at<float>(0, i) = (float) cvRound(kernelX.at<float>(0, i) * (1 << shift_bits));
cvRound          4406 modules/imgproc/src/filter.cpp                     kernelY.at<float>(0, i) = (float) cvRound(kernelY.at<float>(0, i) * (1 << shift_bits));
cvRound            63 modules/imgproc/src/gabor.cpp         xmax = cvRound(std::max(fabs(nstds*sigma_x*c), fabs(nstds*sigma_y*s)));
cvRound            68 modules/imgproc/src/gabor.cpp         ymax = cvRound(std::max(fabs(nstds*sigma_x*s), fabs(nstds*sigma_y*c)));
cvRound           236 modules/imgproc/src/generalized_hough.cpp         const int cellSize = cvRound(minDist_);
cvRound           403 modules/imgproc/src/generalized_hough.cpp                     const int n = cvRound(theta * thetaScale);
cvRound           446 modules/imgproc/src/generalized_hough.cpp                     const int n = cvRound(theta * thetaScale);
cvRound           454 modules/imgproc/src/generalized_hough.cpp                         c.x = cvRound(c.x * idp);
cvRound           455 modules/imgproc/src/generalized_hough.cpp                         c.y = cvRound(c.y * idp);
cvRound           722 modules/imgproc/src/generalized_hough.cpp                     const int n = cvRound(f.alpha12 * alphaScale);
cvRound           790 modules/imgproc/src/generalized_hough.cpp                         const int n = cvRound((angle - minAngle_) * iAngleStep);
cvRound           843 modules/imgproc/src/generalized_hough.cpp                             const int s = cvRound((scale - minScale_) * iScaleStep);
cvRound           915 modules/imgproc/src/generalized_hough.cpp                             ++DHist.at<int>(cvRound(c1.y) + 1, cvRound(c1.x) + 1);
cvRound           105 modules/imgproc/src/geometry.cpp     Point ip(cvRound(pt.x), cvRound(pt.y));
cvRound          1441 modules/imgproc/src/histogram.cpp             val->i = cvRound(val->f);
cvRound            96 modules/imgproc/src/hough.cpp     int numangle = cvRound((max_theta - min_theta) / theta);
cvRound            97 modules/imgproc/src/hough.cpp     int numrho = cvRound(((width + height) * 2 + 1) / rho);
cvRound           148 modules/imgproc/src/hough.cpp                     int r = cvRound( j * tabCos[n] + i * tabSin[n] );
cvRound           429 modules/imgproc/src/hough.cpp     int numangle = cvRound(CV_PI / theta);
cvRound           430 modules/imgproc/src/hough.cpp     int numrho = cvRound(((width + height) * 2 + 1) / rho);
cvRound           517 modules/imgproc/src/hough.cpp             int r = cvRound( j * ttab[n*2] + i * ttab[n*2+1] );
cvRound           541 modules/imgproc/src/hough.cpp             dy0 = cvRound( b*(1 << shift)/fabs(a) );
cvRound           548 modules/imgproc/src/hough.cpp             dx0 = cvRound( a*(1 << shift)/fabs(b) );
cvRound           638 modules/imgproc/src/hough.cpp                             int r = cvRound( j1 * ttab[n*2] + i1 * ttab[n*2+1] );
cvRound           746 modules/imgproc/src/hough.cpp     int numangle = cvRound((max_theta - min_theta) / theta);
cvRound           747 modules/imgproc/src/hough.cpp     int numrho = cvRound(((src.cols + src.rows) * 2 + 1) / rho);
cvRound           800 modules/imgproc/src/hough.cpp     int numangle = cvRound(CV_PI / theta);
cvRound           801 modules/imgproc/src/hough.cpp     int numrho = cvRound(((src.cols + src.rows) * 2 + 1) / rho);
cvRound           862 modules/imgproc/src/hough.cpp         HoughLinesSDiv(image, (float)rho, (float)theta, threshold, cvRound(srn), cvRound(stn), lines, INT_MAX, min_theta, max_theta);
cvRound           877 modules/imgproc/src/hough.cpp     HoughLinesProbabilistic(image, (float)rho, (float)theta, threshold, cvRound(minLineLength), cvRound(maxGap), lines, INT_MAX);
cvRound           944 modules/imgproc/src/hough.cpp     iparam1 = cvRound(param1);
cvRound           945 modules/imgproc/src/hough.cpp     iparam2 = cvRound(param2);
cvRound          1074 modules/imgproc/src/hough.cpp             sx = cvRound((vx*idp)*ONE/mag);
cvRound          1075 modules/imgproc/src/hough.cpp             sy = cvRound((vy*idp)*ONE/mag);
cvRound          1077 modules/imgproc/src/hough.cpp             x0 = cvRound((x*idp)*ONE);
cvRound          1078 modules/imgproc/src/hough.cpp             y0 = cvRound((y*idp)*ONE);
cvRound          1234 modules/imgproc/src/hough.cpp     int canny_threshold = cvRound(param1);
cvRound          1235 modules/imgproc/src/hough.cpp     int acc_threshold = cvRound(param2);
cvRound          2799 modules/imgproc/src/imgwarp.cpp         int dsty = min(cvRound(range.start * inv_scale_y), dst.rows);
cvRound          2800 modules/imgproc/src/imgwarp.cpp         int dstwidth  = min(cvRound(src.cols * inv_scale_x), dst.cols);
cvRound          2801 modules/imgproc/src/imgwarp.cpp         int dstheight = min(cvRound(range.end * inv_scale_y), dst.rows);
cvRound          4425 modules/imgproc/src/imgwarp.cpp                             int sx = cvRound(sX[x1]*INTER_TAB_SIZE);
cvRound          4426 modules/imgproc/src/imgwarp.cpp                             int sy = cvRound(sY[x1]*INTER_TAB_SIZE);
cvRound          4459 modules/imgproc/src/imgwarp.cpp                             int sx = cvRound(sXY[x1*2]*INTER_TAB_SIZE);
cvRound          4460 modules/imgproc/src/imgwarp.cpp                             int sy = cvRound(sXY[x1*2+1]*INTER_TAB_SIZE);
cvRound          1107 modules/imgproc/src/morph.cpp         int row0 = std::min(cvRound(range.start * src.rows / nStripes), src.rows);
cvRound          1108 modules/imgproc/src/morph.cpp         int row1 = std::min(cvRound(range.end * src.rows / nStripes), src.rows);
cvRound          1498 modules/imgproc/src/pyramids.cpp                 layer_size.width = cvRound(layer_size.width*rate+eps);
cvRound          1499 modules/imgproc/src/pyramids.cpp                 layer_size.height = cvRound(layer_size.height*rate+eps);
cvRound          1523 modules/imgproc/src/pyramids.cpp             layer_size.width = cvRound(layer_size.width*rate + eps);
cvRound          1524 modules/imgproc/src/pyramids.cpp             layer_size.height = cvRound(layer_size.height*rate + eps);
cvRound           109 modules/imgproc/src/samplers.cpp     int operator()(float a) const { return cvRound(a*(1 << SUBPIX_SHIFT)); }
cvRound           119 modules/imgproc/src/samplers.cpp     uchar operator()(float a) const { return (uchar)cvRound(a); }
cvRound           359 modules/imgproc/src/segmentation.cpp     int isr2 = cvRound(sr2), isr22 = MAX(isr2,16);
cvRound           467 modules/imgproc/src/segmentation.cpp                     minx = cvRound(x0 - sp); minx = MAX(minx, 0);
cvRound           468 modules/imgproc/src/segmentation.cpp                     miny = cvRound(y0 - sp); miny = MAX(miny, 0);
cvRound           469 modules/imgproc/src/segmentation.cpp                     maxx = cvRound(x0 + sp); maxx = MIN(maxx, size.width-1);
cvRound           470 modules/imgproc/src/segmentation.cpp                     maxy = cvRound(y0 + sp); maxy = MIN(maxy, size.height-1);
cvRound           523 modules/imgproc/src/segmentation.cpp                     x1 = cvRound(sx*icount);
cvRound           524 modules/imgproc/src/segmentation.cpp                     y1 = cvRound(sy*icount);
cvRound           525 modules/imgproc/src/segmentation.cpp                     s0 = cvRound(s0*icount);
cvRound           526 modules/imgproc/src/segmentation.cpp                     s1 = cvRound(s1*icount);
cvRound           527 modules/imgproc/src/segmentation.cpp                     s2 = cvRound(s2*icount);
cvRound          1598 modules/imgproc/src/smooth.cpp         ksize.width = cvRound(sigma1*(depth == CV_8U ? 3 : 4)*2 + 1)|1;
cvRound          1600 modules/imgproc/src/smooth.cpp         ksize.height = cvRound(sigma2*(depth == CV_8U ? 3 : 4)*2 + 1)|1;
cvRound          2826 modules/imgproc/src/smooth.cpp                     dptr[j] = (uchar)cvRound(sum/wsum);
cvRound          2900 modules/imgproc/src/smooth.cpp                     b0 = cvRound(sum_b*wsum);
cvRound          2901 modules/imgproc/src/smooth.cpp                     g0 = cvRound(sum_g*wsum);
cvRound          2902 modules/imgproc/src/smooth.cpp                     r0 = cvRound(sum_r*wsum);
cvRound          2989 modules/imgproc/src/smooth.cpp         radius = cvRound(sigma_space * 1.5);
cvRound          3077 modules/imgproc/src/smooth.cpp         radius = cvRound(sigma_space*1.5);
cvRound          3343 modules/imgproc/src/smooth.cpp         radius = cvRound(sigma_space*1.5);
cvRound           138 modules/imgproc/src/templmatch.cpp     block_size.width = cvRound(result_size.width*blockScale);
cvRound           141 modules/imgproc/src/templmatch.cpp     block_size.height = cvRound(templ_size.height*blockScale);
cvRound           667 modules/imgproc/src/templmatch.cpp     blocksize.width = cvRound(templ.cols*blockScale);
cvRound           670 modules/imgproc/src/templmatch.cpp     blocksize.height = cvRound(templ.rows*blockScale);
cvRound          1214 modules/imgproc/src/thresh.cpp         int imaxval = cvRound(maxval);
cvRound          1241 modules/imgproc/src/thresh.cpp         int imaxval = cvRound(maxval);
cvRound           110 modules/imgproc/test/ocl/test_warp.cpp             EXPECT_MAT_N_DIFF(dst_roi, udst_roi, cvRound(dst_roi.total()*threshold));
cvRound           195 modules/imgproc/test/ocl/test_warp.cpp         dstRoiSize.width = cvRound(srcRoiSize.width * fx);
cvRound           196 modules/imgproc/test/ocl/test_warp.cpp         dstRoiSize.height = cvRound(srcRoiSize.height * fy);
cvRound           147 modules/imgproc/test/test_approxpoly.cpp         pt.x = cvRound( center.x + radius*cos(angle*deg_to_rad));
cvRound           148 modules/imgproc/test/test_approxpoly.cpp         pt.y = cvRound( center.x - radius*sin(angle*deg_to_rad));
cvRound            94 modules/imgproc/test/test_bilateral_filter.cpp         return cvRound(exp((double)rand_value));
cvRound           124 modules/imgproc/test/test_bilateral_filter.cpp             radius = cvRound(sigma_space*1.5);
cvRound           267 modules/imgproc/test/test_canny.cpp     if( err != cvRound(err) || cvRound(err)%255 != 0 )
cvRound           274 modules/imgproc/test/test_canny.cpp     nz0 = cvRound(cvtest::norm(test_mat[REF_OUTPUT][0], CV_L1)/255);
cvRound           240 modules/imgproc/test/test_color.cpp                     int t = cvRound( dst_buf[j] );
cvRound           261 modules/imgproc/test/test_color.cpp                     int t = cvRound( dst_buf[j] );
cvRound           331 modules/imgproc/test/test_color.cpp                         int b = cvRound( dst_buf[j*3]*255. );
cvRound           332 modules/imgproc/test/test_color.cpp                         int g = cvRound( dst_buf[j*3+1]*255. );
cvRound           333 modules/imgproc/test/test_color.cpp                         int r = cvRound( dst_buf[j*3+2]*255. );
cvRound           354 modules/imgproc/test/test_color.cpp                         int b = cvRound( dst_buf[j*3]*65535. );
cvRound           355 modules/imgproc/test/test_color.cpp                         int g = cvRound( dst_buf[j*3+1]*65535. );
cvRound           356 modules/imgproc/test/test_color.cpp                         int r = cvRound( dst_buf[j*3+2]*65535. );
cvRound           216 modules/imgproc/test/test_contours.cpp     blob_count = cvRound(exp(cvtest::randReal(rng)*max_log_blob_count*CV_LOG2));
cvRound           218 modules/imgproc/test/test_contours.cpp     img_size.width = cvRound(exp((cvtest::randReal(rng)*
cvRound           220 modules/imgproc/test/test_contours.cpp     img_size.height = cvRound(exp((cvtest::randReal(rng)*
cvRound           326 modules/imgproc/test/test_convhull.cpp                 pi[k] = cvRound(cvtest::randReal(rng)*a[k] + b[k]);
cvRound           345 modules/imgproc/test/test_convhull.cpp     size = cvRound( exp((cvtest::randReal(rng) * (max_log_size - min_log_size) + min_log_size)*CV_LOG2) );
cvRound           741 modules/imgproc/test/test_convhull.cpp         cvCircle(img,cvPoint(cvRound(p[i].x*a+b),cvRound(p[i].y*c+d)), 3, CV_RGB(0,255,0), -1 );
cvRound           743 modules/imgproc/test/test_convhull.cpp         bp[i] = cvPoint(cvRound(box_pt[i].x*a+b),cvRound(box_pt[i].y*c+d));
cvRound           851 modules/imgproc/test/test_convhull.cpp         cvCircle(img,cvPoint(cvRound(p[i].x*a+b),cvRound(p[i].y*c+d)), 3, CV_RGB(0,255,0), -1 );
cvRound           853 modules/imgproc/test/test_convhull.cpp         bp[i] = cvPoint(cvRound(triangle[i].x*a+b),cvRound(triangle[i].y*c+d));
cvRound           980 modules/imgproc/test/test_convhull.cpp         cvCircle(img,cvPoint(cvRound(p[i].x*a+b),cvRound(p[i].y*a+d)), 3, CV_RGB(0,255,0), -1 );
cvRound           981 modules/imgproc/test/test_convhull.cpp     cvCircle( img, cvPoint(cvRound(center.x*a+b),cvRound(center.y*a+d)),
cvRound           982 modules/imgproc/test/test_convhull.cpp               cvRound(radius*a), CV_RGB(255,255,0), 1 );
cvRound          1217 modules/imgproc/test/test_convhull.cpp             pp->x = cvRound(p.x);
cvRound          1218 modules/imgproc/test/test_convhull.cpp             pp->y = cvRound(p.y);
cvRound          1296 modules/imgproc/test/test_convhull.cpp     IplImage* img = cvCreateImage( cvSize(cvRound(low_high_range*4),
cvRound          1297 modules/imgproc/test/test_convhull.cpp         cvRound(low_high_range*4)), 8, 3 );
cvRound          1307 modules/imgproc/test/test_convhull.cpp         pt.x = cvRound(points2->data.fl[i*2] + low_high_range*2);
cvRound          1308 modules/imgproc/test/test_convhull.cpp         pt.y = cvRound(points2->data.fl[i*2+1] + low_high_range*2);
cvRound          1511 modules/imgproc/test/test_convhull.cpp                 pi[k] = cvRound(p[k]);
cvRound          1690 modules/imgproc/test/test_convhull.cpp             pp->x = cvRound(p.x);
cvRound          1691 modules/imgproc/test/test_convhull.cpp             pp->y = cvRound(p.y);
cvRound          1738 modules/imgproc/test/test_convhull.cpp     img_size.width = img_size.height = cvRound(low_high_range*2.2);
cvRound          1877 modules/imgproc/test/test_convhull.cpp             pt.x = cvRound(center.x + r*cos(phi));
cvRound          1878 modules/imgproc/test/test_convhull.cpp             pt.y = cvRound(center.y - r*sin(phi));
cvRound           146 modules/imgproc/test/test_histograms.cpp     max_dim_size = cvRound(pow(hist_size,1./cdims));
cvRound           160 modules/imgproc/test/test_histograms.cpp     img_size.width = cvRound( exp(cvtest::randReal(rng) * img_max_log_size * CV_LOG2) );
cvRound           161 modules/imgproc/test/test_histograms.cpp     img_size.height = cvRound( exp(cvtest::randReal(rng) * img_max_log_size * CV_LOG2) );
cvRound          1429 modules/imgproc/test/test_histograms.cpp                     ((uchar*)data)[idx] = (uchar)cvRound(val);
cvRound          1522 modules/imgproc/test/test_histograms.cpp                 int t = cvRound(bin_val);
cvRound          1657 modules/imgproc/test/test_histograms.cpp                     ((uchar*)data)[idx] = (uchar)cvRound(val);
cvRound           309 modules/imgproc/test/test_imgwarp.cpp             i = cvRound(f);
cvRound           316 modules/imgproc/test/test_imgwarp.cpp             i = cvRound(f);
cvRound           413 modules/imgproc/test/test_imgwarp.cpp                     dptr[k] = (uchar)cvRound(v00);
cvRound           430 modules/imgproc/test/test_imgwarp.cpp                     ((ushort*)dptr)[k] = (ushort)cvRound(v00);
cvRound          1179 modules/imgproc/test/test_imgwarp.cpp     dst_size.width = cvRound(sqrt(cvtest::randReal(rng)*src_size.width) + 1);
cvRound          1180 modules/imgproc/test/test_imgwarp.cpp     dst_size.height = cvRound(sqrt(cvtest::randReal(rng)*src_size.height) + 1);
cvRound          1290 modules/imgproc/test/test_imgwarp.cpp     dsz.width = cvRound(sqrt(cvtest::randReal(rng)*msz) + 1);
cvRound          1291 modules/imgproc/test/test_imgwarp.cpp     dsz.height = cvRound(sqrt(cvtest::randReal(rng)*msz) + 1);
cvRound           274 modules/imgproc/test/test_imgwarp_strict.cpp                     fabs(scale_x - cvRound(scale_x)) < FLT_EPSILON &&
cvRound           275 modules/imgproc/test/test_imgwarp_strict.cpp                     fabs(scale_y - cvRound(scale_y)) < FLT_EPSILON;
cvRound           278 modules/imgproc/test/test_imgwarp_strict.cpp                     scale_y = cvRound(scale_y);
cvRound           279 modules/imgproc/test/test_imgwarp_strict.cpp                     scale_x = cvRound(scale_x);
cvRound           427 modules/imgproc/test/test_imgwarp_strict.cpp         fabs(scale_x - cvRound(scale_x)) < FLT_EPSILON &&
cvRound           428 modules/imgproc/test/test_imgwarp_strict.cpp         fabs(scale_y - cvRound(scale_y)) < FLT_EPSILON;
cvRound           431 modules/imgproc/test/test_imgwarp_strict.cpp         scale_x = cvRound(scale_x);
cvRound           432 modules/imgproc/test/test_imgwarp_strict.cpp         scale_y = cvRound(scale_y);
cvRound           143 modules/imgproc/test/test_thresh.cpp         ithresh2 = cvRound(ithresh);
cvRound           144 modules/imgproc/test/test_thresh.cpp         imaxval = cvRound(maxval);
cvRound           454 modules/ml/src/data.cpp                     idata[i] = cvRound(fdata[i*istep]);
cvRound           633 modules/ml/src/data.cpp                 if( allresponses[i] != cvRound(allresponses[i]) )
cvRound           747 modules/ml/src/data.cpp         setTrainTestSplit(cvRound(getNSamples()*ratio), shuffle);
cvRound           907 modules/ml/src/data.cpp                 int val = cvRound(fvalues[i]);
cvRound           917 modules/ml/src/data.cpp                 int val = cvRound(fvalues[i]);
cvRound           110 modules/ml/src/rtrees.cpp         int i, m = rparams.nactiveVars > 0 ? rparams.nactiveVars : cvRound(std::sqrt((double)nvars));
cvRound           219 modules/ml/src/rtrees.cpp                         int ival = cvRound(val);
cvRound           266 modules/ml/src/rtrees.cpp                                 ncorrect_responses_permuted += cvRound(val) == w->cat_responses[w->sidx[j]];
cvRound          1094 modules/ml/src/svm.cpp             int i, n = cvRound( nu*sample_count );
cvRound          1431 modules/ml/src/tree.cpp                     c = cvRound(val);
cvRound          1440 modules/ml/src/tree.cpp                         int ival = cvRound(val);
cvRound          1524 modules/ml/src/tree.cpp                 results.at<int>(i) = cvRound(val);
cvRound           114 modules/ml/test/test_mltests2.cpp         int r = cvRound(responses.at<float>(sidx));
cvRound           124 modules/ml/test/test_mltests2.cpp         int r = cvRound(responses.at<float>(sidx));
cvRound           166 modules/ml/test/test_mltests2.cpp         int r = cvRound(responses.at<float>(si));
cvRound           437 modules/objdetect/src/cascadedetect.cpp     sbufSize.width = std::max(sbufSize.width, (int)alignSize(cvRound(imgsz.width/_scales[0]) + 31, 32));
cvRound           447 modules/objdetect/src/cascadedetect.cpp         sz.width = cvRound(imgsz.width/sc);
cvRound           448 modules/objdetect/src/cascadedetect.cpp         sz.height = cvRound(imgsz.height/sc);
cvRound           989 modules/objdetect/src/cascadedetect.cpp             Size winSize(cvRound(origWinSize.width * scalingFactor),
cvRound           990 modules/objdetect/src/cascadedetect.cpp                          cvRound(origWinSize.height * scalingFactor));
cvRound          1004 modules/objdetect/src/cascadedetect.cpp                             rectangles->push_back(Rect(cvRound(x*scalingFactor),
cvRound          1005 modules/objdetect/src/cascadedetect.cpp                                                        cvRound(y*scalingFactor),
cvRound          1015 modules/objdetect/src/cascadedetect.cpp                         rectangles->push_back(Rect(cvRound(x*scalingFactor),
cvRound          1016 modules/objdetect/src/cascadedetect.cpp                                                    cvRound(y*scalingFactor),
cvRound          1166 modules/objdetect/src/cascadedetect.cpp             candidates.push_back(Rect(cvRound(fptr[i*3 + 2]*s.scale),
cvRound          1167 modules/objdetect/src/cascadedetect.cpp                                       cvRound(fptr[i*3 + 3]*s.scale),
cvRound          1168 modules/objdetect/src/cascadedetect.cpp                                       cvRound(data.origWinSize.width*s.scale),
cvRound          1169 modules/objdetect/src/cascadedetect.cpp                                       cvRound(data.origWinSize.height*s.scale)));
cvRound          1269 modules/objdetect/src/cascadedetect.cpp         Size windowSize( cvRound(originalWindowSize.width*factor), cvRound(originalWindowSize.height*factor) );
cvRound           113 modules/objdetect/src/detection_based_tracker.cpp     int x=cvRound(m.x - width/2);
cvRound           114 modules/objdetect/src/detection_based_tracker.cpp     int y=cvRound(m.y - height/2);
cvRound           116 modules/objdetect/src/detection_based_tracker.cpp     return cv::Rect(x, y, cvRound(width), cvRound(height));
cvRound           665 modules/objdetect/src/detection_based_tracker.cpp                 r.x += cvRound(shift.x);
cvRound           666 modules/objdetect/src/detection_based_tracker.cpp                 r.y += cvRound(shift.y);
cvRound           964 modules/objdetect/src/detection_based_tracker.cpp     Rect res(cvRound(tl.x), cvRound(tl.y), cvRound(w), cvRound(h));
cvRound           982 modules/objdetect/src/detection_based_tracker.cpp     int d = cvRound(std::min(r.width, r.height) * innerParameters.coeffObjectSizeToTrack);
cvRound           482 modules/objdetect/src/haar.cpp     _cascade->real_window_size.width = cvRound( _cascade->orig_window_size.width * scale );
cvRound           483 modules/objdetect/src/haar.cpp     _cascade->real_window_size.height = cvRound( _cascade->orig_window_size.height * scale );
cvRound           488 modules/objdetect/src/haar.cpp     equRect.x = equRect.y = cvRound(scale);
cvRound           489 modules/objdetect/src/haar.cpp     equRect.width = cvRound((_cascade->orig_window_size.width-2)*scale);
cvRound           490 modules/objdetect/src/haar.cpp     equRect.height = cvRound((_cascade->orig_window_size.height-2)*scale);
cvRound           553 modules/objdetect/src/haar.cpp                     new_base_w = cvRound( r[0].width * scale ) / kx;
cvRound           554 modules/objdetect/src/haar.cpp                     x0 = cvRound( r[0].x * scale );
cvRound           560 modules/objdetect/src/haar.cpp                     new_base_h = cvRound( r[0].height * scale ) / ky;
cvRound           561 modules/objdetect/src/haar.cpp                     y0 = cvRound( r[0].y * scale );
cvRound           576 modules/objdetect/src/haar.cpp                         tr.x = cvRound( r[k].x * scale );
cvRound           577 modules/objdetect/src/haar.cpp                         tr.width = cvRound( r[k].width * scale );
cvRound           587 modules/objdetect/src/haar.cpp                         tr.y = cvRound( r[k].y * scale );
cvRound           588 modules/objdetect/src/haar.cpp                         tr.height = cvRound( r[k].height * scale );
cvRound          1308 modules/objdetect/src/haar.cpp         Size winSize(cvRound(winSize0.width*factor), cvRound(winSize0.height*factor));
cvRound          1364 modules/objdetect/src/haar.cpp                             vec->push_back(Rect(cvRound(x*factor), cvRound(y*factor),
cvRound          1388 modules/objdetect/src/haar.cpp                             vec->push_back(Rect(cvRound(x*factor), cvRound(y*factor),
cvRound          1400 modules/objdetect/src/haar.cpp                             vec->push_back(Rect(cvRound(x*factor), cvRound(y*factor),
cvRound          1448 modules/objdetect/src/haar.cpp             int ix, y = cvRound(iy*ystep), ixstep = 1;
cvRound          1451 modules/objdetect/src/haar.cpp                 int x = cvRound(ix*ystep); // it should really be ystep, not ixstep
cvRound          1574 modules/objdetect/src/haar.cpp             CvSize winSize(cvRound(winSize0.width*factor),
cvRound          1575 modules/objdetect/src/haar.cpp                                 cvRound(winSize0.height*factor));
cvRound          1576 modules/objdetect/src/haar.cpp             CvSize sz(cvRound( img->cols/factor ), cvRound( img->rows/factor ));
cvRound          1661 modules/objdetect/src/haar.cpp             CvSize winSize(cvRound( cascade->orig_window_size.width * factor ),
cvRound          1662 modules/objdetect/src/haar.cpp                                 cvRound( cascade->orig_window_size.height * factor ));
cvRound          1667 modules/objdetect/src/haar.cpp             int endX = cvRound((img->cols - winSize.width) / ystep);
cvRound          1668 modules/objdetect/src/haar.cpp             int endY = cvRound((img->rows - winSize.height) / ystep);
cvRound          1689 modules/objdetect/src/haar.cpp                 equRect.x = cvRound(winSize.width*0.15);
cvRound          1690 modules/objdetect/src/haar.cpp                 equRect.y = cvRound(winSize.height*0.15);
cvRound          1691 modules/objdetect/src/haar.cpp                 equRect.width = cvRound(winSize.width*0.7);
cvRound          1692 modules/objdetect/src/haar.cpp                 equRect.height = cvRound(winSize.height*0.7);
cvRound          1712 modules/objdetect/src/haar.cpp                 startY = cvRound(scanROI.y / ystep);
cvRound          1713 modules/objdetect/src/haar.cpp                 endY = cvRound((scanROI.y + scanROI.height - winSize.height) / ystep);
cvRound          1715 modules/objdetect/src/haar.cpp                 startX = cvRound(scanROI.x / ystep);
cvRound          1716 modules/objdetect/src/haar.cpp                 endX = cvRound((scanROI.x + scanROI.width - winSize.width) / ystep);
cvRound          1745 modules/objdetect/src/haar.cpp                     int dx = cvRound(maxRect.width*GROUP_EPS);
cvRound          1746 modules/objdetect/src/haar.cpp                     int dy = cvRound(maxRect.height*GROUP_EPS);
cvRound          1753 modules/objdetect/src/haar.cpp                     minSize.width = cvRound(maxRect.width*minScale);
cvRound          1754 modules/objdetect/src/haar.cpp                     minSize.height = cvRound(maxRect.height*minScale);
cvRound          1594 modules/objdetect/src/hog.cpp             Size sz(cvRound(img.cols/scale), cvRound(img.rows/scale));
cvRound          1601 modules/objdetect/src/hog.cpp             Size scaledWinSize = Size(cvRound(hog->winSize.width*scale), cvRound(hog->winSize.height*scale));
cvRound          1606 modules/objdetect/src/hog.cpp                 vec->push_back(Rect(cvRound(locations[j].x*scale),
cvRound          1607 modules/objdetect/src/hog.cpp                                     cvRound(locations[j].y*scale),
cvRound          1807 modules/objdetect/src/hog.cpp         Size effect_size = Size(cvRound(imgSize.width / scale), cvRound(imgSize.height / scale));
cvRound          1821 modules/objdetect/src/hog.cpp         Size scaled_win_size(cvRound(winSize.width * scale),
cvRound          1822 modules/objdetect/src/hog.cpp             cvRound(winSize.height * scale));
cvRound          1847 modules/objdetect/src/hog.cpp         if( cvRound(imgSize.width/scale) < winSize.width ||
cvRound          1848 modules/objdetect/src/hog.cpp             cvRound(imgSize.height/scale) < winSize.height ||
cvRound          3298 modules/objdetect/src/hog.cpp             Size sz(cvRound(img.cols / scale), cvRound(img.rows / scale));
cvRound          3307 modules/objdetect/src/hog.cpp             Size scaledWinSize = Size(cvRound(hog->winSize.width*scale), cvRound(hog->winSize.height*scale));
cvRound          3310 modules/objdetect/src/hog.cpp                 vec->push_back(Rect(cvRound(dets[j].x*scale),
cvRound          3311 modules/objdetect/src/hog.cpp                                     cvRound(dets[j].y*scale),
cvRound           369 modules/objdetect/test/test_cascadeandhog.cpp         EXPECT_LE(noPair, cvRound(valRects.size()*eps.noPair)+1)
cvRound           377 modules/objdetect/test/test_cascadeandhog.cpp     EXPECT_LE(totalNoPair, cvRound(totalValRectCount*eps./*total*/noPair)+1)
cvRound           141 modules/photo/src/fast_nlmeans_denoising_invoker_commons.hpp             WT weight = (WT)cvRound(fixed_point_mult * w);
cvRound           263 modules/photo/src/fast_nlmeans_denoising_invoker_commons.hpp             WT weight = (WT)cvRound(fixed_point_mult * w);
cvRound           737 modules/photo/src/inpaint.cpp     int range=cvRound(inpaintRange);
cvRound            51 modules/photo/test/test_denoise_tvl1.cpp     cv::randu(mask, 0, cvRound(1./pepper_salt_ratio));
cvRound           640 modules/stitching/src/seam_finders.cpp             double cx1 = cvRound(sum[i].x / size1), cy1 = cvRound(sum[i].y / size1);
cvRound           641 modules/stitching/src/seam_finders.cpp             double cx2 = cvRound(sum[j].x / size2), cy2 = cvRound(sum[j].y / size1);
cvRound           660 modules/stitching/src/seam_finders.cpp         double cx = cvRound(sum[idx[i]].x / size);
cvRound           661 modules/stitching/src/seam_finders.cpp         double cy = cvRound(sum[idx[i]].y / size);
cvRound           255 modules/stitching/src/stitcher.cpp                     sz.width = cvRound(full_img_sizes_[i].width * compose_scale);
cvRound           256 modules/stitching/src/stitcher.cpp                     sz.height = cvRound(full_img_sizes_[i].height * compose_scale);
cvRound           436 modules/stitching/src/stitcher.cpp                 Point tl(cvRound(rois_[i][j].x * work_scale_), cvRound(rois_[i][j].y * work_scale_));
cvRound           437 modules/stitching/src/stitcher.cpp                 Point br(cvRound(rois_[i][j].br().x * work_scale_), cvRound(rois_[i][j].br().y * work_scale_));
cvRound           317 modules/ts/src/ts.cpp         int t = cvRound( ((double)test_case_idx * width)/count );
cvRound           324 modules/ts/src/ts.cpp     else if( cvRound(dt) > progress )
cvRound           327 modules/ts/src/ts.cpp         progress = cvRound(dt);
cvRound            92 modules/ts/src/ts_arrtest.cpp     test_case_count = cvRound( test_case_count*ts->get_test_case_count_scale() );
cvRound           110 modules/ts/src/ts_arrtest.cpp     size.width = cvRound( exp(val*CV_LOG2) );
cvRound           112 modules/ts/src/ts_arrtest.cpp     size.height = cvRound( exp(val*CV_LOG2) );
cvRound            51 modules/ts/src/ts_func.cpp     sz.width = cvRound(exp(width_log));
cvRound            52 modules/ts/src/ts_func.cpp     sz.height = cvRound(exp(height_log));
cvRound            64 modules/ts/src/ts_func.cpp         sz[i] = cvRound(exp(v));
cvRound            82 modules/video/src/bgfg_KNN.cpp     nkNN=MAX(1,cvRound(0.1*nN*3+0.40));
cvRound           107 modules/video/src/bgfg_KNN.cpp     nkNN=MAX(1,cvRound(0.1*nN*3+0.40));
cvRound            67 modules/video/src/camshift.cpp     eps = cvRound(eps*eps);
cvRound            87 modules/video/src/camshift.cpp         int dx = cvRound( m.m10/m.m00 - window.width*0.5 );
cvRound            88 modules/video/src/camshift.cpp         int dy = cvRound( m.m01/m.m00 - window.height*0.5 );
cvRound           150 modules/video/src/camshift.cpp     int xc = cvRound( m10 * inv_m00 + window.x );
cvRound           151 modules/video/src/camshift.cpp     int yc = cvRound( m01 * inv_m00 + window.y );
cvRound           178 modules/video/src/camshift.cpp     int _xc = cvRound( xc );
cvRound           179 modules/video/src/camshift.cpp     int _yc = cvRound( yc );
cvRound           181 modules/video/src/camshift.cpp     int t0 = cvRound( fabs( length * cs ));
cvRound           182 modules/video/src/camshift.cpp     int t1 = cvRound( fabs( width * sn ));
cvRound           187 modules/video/src/camshift.cpp     t0 = cvRound( fabs( length * sn ));
cvRound           188 modules/video/src/camshift.cpp     t1 = cvRound( fabs( width * cs ));
cvRound            60 modules/video/src/compat_video.cpp         comp->area = cvRound(cv::sum(img(window))[0]);
cvRound            81 modules/video/src/compat_video.cpp         comp->area = cvRound(cv::sum(img(roi))[0]);
cvRound           275 modules/video/src/lkpyramid.cpp         int iw00 = cvRound((1.f - a)*(1.f - b)*(1 << W_BITS));
cvRound           276 modules/video/src/lkpyramid.cpp         int iw01 = cvRound(a*(1.f - b)*(1 << W_BITS));
cvRound           277 modules/video/src/lkpyramid.cpp         int iw10 = cvRound((1.f - a)*b*(1 << W_BITS));
cvRound           520 modules/video/src/lkpyramid.cpp             iw00 = cvRound((1.f - a)*(1.f - b)*(1 << W_BITS));
cvRound           521 modules/video/src/lkpyramid.cpp             iw01 = cvRound(a*(1.f - b)*(1 << W_BITS));
cvRound           522 modules/video/src/lkpyramid.cpp             iw10 = cvRound((1.f - a)*b*(1 << W_BITS));
cvRound           720 modules/video/src/lkpyramid.cpp             iw00 = cvRound((1.f - aa)*(1.f - bb)*(1 << W_BITS));
cvRound           721 modules/video/src/lkpyramid.cpp             iw01 = cvRound(aa*(1.f - bb)*(1 << W_BITS));
cvRound           722 modules/video/src/lkpyramid.cpp             iw10 = cvRound((1.f - aa)*bb*(1 << W_BITS));
cvRound          1392 modules/video/src/lkpyramid.cpp         sz1.width = cvRound( sz0.width * scale );
cvRound          1393 modules/video/src/lkpyramid.cpp         sz1.height = cvRound( sz0.height * scale );
cvRound          1420 modules/video/src/lkpyramid.cpp         int count_x = cvRound((double)COUNT*sz1.width/sz1.height);
cvRound           263 modules/video/src/optflowgf.cpp             int x1 = cvRound(fx), y1 = cvRound(fy);
cvRound           665 modules/video/src/optflowgf.cpp             int smoothSize = cvRound(sigma*5) | 1;
cvRound           668 modules/video/src/optflowgf.cpp             int width = cvRound(size.width*scale);
cvRound           669 modules/video/src/optflowgf.cpp             int height = cvRound(size.height*scale);
cvRound          1117 modules/video/src/optflowgf.cpp         int smooth_sz = cvRound(sigma*5)|1;
cvRound          1120 modules/video/src/optflowgf.cpp         int width = cvRound(prev0.cols*scale);
cvRound          1121 modules/video/src/optflowgf.cpp         int height = cvRound(prev0.rows*scale);
cvRound           172 modules/video/test/test_camshift.cpp     img_size.width = cvRound(cvtest::randReal(rng)*m*0.5 + m + 1);
cvRound           173 modules/video/test/test_camshift.cpp     img_size.height = cvRound(cvtest::randReal(rng)*m*0.5 + m + 1);
cvRound           498 modules/videoio/src/cap_cmu.cpp     int ival = cvRound(value);
cvRound           712 modules/videoio/src/cap_dc1394_v2.cpp         frameWidth = cvRound(value);
cvRound           719 modules/videoio/src/cap_dc1394_v2.cpp         frameHeight = cvRound(value);
cvRound           734 modules/videoio/src/cap_dc1394_v2.cpp         userMode = cvRound(value);
cvRound           739 modules/videoio/src/cap_dc1394_v2.cpp         isoSpeed = cvRound(value);
cvRound           754 modules/videoio/src/cap_dc1394_v2.cpp                  if (cvRound(value) == CV_CAP_PROP_DC1394_OFF)
cvRound           778 modules/videoio/src/cap_dc1394_v2.cpp                  if (cvRound(value) == CV_CAP_PROP_DC1394_MODE_AUTO)
cvRound           786 modules/videoio/src/cap_dc1394_v2.cpp                  if (cvRound(value) == CV_CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO)
cvRound           803 modules/videoio/src/cap_dc1394_v2.cpp                      if (dc1394_feature_whitebalance_set_value(dcCam,cvRound(value), act_feature->RV_value)!=DC1394_SUCCESS)
cvRound           807 modules/videoio/src/cap_dc1394_v2.cpp                          act_feature->BU_value = cvRound(value);
cvRound           813 modules/videoio/src/cap_dc1394_v2.cpp                      if (dc1394_feature_whitebalance_set_value(dcCam, act_feature->BU_value, cvRound(value))!=DC1394_SUCCESS)
cvRound           817 modules/videoio/src/cap_dc1394_v2.cpp                          act_feature->RV_value = cvRound(value);
cvRound           832 modules/videoio/src/cap_dc1394_v2.cpp                  if (dc1394_feature_set_value(dcCam, act_feature->id, cvRound(value)) == DC1394_SUCCESS)
cvRound          3206 modules/videoio/src/cap_dshow.cpp         m_width = cvRound(propVal);
cvRound          3211 modules/videoio/src/cap_dshow.cpp         m_height = cvRound(propVal);
cvRound          3226 modules/videoio/src/cap_dshow.cpp         int fps = cvRound(propVal);
cvRound           170 modules/videoio/src/cap_images.cpp         currentframe = cvRound(value);
cvRound           180 modules/videoio/src/cap_images.cpp         currentframe = cvRound((length - 1) * value);
cvRound          1753 modules/videoio/src/cap_libv4l.cpp         width = cvRound(value);
cvRound          1761 modules/videoio/src/cap_libv4l.cpp         height = cvRound(value);
cvRound          1770 modules/videoio/src/cap_libv4l.cpp         mode = cvRound(value);
cvRound           399 modules/videoio/src/cap_mjpeg_encoder.cpp         outfps = cvRound(fps);
cvRound           428 modules/videoio/src/cap_mjpeg_encoder.cpp         strm.putInt(cvRound(1e6 / outfps));
cvRound          1180 modules/videoio/src/cap_mjpeg_encoder.cpp             int qval = cvRound(qtable[idx]*inv_quality);
cvRound          1185 modules/videoio/src/cap_mjpeg_encoder.cpp             fdct_qtab[i][idx] = (short)(cvRound((1 << (postshift + 11)))/
cvRound          3738 modules/videoio/src/cap_msmf.cpp         width = cvRound(value);
cvRound          3743 modules/videoio/src/cap_msmf.cpp         height = cvRound(value);
cvRound          3750 modules/videoio/src/cap_msmf.cpp         fps = cvRound(value);
cvRound           900 modules/videoio/src/cap_openni.cpp         maxBufferSize = cvRound(propValue);
cvRound           909 modules/videoio/src/cap_openni.cpp         maxTimeDuration = cvRound(propValue);
cvRound          1071 modules/videoio/src/cap_openni.cpp         switch( cvRound(propValue) )
cvRound           658 modules/videoio/src/cap_openni2.cpp             switch( cvRound(propValue) )
cvRound          2789 modules/videoio/src/cap_v4l.cpp         width = cvRound(value);
cvRound          2796 modules/videoio/src/cap_v4l.cpp         height = cvRound(value);
cvRound           246 modules/videoio/src/cap_vfw.cpp         return cvRound(pos*1000./fps);
cvRound           277 modules/videoio/src/cap_vfw.cpp                 pos = cvRound(value*fps*0.001);
cvRound           280 modules/videoio/src/cap_vfw.cpp                 pos = cvRound(value*(film_range.end_index -
cvRound           285 modules/videoio/src/cap_vfw.cpp                 pos = cvRound(value);
cvRound           574 modules/videoio/src/cap_vfw.cpp         width = cvRound(value);
cvRound           578 modules/videoio/src/cap_vfw.cpp         height = cvRound(value);
cvRound           589 modules/videoio/src/cap_vfw.cpp                 params.dwRequestMicroSecPerFrame = cvRound(1e6/value);
cvRound           763 modules/videoio/src/cap_vfw.cpp     aviinfo.dwRate = cvRound(fps * aviinfo.dwScale);
cvRound           145 modules/videoio/test/test_ffmpeg.cpp                     const int coeff = cvRound(min(frame_s.width, frame_s.height)/(fps0 * time_sec));
cvRound           102 modules/videoio/test/test_framecount.cpp         if( (FrameCount != cvRound(time_sec*fps) ||
cvRound           104 modules/videostab/src/deblurring.cpp                     int x1 = cvRound(M(0,0)*x + M(0,1)*y + M(0,2));
cvRound           105 modules/videostab/src/deblurring.cpp                     int y1 = cvRound(M(1,0)*x + M(1,1)*y + M(1,2));
cvRound           156 modules/videostab/src/inpainting.cpp                     int xi = cvRound(Mi(0,0)*x + Mi(0,1)*y + Mi(0,2));
cvRound           157 modules/videostab/src/inpainting.cpp                     int yi = cvRound(Mi(1,0)*x + Mi(1,1)*y + Mi(1,2));
cvRound           217 modules/videostab/src/inpainting.cpp                 int x1 = cvRound(M_(0,0)*x0 + M_(0,1)*y0 + M_(0,2));
cvRound           218 modules/videostab/src/inpainting.cpp                 int y1 = cvRound(M_(1,0)*x0 + M_(1,1)*y0 + M_(1,2));
cvRound           246 modules/videostab/src/inpainting.cpp                     int qx1 = cvRound(qx0 + flowX(qy0,qx0));
cvRound           247 modules/videostab/src/inpainting.cpp                     int qy1 = cvRound(qy0 + flowY(qy0,qx0));
cvRound           496 modules/videostab/src/inpainting.cpp                 int x1 = cvRound(x0 + flowX_(y0,x0));
cvRound           497 modules/videostab/src/inpainting.cpp                 int y1 = cvRound(y0 + flowY_(y0,x0));
cvRound           528 modules/videostab/src/inpainting.cpp                 int x1 = cvRound(x0 + flowX_(y0,x0));
cvRound           529 modules/videostab/src/inpainting.cpp                 int y1 = cvRound(y0 + flowY_(y0,x0));
cvRound            95 modules/videostab/src/outlier_rejection.cpp         cx = std::min(cvRound(points0_[i].x / cellSize_.width), ncells.width - 1);
cvRound            96 modules/videostab/src/outlier_rejection.cpp         cy = std::min(cvRound(points0_[i].y / cellSize_.height), ncells.height - 1);
cvRound            57 samples/cpp/contours2.cpp                 line(img, Point(cvRound(dx+100+j*10-80*cos(angle)),
cvRound            58 samples/cpp/contours2.cpp                     cvRound(dy+100-90*sin(angle))),
cvRound            59 samples/cpp/contours2.cpp                     Point(cvRound(dx+100+j*10-30*cos(angle)),
cvRound            60 samples/cpp/contours2.cpp                     cvRound(dy+100-30*sin(angle))), white, 1, 8, 0);
cvRound            34 samples/cpp/delaunay2.cpp         pt[0] = Point(cvRound(t[0]), cvRound(t[1]));
cvRound            35 samples/cpp/delaunay2.cpp         pt[1] = Point(cvRound(t[2]), cvRound(t[3]));
cvRound            36 samples/cpp/delaunay2.cpp         pt[2] = Point(cvRound(t[4]), cvRound(t[5]));
cvRound            47 samples/cpp/delaunay2.cpp         Point pt0 = Point(cvRound(e[0]), cvRound(e[1]));
cvRound            48 samples/cpp/delaunay2.cpp         Point pt1 = Point(cvRound(e[2]), cvRound(e[3]));
cvRound            51 samples/cpp/demhist.cpp     int binW = cvRound((double)histImage.cols/histSize);
cvRound            55 samples/cpp/demhist.cpp                    Point((i+1)*binW, histImage.rows - cvRound(hist.at<float>(i))),
cvRound            77 samples/cpp/distrans.cpp                 int b = cvRound(colors[idx][0]*scale);
cvRound            78 samples/cpp/distrans.cpp                 int g = cvRound(colors[idx][1]*scale);
cvRound            79 samples/cpp/distrans.cpp                 int r = cvRound(colors[idx][2]*scale);
cvRound            52 samples/cpp/em.cpp             int response = cvRound(em_model->predict2( sample, noArray() )[1]);
cvRound            62 samples/cpp/em.cpp         Point pt(cvRound(samples.at<float>(i, 0)), cvRound(samples.at<float>(i, 1)));
cvRound           213 samples/cpp/facedetect.cpp     Mat gray, smallImg( cvRound (img.rows/scale), cvRound(img.cols/scale), CV_8UC1 );
cvRound           255 samples/cpp/facedetect.cpp             center.x = cvRound((r->x + r->width*0.5)*scale);
cvRound           256 samples/cpp/facedetect.cpp             center.y = cvRound((r->y + r->height*0.5)*scale);
cvRound           257 samples/cpp/facedetect.cpp             radius = cvRound((r->width + r->height)*0.25*scale);
cvRound           261 samples/cpp/facedetect.cpp             rectangle( img, cvPoint(cvRound(r->x*scale), cvRound(r->y*scale)),
cvRound           262 samples/cpp/facedetect.cpp                        cvPoint(cvRound((r->x + r->width-1)*scale), cvRound((r->y + r->height-1)*scale)),
cvRound           277 samples/cpp/facedetect.cpp             center.x = cvRound((r->x + nr->x + nr->width*0.5)*scale);
cvRound           278 samples/cpp/facedetect.cpp             center.y = cvRound((r->y + nr->y + nr->height*0.5)*scale);
cvRound           279 samples/cpp/facedetect.cpp             radius = cvRound((nr->width + nr->height)*0.25*scale);
cvRound            27 samples/cpp/fback.cpp             line(cflowmap, Point(x,y), Point(cvRound(x+fxy.x), cvRound(y+fxy.y)),
cvRound            43 samples/cpp/houghlines.cpp         pt1.x = cvRound(x0 + 1000*(-b));
cvRound            44 samples/cpp/houghlines.cpp         pt1.y = cvRound(y0 + 1000*(a));
cvRound            45 samples/cpp/houghlines.cpp         pt2.x = cvRound(x0 - 1000*(-b));
cvRound            46 samples/cpp/houghlines.cpp         pt2.y = cvRound(y0 - 1000*(a));
cvRound            71 samples/cpp/minarea.cpp         circle(img, center, cvRound(radius), Scalar(0, 255, 255), 1, LINE_AA);
cvRound           171 samples/cpp/smiledetect.cpp     Mat gray, smallImg( cvRound (img.rows/scale), cvRound(img.cols/scale), CV_8UC1 );
cvRound           211 samples/cpp/smiledetect.cpp             center.x = cvRound((r->x + r->width*0.5)*scale);
cvRound           212 samples/cpp/smiledetect.cpp             center.y = cvRound((r->y + r->height*0.5)*scale);
cvRound           213 samples/cpp/smiledetect.cpp             radius = cvRound((r->width + r->height)*0.25*scale);
cvRound           217 samples/cpp/smiledetect.cpp             rectangle( img, cvPoint(cvRound(r->x*scale), cvRound(r->y*scale)),
cvRound           218 samples/cpp/smiledetect.cpp                        cvPoint(cvRound((r->x + r->width-1)*scale), cvRound((r->y + r->height-1)*scale)),
cvRound           221 samples/cpp/smiledetect.cpp         const int half_height=cvRound((float)r->height/2);
cvRound           245 samples/cpp/smiledetect.cpp         int rect_height = cvRound((float)img.rows * intensityZeroOne);
cvRound           288 samples/cpp/stereo_calib.cpp         w = cvRound(imageSize.width*sf);
cvRound           289 samples/cpp/stereo_calib.cpp         h = cvRound(imageSize.height*sf);
cvRound           295 samples/cpp/stereo_calib.cpp         w = cvRound(imageSize.width*sf);
cvRound           296 samples/cpp/stereo_calib.cpp         h = cvRound(imageSize.height*sf);
cvRound           311 samples/cpp/stereo_calib.cpp                 Rect vroi(cvRound(validRoi[k].x*sf), cvRound(validRoi[k].y*sf),
cvRound           312 samples/cpp/stereo_calib.cpp                           cvRound(validRoi[k].width*sf), cvRound(validRoi[k].height*sf));
cvRound           754 samples/cpp/stitching_detailed.cpp                     sz.width = cvRound(full_img_sizes[i].width * compose_scale);
cvRound           755 samples/cpp/stitching_detailed.cpp                     sz.height = cvRound(full_img_sizes[i].height * compose_scale);
cvRound            78 samples/cpp/tutorial_code/Histograms_Matching/calcBackProject_Demo1.cpp   int bin_w = cvRound( (double) w / histSize );
cvRound            82 samples/cpp/tutorial_code/Histograms_Matching/calcBackProject_Demo1.cpp      { rectangle( histImg, Point( i*bin_w, h ), Point( (i+1)*bin_w, h - cvRound( hist.at<float>(i)*h/255.0 ) ), Scalar( 0, 0, 255 ), -1 ); }
cvRound            51 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp   int bin_w = cvRound( (double) hist_w/histSize );
cvRound            63 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp       line( histImage, Point( bin_w*(i-1), hist_h - cvRound(b_hist.at<float>(i-1)) ) ,
cvRound            64 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp                        Point( bin_w*(i), hist_h - cvRound(b_hist.at<float>(i)) ),
cvRound            66 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp       line( histImage, Point( bin_w*(i-1), hist_h - cvRound(g_hist.at<float>(i-1)) ) ,
cvRound            67 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp                        Point( bin_w*(i), hist_h - cvRound(g_hist.at<float>(i)) ),
cvRound            69 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp       line( histImage, Point( bin_w*(i-1), hist_h - cvRound(r_hist.at<float>(i-1)) ) ,
cvRound            70 samples/cpp/tutorial_code/Histograms_Matching/calcHist_Demo.cpp                        Point( bin_w*(i), hist_h - cvRound(r_hist.at<float>(i)) ),
cvRound            40 samples/cpp/tutorial_code/ImgTrans/HoughCircle_Demo.cpp             Point center(cvRound(circles[i][0]), cvRound(circles[i][1]));
cvRound            41 samples/cpp/tutorial_code/ImgTrans/HoughCircle_Demo.cpp             int radius = cvRound(circles[i][2]);
cvRound           102 samples/cpp/tutorial_code/ImgTrans/HoughLines_Demo.cpp        Point pt1( cvRound(x0 + alpha*(-sin_t)), cvRound(y0 + alpha*cos_t) );
cvRound           103 samples/cpp/tutorial_code/ImgTrans/HoughLines_Demo.cpp        Point pt2( cvRound(x0 - alpha*(-sin_t)), cvRound(y0 - alpha*cos_t) );
cvRound            79 samples/cpp/tutorial_code/objectDetection/objectDetection.cpp             int radius = cvRound( (eyes[j].width + eyes[j].height)*0.25 );
cvRound            90 samples/cpp/tutorial_code/objectDetection/objectDetection2.cpp                 int radius = cvRound( (eyes[j].width + eyes[j].height)*0.25 );
cvRound           255 samples/cpp/ufacedetect.cpp             center.x = cvRound((r->x + r->width*0.5)*scale);
cvRound           256 samples/cpp/ufacedetect.cpp             center.y = cvRound((r->y + r->height*0.5)*scale);
cvRound           257 samples/cpp/ufacedetect.cpp             radius = cvRound((r->width + r->height)*0.25*scale);
cvRound           261 samples/cpp/ufacedetect.cpp             rectangle( canvas, Point(cvRound(r->x*scale), cvRound(r->y*scale)),
cvRound           262 samples/cpp/ufacedetect.cpp                        Point(cvRound((r->x + r->width-1)*scale), cvRound((r->y + r->height-1)*scale)),
cvRound           277 samples/cpp/ufacedetect.cpp             center.x = cvRound((r->x + nr->x + nr->width*0.5)*scale);
cvRound           278 samples/cpp/ufacedetect.cpp             center.y = cvRound((r->y + nr->y + nr->height*0.5)*scale);
cvRound           279 samples/cpp/ufacedetect.cpp             radius = cvRound((nr->width + nr->height)*0.25*scale);
cvRound            41 samples/gpu/cascadeclassifier.cpp     Size sz(cvRound(gray.cols * scale), cvRound(gray.rows * scale));
cvRound            64 samples/gpu/cascadeclassifier.cpp     Size sz(cvRound(gray.cols * scale), cvRound(gray.rows * scale));
cvRound           119 samples/gpu/farneback_optical_flow.cpp         s << "opt. flow FPS: " << cvRound((getTickFrequency()/(tc1-tc0)));
cvRound           123 samples/gpu/farneback_optical_flow.cpp         s << "total FPS: " << cvRound((getTickFrequency()/(t1-t0)));