From 5d54def264b738a7c3065e0e005f8a9a35b08291 Mon Sep 17 00:00:00 2001 From: Hamdi Sahloul Date: Fri, 14 Sep 2018 06:35:26 +0900 Subject: [PATCH] Add semicolons after `CV_INSTRUMENT` macros --- modules/calib3d/src/ap3p.cpp | 4 +- modules/calib3d/src/calibinit.cpp | 4 +- modules/calib3d/src/calibration.cpp | 22 ++--- modules/calib3d/src/fisheye.cpp | 26 +++--- modules/calib3d/src/five-point.cpp | 8 +- modules/calib3d/src/fundam.cpp | 14 +-- modules/calib3d/src/p3p.cpp | 4 +- modules/calib3d/src/ptsetreg.cpp | 2 +- modules/calib3d/src/quadsubpix.cpp | 2 +- modules/calib3d/src/solvepnp.cpp | 6 +- modules/calib3d/src/stereobm.cpp | 2 +- modules/calib3d/src/stereosgbm.cpp | 8 +- modules/calib3d/src/triangulate.cpp | 4 +- modules/core/include/opencv2/core/private.hpp | 20 ++-- modules/core/src/arithm.cpp | 38 ++++---- modules/core/src/array.cpp | 2 +- modules/core/src/batch_distance.cpp | 2 +- modules/core/src/channels.cpp | 14 +-- modules/core/src/convert.cpp | 4 +- modules/core/src/convert_scale.cpp | 4 +- modules/core/src/copy.cpp | 22 ++--- modules/core/src/count_non_zero.cpp | 6 +- modules/core/src/dxt.cpp | 16 ++-- modules/core/src/glob.cpp | 4 +- modules/core/src/kmeans.cpp | 2 +- modules/core/src/lapack.cpp | 24 ++--- modules/core/src/lda.cpp | 4 +- modules/core/src/lut.cpp | 4 +- modules/core/src/mathfuncs.cpp | 28 +++--- modules/core/src/mathfuncs_core.dispatch.cpp | 26 +++--- modules/core/src/mathfuncs_core.simd.hpp | 34 +++---- modules/core/src/matmul.cpp | 18 ++-- modules/core/src/matrix.cpp | 2 +- modules/core/src/matrix_decomp.cpp | 12 +-- modules/core/src/matrix_expressions.cpp | 92 +++++++++---------- modules/core/src/matrix_operations.cpp | 30 +++--- modules/core/src/matrix_sparse.cpp | 6 +- modules/core/src/mean.cpp | 10 +- modules/core/src/merge.cpp | 6 +- modules/core/src/minmax.cpp | 6 +- modules/core/src/norm.cpp | 10 +- modules/core/src/ocl.cpp | 2 +- modules/core/src/parallel.cpp | 4 +- modules/core/src/pca.cpp | 12 +-- modules/core/src/persistence_cpp.cpp | 2 +- modules/core/src/rand.cpp | 6 +- modules/core/src/split.cpp | 6 +- modules/core/src/stat.dispatch.cpp | 4 +- modules/core/src/sum.cpp | 4 +- modules/core/src/types.cpp | 4 +- modules/core/src/umatrix.cpp | 10 +- modules/core/src/utils/filesystem.cpp | 6 +- modules/features2d/src/agast.cpp | 6 +- modules/features2d/src/akaze.cpp | 2 +- modules/features2d/src/bagofwords.cpp | 8 +- modules/features2d/src/blobdetector.cpp | 4 +- modules/features2d/src/draw.cpp | 2 +- modules/features2d/src/evaluation.cpp | 12 +-- modules/features2d/src/fast.cpp | 6 +- modules/features2d/src/feature2d.cpp | 10 +- modules/features2d/src/gftt.cpp | 2 +- modules/features2d/src/kaze.cpp | 2 +- modules/features2d/src/kaze/AKAZEFeatures.cpp | 28 +++--- .../src/kaze/nldiffusion_functions.cpp | 8 +- modules/features2d/src/keypoint.cpp | 2 +- modules/features2d/src/matchers.cpp | 18 ++-- modules/features2d/src/mser.cpp | 4 +- modules/features2d/src/orb.cpp | 2 +- modules/flann/src/miniflann.cpp | 10 +- modules/imgproc/src/accum.cpp | 16 ++-- modules/imgproc/src/approx.cpp | 2 +- modules/imgproc/src/blend.cpp | 2 +- modules/imgproc/src/canny.cpp | 8 +- modules/imgproc/src/clahe.cpp | 2 +- modules/imgproc/src/color.cpp | 2 +- modules/imgproc/src/color_hsv.cpp | 4 +- modules/imgproc/src/color_lab.cpp | 8 +- modules/imgproc/src/color_rgb.cpp | 18 ++-- modules/imgproc/src/color_yuv.cpp | 10 +- modules/imgproc/src/colormap.cpp | 2 +- modules/imgproc/src/contours.cpp | 4 +- modules/imgproc/src/convhull.cpp | 4 +- modules/imgproc/src/corner.cpp | 12 +-- modules/imgproc/src/cornersubpix.cpp | 2 +- modules/imgproc/src/demosaicing.cpp | 2 +- modules/imgproc/src/deriv.cpp | 10 +- modules/imgproc/src/distransform.cpp | 6 +- modules/imgproc/src/drawing.cpp | 36 ++++---- modules/imgproc/src/emd.cpp | 2 +- modules/imgproc/src/featureselect.cpp | 2 +- modules/imgproc/src/filter.cpp | 8 +- modules/imgproc/src/floodfill.cpp | 4 +- modules/imgproc/src/generalized_hough.cpp | 2 +- modules/imgproc/src/geometry.cpp | 4 +- modules/imgproc/src/grabcut.cpp | 2 +- modules/imgproc/src/histogram.cpp | 22 ++--- modules/imgproc/src/hough.cpp | 6 +- modules/imgproc/src/imgwarp.cpp | 18 ++-- modules/imgproc/src/intersection.cpp | 2 +- modules/imgproc/src/linefit.cpp | 2 +- modules/imgproc/src/lsd.cpp | 6 +- modules/imgproc/src/matchcontours.cpp | 2 +- modules/imgproc/src/moments.cpp | 8 +- modules/imgproc/src/morph.cpp | 10 +- modules/imgproc/src/phasecorr.cpp | 4 +- modules/imgproc/src/pyramids.cpp | 12 +-- modules/imgproc/src/resize.cpp | 10 +- modules/imgproc/src/rotcalipers.cpp | 4 +- modules/imgproc/src/samplers.cpp | 2 +- modules/imgproc/src/segmentation.cpp | 4 +- modules/imgproc/src/shapedescr.cpp | 10 +- modules/imgproc/src/smooth.cpp | 22 ++--- modules/imgproc/src/spatialgradient.cpp | 2 +- modules/imgproc/src/subdivision2d.cpp | 10 +- modules/imgproc/src/sumpixels.cpp | 8 +- modules/imgproc/src/templmatch.cpp | 8 +- modules/imgproc/src/thresh.cpp | 6 +- modules/imgproc/src/undistort.cpp | 2 +- modules/objdetect/src/cascadedetect.cpp | 34 +++---- modules/objdetect/src/cascadedetect.hpp | 8 +- .../objdetect/src/detection_based_tracker.cpp | 2 +- modules/objdetect/src/haar.cpp | 8 +- modules/objdetect/src/hog.cpp | 20 ++-- modules/photo/src/align.cpp | 10 +- modules/photo/src/calibrate.cpp | 4 +- modules/photo/src/contrast_preserve.cpp | 2 +- modules/photo/src/denoising.cpp | 12 +-- modules/photo/src/inpaint.cpp | 2 +- modules/photo/src/merge.cpp | 12 +-- modules/photo/src/npr.cpp | 8 +- modules/photo/src/seamless_cloning.cpp | 8 +- modules/photo/src/seamless_cloning_impl.cpp | 2 +- modules/photo/src/tonemap.cpp | 10 +- modules/shape/src/aff_trans.cpp | 6 +- modules/shape/src/emdL1.cpp | 2 +- modules/shape/src/haus_dis.cpp | 2 +- modules/shape/src/hist_cost.cpp | 8 +- modules/shape/src/sc_dis.cpp | 4 +- modules/shape/src/tps_trans.cpp | 6 +- modules/stitching/src/exposure_compensate.cpp | 4 +- modules/stitching/src/matchers.cpp | 6 +- modules/stitching/src/seam_finders.cpp | 2 +- modules/stitching/src/stitcher.cpp | 16 ++-- modules/stitching/src/timelapsers.cpp | 2 +- modules/superres/src/btv_l1.cpp | 8 +- modules/superres/src/input_array_utility.cpp | 4 +- modules/superres/src/optical_flow.cpp | 8 +- modules/superres/src/super_resolution.cpp | 2 +- modules/video/src/bgfg_KNN.cpp | 4 +- modules/video/src/bgfg_gaussmix2.cpp | 4 +- modules/video/src/camshift.cpp | 4 +- modules/video/src/kalman.cpp | 4 +- modules/video/src/lkpyramid.cpp | 8 +- modules/video/src/optflowgf.cpp | 4 +- modules/video/src/tvl1flow.cpp | 2 +- modules/videoio/src/cap.cpp | 14 +-- modules/videostab/src/deblurring.cpp | 4 +- modules/videostab/src/global_motion.cpp | 6 +- modules/videostab/src/inpainting.cpp | 14 +-- modules/videostab/src/motion_stabilizing.cpp | 4 +- modules/videostab/src/outlier_rejection.cpp | 4 +- 161 files changed, 695 insertions(+), 695 deletions(-) diff --git a/modules/calib3d/src/ap3p.cpp b/modules/calib3d/src/ap3p.cpp index 5a7fc60d83..7b86834db8 100644 --- a/modules/calib3d/src/ap3p.cpp +++ b/modules/calib3d/src/ap3p.cpp @@ -297,7 +297,7 @@ int ap3p::computePoses(const double featureVectors[3][3], } bool ap3p::solve(cv::Mat &R, cv::Mat &tvec, const cv::Mat &opoints, const cv::Mat &ipoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double rotation_matrix[3][3], translation[3]; std::vector points; @@ -321,7 +321,7 @@ bool ap3p::solve(cv::Mat &R, cv::Mat &tvec, const cv::Mat &opoints, const cv::Ma } int ap3p::solve(std::vector &Rs, std::vector &tvecs, const cv::Mat &opoints, const cv::Mat &ipoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double rotation_matrix[4][3][3], translation[4][3]; std::vector points; diff --git a/modules/calib3d/src/calibinit.cpp b/modules/calib3d/src/calibinit.cpp index c2180d73ad..6f0f7efd5c 100644 --- a/modules/calib3d/src/calibinit.cpp +++ b/modules/calib3d/src/calibinit.cpp @@ -485,7 +485,7 @@ static void icvBinarizationHistogramBased(Mat & img) bool findChessboardCorners(InputArray image_, Size pattern_size, OutputArray corners_, int flags) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); DPRINTF("==== findChessboardCorners(img=%dx%d, pattern=%dx%d, flags=%d)", image_.cols(), image_.rows(), pattern_size.width, pattern_size.height, flags); @@ -2193,7 +2193,7 @@ bool findCirclesGrid2(InputArray _image, Size patternSize, OutputArray _centers, int flags, const Ptr &blobDetector, CirclesGridFinderParameters2 parameters) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool isAsymmetricGrid = (flags & CALIB_CB_ASYMMETRIC_GRID) ? true : false; bool isSymmetricGrid = (flags & CALIB_CB_SYMMETRIC_GRID ) ? true : false; diff --git a/modules/calib3d/src/calibration.cpp b/modules/calib3d/src/calibration.cpp index ac5fd419a5..460914a741 100644 --- a/modules/calib3d/src/calibration.cpp +++ b/modules/calib3d/src/calibration.cpp @@ -2795,7 +2795,7 @@ void cv::reprojectImageTo3D( InputArray _disparity, OutputArray __3dImage, InputArray _Qmat, bool handleMissingValues, int dtype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat disparity = _disparity.getMat(), Q = _Qmat.getMat(); int stype = disparity.type(); @@ -3225,7 +3225,7 @@ static Mat prepareDistCoeffs(Mat& distCoeffs0, int rtype, int outputSize = 14) void cv::Rodrigues(InputArray _src, OutputArray _dst, OutputArray _jacobian) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); bool v2m = src.cols == 1 || src.rows == 1; @@ -3245,7 +3245,7 @@ void cv::Rodrigues(InputArray _src, OutputArray _dst, OutputArray _jacobian) void cv::matMulDeriv( InputArray _Amat, InputArray _Bmat, OutputArray _dABdA, OutputArray _dABdB ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat A = _Amat.getMat(), B = _Bmat.getMat(); _dABdA.create(A.rows*B.cols, A.rows*A.cols, A.type()); @@ -3350,7 +3350,7 @@ cv::Mat cv::initCameraMatrix2D( InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat objPt, imgPt, npoints, cameraMatrix(3, 3, CV_64F); collectCalibrationData( objectPoints, imagePoints, noArray(), @@ -3368,7 +3368,7 @@ double cv::calibrateCamera( InputArrayOfArrays _objectPoints, Size imageSize, InputOutputArray _cameraMatrix, InputOutputArray _distCoeffs, OutputArrayOfArrays _rvecs, OutputArrayOfArrays _tvecs, int flags, TermCriteria criteria ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return calibrateCamera(_objectPoints, _imagePoints, imageSize, _cameraMatrix, _distCoeffs, _rvecs, _tvecs, noArray(), noArray(), noArray(), flags, criteria); @@ -3382,7 +3382,7 @@ double cv::calibrateCamera(InputArrayOfArrays _objectPoints, OutputArray stdDeviationsExtrinsics, OutputArray _perViewErrors, int flags, TermCriteria criteria ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int rtype = CV_64F; Mat cameraMatrix = _cameraMatrix.getMat(); @@ -3496,7 +3496,7 @@ void cv::calibrationMatrixValues( InputArray _cameraMatrix, Size imageSize, double& fovx, double& fovy, double& focalLength, Point2d& principalPoint, double& aspectRatio ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_cameraMatrix.size() != Size(3, 3)) CV_Error(CV_StsUnmatchedSizes, "Size of cameraMatrix must be 3x3!"); @@ -3675,7 +3675,7 @@ bool cv::stereoRectifyUncalibrated( InputArray _points1, InputArray _points2, InputArray _Fmat, Size imgSize, OutputArray _Hmat1, OutputArray _Hmat2, double threshold ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int rtype = CV_64F; _Hmat1.create(3, 3, rtype); @@ -3695,7 +3695,7 @@ cv::Mat cv::getOptimalNewCameraMatrix( InputArray _cameraMatrix, Size imgSize, double alpha, Size newImgSize, Rect* validPixROI, bool centerPrincipalPoint ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat cameraMatrix = _cameraMatrix.getMat(), distCoeffs = _distCoeffs.getMat(); CvMat c_cameraMatrix = cvMat(cameraMatrix), c_distCoeffs = cvMat(distCoeffs); @@ -3717,7 +3717,7 @@ cv::Vec3d cv::RQDecomp3x3( InputArray _Mmat, OutputArray _Qy, OutputArray _Qz ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat M = _Mmat.getMat(); _Rmat.create(3, 3, M.type()); @@ -3751,7 +3751,7 @@ void cv::decomposeProjectionMatrix( InputArray _projMatrix, OutputArray _cameraM OutputArray _rotMatrixX, OutputArray _rotMatrixY, OutputArray _rotMatrixZ, OutputArray _eulerAngles ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat projMatrix = _projMatrix.getMat(); int type = projMatrix.type(); diff --git a/modules/calib3d/src/fisheye.cpp b/modules/calib3d/src/fisheye.cpp index 83a5a88c5f..fdd8aad18f 100644 --- a/modules/calib3d/src/fisheye.cpp +++ b/modules/calib3d/src/fisheye.cpp @@ -63,7 +63,7 @@ namespace cv { namespace void cv::fisheye::projectPoints(InputArray objectPoints, OutputArray imagePoints, const Affine3d& affine, InputArray K, InputArray D, double alpha, OutputArray jacobian) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); projectPoints(objectPoints, imagePoints, affine.rvec(), affine.translation(), K, D, alpha, jacobian); } @@ -71,7 +71,7 @@ void cv::fisheye::projectPoints(InputArray objectPoints, OutputArray imagePoints void cv::fisheye::projectPoints(InputArray objectPoints, OutputArray imagePoints, InputArray _rvec, InputArray _tvec, InputArray _K, InputArray _D, double alpha, OutputArray jacobian) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // will support only 3-channel data now for points CV_Assert(objectPoints.type() == CV_32FC3 || objectPoints.type() == CV_64FC3); @@ -255,7 +255,7 @@ void cv::fisheye::projectPoints(InputArray objectPoints, OutputArray imagePoints void cv::fisheye::distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // will support only 2-channel data now for points CV_Assert(undistorted.type() == CV_32FC2 || undistorted.type() == CV_64FC2); @@ -319,7 +319,7 @@ void cv::fisheye::distortPoints(InputArray undistorted, OutputArray distorted, I void cv::fisheye::undistortPoints( InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R, InputArray P) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // will support only 2-channel data now for points CV_Assert(distorted.type() == CV_32FC2 || distorted.type() == CV_64FC2); @@ -425,7 +425,7 @@ void cv::fisheye::undistortPoints( InputArray distorted, OutputArray undistorted void cv::fisheye::initUndistortRectifyMap( InputArray K, InputArray D, InputArray R, InputArray P, const cv::Size& size, int m1type, OutputArray map1, OutputArray map2 ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( m1type == CV_16SC2 || m1type == CV_32F || m1type <=0 ); map1.create( size, m1type <= 0 ? CV_16SC2 : m1type ); @@ -532,7 +532,7 @@ void cv::fisheye::initUndistortRectifyMap( InputArray K, InputArray D, InputArra void cv::fisheye::undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray Knew, const Size& new_size) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size size = new_size.area() != 0 ? new_size : distorted.size(); @@ -548,7 +548,7 @@ void cv::fisheye::undistortImage(InputArray distorted, OutputArray undistorted, void cv::fisheye::estimateNewCameraMatrixForUndistortRectify(InputArray K, InputArray D, const Size &image_size, InputArray R, OutputArray P, double balance, const Size& new_size, double fov_scale) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( K.size() == Size(3, 3) && (K.depth() == CV_32F || K.depth() == CV_64F)); CV_Assert(D.empty() || ((D.total() == 4) && (D.depth() == CV_32F || D.depth() == CV_64F))); @@ -623,7 +623,7 @@ void cv::fisheye::stereoRectify( InputArray K1, InputArray D1, InputArray K2, In InputArray _R, InputArray _tvec, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags, const Size& newImageSize, double balance, double fov_scale) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert((_R.size() == Size(3, 3) || _R.total() * _R.channels() == 3) && (_R.depth() == CV_32F || _R.depth() == CV_64F)); CV_Assert(_tvec.total() * _tvec.channels() == 3 && (_tvec.depth() == CV_32F || _tvec.depth() == CV_64F)); @@ -707,7 +707,7 @@ double cv::fisheye::calibrate(InputArrayOfArrays objectPoints, InputArrayOfArray InputOutputArray K, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags , cv::TermCriteria criteria) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!objectPoints.empty() && !imagePoints.empty() && objectPoints.total() == imagePoints.total()); CV_Assert(objectPoints.type() == CV_32FC3 || objectPoints.type() == CV_64FC3); @@ -846,7 +846,7 @@ double cv::fisheye::stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayO InputOutputArray K1, InputOutputArray D1, InputOutputArray K2, InputOutputArray D2, Size imageSize, OutputArray R, OutputArray T, int flags, TermCriteria criteria) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!objectPoints.empty() && !imagePoints1.empty() && !imagePoints2.empty()); CV_Assert(objectPoints.total() == imagePoints1.total() || imagePoints1.total() == imagePoints2.total()); @@ -1172,7 +1172,7 @@ void cv::internal::projectPoints(cv::InputArray objectPoints, cv::OutputArray im cv::InputArray _rvec,cv::InputArray _tvec, const IntrinsicParams& param, cv::OutputArray jacobian) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!objectPoints.empty() && (objectPoints.type() == CV_32FC3 || objectPoints.type() == CV_64FC3)); Matx33d K(param.f[0], param.f[0] * param.alpha, param.c[0], @@ -1227,7 +1227,7 @@ void cv::internal::ComputeExtrinsicRefine(const Mat& imagePoints, const Mat& obj cv::Mat cv::internal::ComputeHomography(Mat m, Mat M) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int Np = m.cols; @@ -1328,7 +1328,7 @@ cv::Mat cv::internal::ComputeHomography(Mat m, Mat M) cv::Mat cv::internal::NormalizePixels(const Mat& imagePoints, const IntrinsicParams& param) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!imagePoints.empty() && imagePoints.type() == CV_64FC2); diff --git a/modules/calib3d/src/five-point.cpp b/modules/calib3d/src/five-point.cpp index 79d9609f11..0cefe8df4c 100644 --- a/modules/calib3d/src/five-point.cpp +++ b/modules/calib3d/src/five-point.cpp @@ -405,7 +405,7 @@ protected: cv::Mat cv::findEssentialMat( InputArray _points1, InputArray _points2, InputArray _cameraMatrix, int method, double prob, double threshold, OutputArray _mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points1, points2, cameraMatrix; _points1.getMat().convertTo(points1, CV_64F); @@ -452,7 +452,7 @@ cv::Mat cv::findEssentialMat( InputArray _points1, InputArray _points2, InputArr cv::Mat cv::findEssentialMat( InputArray _points1, InputArray _points2, double focal, Point2d pp, int method, double prob, double threshold, OutputArray _mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat cameraMatrix = (Mat_(3,3) << focal, 0, pp.x, 0, focal, pp.y, 0, 0, 1); return cv::findEssentialMat(_points1, _points2, cameraMatrix, method, prob, threshold, _mask); @@ -462,7 +462,7 @@ int cv::recoverPose( InputArray E, InputArray _points1, InputArray _points2, InputArray _cameraMatrix, OutputArray _R, OutputArray _t, double distanceThresh, InputOutputArray _mask, OutputArray triangulatedPoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points1, points2, cameraMatrix; _points1.getMat().convertTo(points1, CV_64F); @@ -642,7 +642,7 @@ int cv::recoverPose( InputArray E, InputArray _points1, InputArray _points2, Out void cv::decomposeEssentialMat( InputArray _E, OutputArray _R1, OutputArray _R2, OutputArray _t ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat E = _E.getMat().reshape(1, 3); CV_Assert(E.cols == 3 && E.rows == 3); diff --git a/modules/calib3d/src/fundam.cpp b/modules/calib3d/src/fundam.cpp index e4fa98a1f2..e0693497ad 100644 --- a/modules/calib3d/src/fundam.cpp +++ b/modules/calib3d/src/fundam.cpp @@ -351,7 +351,7 @@ cv::Mat cv::findHomography( InputArray _points1, InputArray _points2, int method, double ransacReprojThreshold, OutputArray _mask, const int maxIters, const double confidence) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const double defaultRANSACReprojThreshold = 3; bool result = false; @@ -764,7 +764,7 @@ cv::Mat cv::findFundamentalMat( InputArray _points1, InputArray _points2, int method, double ransacReprojThreshold, double confidence, OutputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points1 = _points1.getMat(), points2 = _points2.getMat(); Mat m1, m2, F; @@ -836,7 +836,7 @@ cv::Mat cv::findFundamentalMat( InputArray _points1, InputArray _points2, void cv::computeCorrespondEpilines( InputArray _points, int whichImage, InputArray _Fmat, OutputArray _lines ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double f[9] = {0}; Mat tempF(3, 3, CV_64F, f); @@ -911,7 +911,7 @@ void cv::computeCorrespondEpilines( InputArray _points, int whichImage, void cv::convertPointsFromHomogeneous( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); if( !src.isContinuous() ) @@ -1012,7 +1012,7 @@ void cv::convertPointsFromHomogeneous( InputArray _src, OutputArray _dst ) void cv::convertPointsToHomogeneous( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); if( !src.isContinuous() ) @@ -1095,7 +1095,7 @@ void cv::convertPointsToHomogeneous( InputArray _src, OutputArray _dst ) void cv::convertPointsHomogeneous( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), dtype = _dst.type(); CV_Assert( _dst.fixedType() ); @@ -1108,7 +1108,7 @@ void cv::convertPointsHomogeneous( InputArray _src, OutputArray _dst ) double cv::sampsonDistance(InputArray _pt1, InputArray _pt2, InputArray _F) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_pt1.type() == CV_64F && _pt2.type() == CV_64F && _F.type() == CV_64F); CV_DbgAssert(_pt1.rows() == 3 && _F.size() == Size(3, 3) && _pt1.rows() == _pt2.rows()); diff --git a/modules/calib3d/src/p3p.cpp b/modules/calib3d/src/p3p.cpp index 49e679c530..7521e6b167 100644 --- a/modules/calib3d/src/p3p.cpp +++ b/modules/calib3d/src/p3p.cpp @@ -33,7 +33,7 @@ p3p::p3p(double _fx, double _fy, double _cx, double _cy) bool p3p::solve(cv::Mat& R, cv::Mat& tvec, const cv::Mat& opoints, const cv::Mat& ipoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double rotation_matrix[3][3], translation[3]; std::vector points; @@ -59,7 +59,7 @@ bool p3p::solve(cv::Mat& R, cv::Mat& tvec, const cv::Mat& opoints, const cv::Mat int p3p::solve(std::vector& Rs, std::vector& tvecs, const cv::Mat& opoints, const cv::Mat& ipoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double rotation_matrix[4][3][3], translation[4][3]; std::vector points; diff --git a/modules/calib3d/src/ptsetreg.cpp b/modules/calib3d/src/ptsetreg.cpp index fdf2776bf0..4d2e9135d2 100644 --- a/modules/calib3d/src/ptsetreg.cpp +++ b/modules/calib3d/src/ptsetreg.cpp @@ -793,7 +793,7 @@ int estimateAffine3D(InputArray _from, InputArray _to, OutputArray _out, OutputArray _inliers, double ransacThreshold, double confidence) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat from = _from.getMat(), to = _to.getMat(); int count = from.checkVector(3); diff --git a/modules/calib3d/src/quadsubpix.cpp b/modules/calib3d/src/quadsubpix.cpp index a640a67e40..77bc498591 100644 --- a/modules/calib3d/src/quadsubpix.cpp +++ b/modules/calib3d/src/quadsubpix.cpp @@ -163,7 +163,7 @@ static int segment_hist_max(const Mat& hist, int& low_thresh, int& high_thresh) bool cv::find4QuadCornerSubpix(InputArray _img, InputOutputArray _corners, Size region_size) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(), cornersM = _corners.getMat(); int ncorners = cornersM.checkVector(2, CV_32F); diff --git a/modules/calib3d/src/solvepnp.cpp b/modules/calib3d/src/solvepnp.cpp index e783d58c31..c26bca10da 100644 --- a/modules/calib3d/src/solvepnp.cpp +++ b/modules/calib3d/src/solvepnp.cpp @@ -57,7 +57,7 @@ bool solvePnP( InputArray _opoints, InputArray _ipoints, InputArray _cameraMatrix, InputArray _distCoeffs, OutputArray _rvec, OutputArray _tvec, bool useExtrinsicGuess, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat opoints = _opoints.getMat(), ipoints = _ipoints.getMat(); int npoints = std::max(opoints.checkVector(3, CV_32F), opoints.checkVector(3, CV_64F)); @@ -236,7 +236,7 @@ bool solvePnPRansac(InputArray _opoints, InputArray _ipoints, int iterationsCount, float reprojectionError, double confidence, OutputArray _inliers, int flags) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat opoints0 = _opoints.getMat(), ipoints0 = _ipoints.getMat(); Mat opoints, ipoints; @@ -379,7 +379,7 @@ bool solvePnPRansac(InputArray _opoints, InputArray _ipoints, int solveP3P( InputArray _opoints, InputArray _ipoints, InputArray _cameraMatrix, InputArray _distCoeffs, OutputArrayOfArrays _rvecs, OutputArrayOfArrays _tvecs, int flags) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat opoints = _opoints.getMat(), ipoints = _ipoints.getMat(); int npoints = std::max(opoints.checkVector(3, CV_32F), opoints.checkVector(3, CV_64F)); diff --git a/modules/calib3d/src/stereobm.cpp b/modules/calib3d/src/stereobm.cpp index 7aa721dd3d..1b74e9f877 100644 --- a/modules/calib3d/src/stereobm.cpp +++ b/modules/calib3d/src/stereobm.cpp @@ -1101,7 +1101,7 @@ public: void compute( InputArray leftarr, InputArray rightarr, OutputArray disparr ) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int dtype = disparr.fixedType() ? disparr.type() : params.dispType; Size leftsize = leftarr.size(); diff --git a/modules/calib3d/src/stereosgbm.cpp b/modules/calib3d/src/stereosgbm.cpp index 12d3f50bed..cd198885f0 100644 --- a/modules/calib3d/src/stereosgbm.cpp +++ b/modules/calib3d/src/stereosgbm.cpp @@ -2151,7 +2151,7 @@ public: void compute( InputArray leftarr, InputArray rightarr, OutputArray disparr ) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat left = leftarr.getMat(), right = rightarr.getMat(); CV_Assert( left.size() == right.size() && left.type() == right.type() && @@ -2390,7 +2390,7 @@ void filterSpecklesImpl(cv::Mat& img, int newVal, int maxSpeckleSize, int maxDif static bool ipp_filterSpeckles(Mat &img, int maxSpeckleSize, int newVal, int maxDiff, Mat &buffer) { #if IPP_VERSION_X100 >= 810 - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppDataType dataType = ippiGetDataType(img.depth()); IppiSize size = ippiSize(img.size()); @@ -2426,7 +2426,7 @@ static bool ipp_filterSpeckles(Mat &img, int maxSpeckleSize, int newVal, int max void cv::filterSpeckles( InputOutputArray _img, double _newval, int maxSpeckleSize, double _maxDiff, InputOutputArray __buf ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); int type = img.type(); @@ -2446,7 +2446,7 @@ void cv::filterSpeckles( InputOutputArray _img, double _newval, int maxSpeckleSi void cv::validateDisparity( InputOutputArray _disp, InputArray _cost, int minDisparity, int numberOfDisparities, int disp12MaxDiff ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat disp = _disp.getMat(), cost = _cost.getMat(); int cols = disp.cols, rows = disp.rows; diff --git a/modules/calib3d/src/triangulate.cpp b/modules/calib3d/src/triangulate.cpp index 7af40aa582..90eea0100c 100644 --- a/modules/calib3d/src/triangulate.cpp +++ b/modules/calib3d/src/triangulate.cpp @@ -347,7 +347,7 @@ void cv::triangulatePoints( InputArray _projMatr1, InputArray _projMatr2, InputArray _projPoints1, InputArray _projPoints2, OutputArray _points4D ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat matr1 = _projMatr1.getMat(), matr2 = _projMatr2.getMat(); Mat points1 = _projPoints1.getMat(), points2 = _projPoints2.getMat(); @@ -371,7 +371,7 @@ void cv::triangulatePoints( InputArray _projMatr1, InputArray _projMatr2, void cv::correctMatches( InputArray _F, InputArray _points1, InputArray _points2, OutputArray _newPoints1, OutputArray _newPoints2 ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat F = _F.getMat(); Mat points1 = _points1.getMat(), points2 = _points2.getMat(); diff --git a/modules/core/include/opencv2/core/private.hpp b/modules/core/include/opencv2/core/private.hpp index b1d544dc5d..32ca987c45 100644 --- a/modules/core/include/opencv2/core/private.hpp +++ b/modules/core/include/opencv2/core/private.hpp @@ -749,15 +749,15 @@ CV_EXPORTS InstrNode* getCurrentNode(); ///// General instrumentation // General OpenCV region instrumentation macro -#define CV_INSTRUMENT_REGION_() CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_GENERAL, ::cv::instr::IMPL_PLAIN) +#define CV_INSTRUMENT_REGION_(); CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_GENERAL, ::cv::instr::IMPL_PLAIN) // Custom OpenCV region instrumentation macro #define CV_INSTRUMENT_REGION_NAME(NAME) CV_INSTRUMENT_REGION_CUSTOM_META(NAME, false, ::cv::instr::TYPE_GENERAL, ::cv::instr::IMPL_PLAIN) // Instrumentation for parallel_for_ or other regions which forks and gathers threads -#define CV_INSTRUMENT_REGION_MT_FORK() CV_INSTRUMENT_REGION_META(__FUNCTION__, true, ::cv::instr::TYPE_GENERAL, ::cv::instr::IMPL_PLAIN); +#define CV_INSTRUMENT_REGION_MT_FORK(); CV_INSTRUMENT_REGION_META(__FUNCTION__, true, ::cv::instr::TYPE_GENERAL, ::cv::instr::IMPL_PLAIN); ///// IPP instrumentation // Wrapper region instrumentation macro -#define CV_INSTRUMENT_REGION_IPP() CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_WRAPPER, ::cv::instr::IMPL_IPP) +#define CV_INSTRUMENT_REGION_IPP(); CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_WRAPPER, ::cv::instr::IMPL_IPP) // Function instrumentation macro #define CV_INSTRUMENT_FUN_IPP(FUN, ...) CV_INSTRUMENT_FUN_RT_META(::cv::instr::TYPE_FUN, ::cv::instr::IMPL_IPP, status < 0, FUN, __VA_ARGS__) // Diagnostic markers @@ -765,7 +765,7 @@ CV_EXPORTS InstrNode* getCurrentNode(); ///// OpenCL instrumentation // Wrapper region instrumentation macro -#define CV_INSTRUMENT_REGION_OPENCL() CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_WRAPPER, ::cv::instr::IMPL_OPENCL) +#define CV_INSTRUMENT_REGION_OPENCL(); CV_INSTRUMENT_REGION_META(__FUNCTION__, false, ::cv::instr::TYPE_WRAPPER, ::cv::instr::IMPL_OPENCL) // OpenCL kernel compilation wrapper #define CV_INSTRUMENT_REGION_OPENCL_COMPILE(NAME) CV_INSTRUMENT_REGION_META(NAME, false, ::cv::instr::TYPE_WRAPPER, ::cv::instr::IMPL_OPENCL) // OpenCL kernel run wrapper @@ -775,24 +775,24 @@ CV_EXPORTS InstrNode* getCurrentNode(); #else #define CV_INSTRUMENT_REGION_META(...) -#define CV_INSTRUMENT_REGION_() CV_TRACE_FUNCTION() +#define CV_INSTRUMENT_REGION_(); CV_TRACE_FUNCTION() #define CV_INSTRUMENT_REGION_NAME(...) CV_TRACE_REGION(__VA_ARGS__) -#define CV_INSTRUMENT_REGION_MT_FORK() +#define CV_INSTRUMENT_REGION_MT_FORK(); -#define CV_INSTRUMENT_REGION_IPP() CV__TRACE_REGION_("IPP", CV_TRACE_NS::details::REGION_FLAG_IMPL_IPP) +#define CV_INSTRUMENT_REGION_IPP(); CV__TRACE_REGION_("IPP", CV_TRACE_NS::details::REGION_FLAG_IMPL_IPP) #define CV_INSTRUMENT_FUN_IPP(FUN, ...) ((FUN)(__VA_ARGS__)) #define CV_INSTRUMENT_MARK_IPP(...) -#define CV_INSTRUMENT_REGION_OPENCL() CV__TRACE_REGION_("OpenCL", CV_TRACE_NS::details::REGION_FLAG_IMPL_OPENCL) +#define CV_INSTRUMENT_REGION_OPENCL(); CV__TRACE_REGION_("OpenCL", CV_TRACE_NS::details::REGION_FLAG_IMPL_OPENCL) #define CV_INSTRUMENT_REGION_OPENCL_COMPILE(...) #define CV_INSTRUMENT_REGION_OPENCL_RUN(...) #define CV_INSTRUMENT_MARK_OPENCL(...) #endif #ifdef __CV_AVX_GUARD -#define CV_INSTRUMENT_REGION() __CV_AVX_GUARD CV_INSTRUMENT_REGION_() +#define CV_INSTRUMENT_REGION(); __CV_AVX_GUARD CV_INSTRUMENT_REGION_(); #else -#define CV_INSTRUMENT_REGION() CV_INSTRUMENT_REGION_() +#define CV_INSTRUMENT_REGION(); CV_INSTRUMENT_REGION_(); #endif //! @endcond diff --git a/modules/core/src/arithm.cpp b/modules/core/src/arithm.cpp index 7d997b2508..999176bebb 100644 --- a/modules/core/src/arithm.cpp +++ b/modules/core/src/arithm.cpp @@ -369,7 +369,7 @@ static BinaryFuncC* getMinTab() void cv::bitwise_and(InputArray a, InputArray b, OutputArray c, InputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); BinaryFuncC f = (BinaryFuncC)GET_OPTIMIZED(cv::hal::and8u); binary_op(a, b, c, mask, &f, true, OCL_OP_AND); @@ -377,7 +377,7 @@ void cv::bitwise_and(InputArray a, InputArray b, OutputArray c, InputArray mask) void cv::bitwise_or(InputArray a, InputArray b, OutputArray c, InputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); BinaryFuncC f = (BinaryFuncC)GET_OPTIMIZED(cv::hal::or8u); binary_op(a, b, c, mask, &f, true, OCL_OP_OR); @@ -385,7 +385,7 @@ void cv::bitwise_or(InputArray a, InputArray b, OutputArray c, InputArray mask) void cv::bitwise_xor(InputArray a, InputArray b, OutputArray c, InputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); BinaryFuncC f = (BinaryFuncC)GET_OPTIMIZED(cv::hal::xor8u); binary_op(a, b, c, mask, &f, true, OCL_OP_XOR); @@ -393,7 +393,7 @@ void cv::bitwise_xor(InputArray a, InputArray b, OutputArray c, InputArray mask) void cv::bitwise_not(InputArray a, OutputArray c, InputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); BinaryFuncC f = (BinaryFuncC)GET_OPTIMIZED(cv::hal::not8u); binary_op(a, a, c, mask, &f, true, OCL_OP_NOT); @@ -401,21 +401,21 @@ void cv::bitwise_not(InputArray a, OutputArray c, InputArray mask) void cv::max( InputArray src1, InputArray src2, OutputArray dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); binary_op(src1, src2, dst, noArray(), getMaxTab(), false, OCL_OP_MAX ); } void cv::min( InputArray src1, InputArray src2, OutputArray dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); binary_op(src1, src2, dst, noArray(), getMinTab(), false, OCL_OP_MIN ); } void cv::max(const Mat& src1, const Mat& src2, Mat& dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); OutputArray _dst(dst); binary_op(src1, src2, _dst, noArray(), getMaxTab(), false, OCL_OP_MAX ); @@ -423,7 +423,7 @@ void cv::max(const Mat& src1, const Mat& src2, Mat& dst) void cv::min(const Mat& src1, const Mat& src2, Mat& dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); OutputArray _dst(dst); binary_op(src1, src2, _dst, noArray(), getMinTab(), false, OCL_OP_MIN ); @@ -431,7 +431,7 @@ void cv::min(const Mat& src1, const Mat& src2, Mat& dst) void cv::max(const UMat& src1, const UMat& src2, UMat& dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); OutputArray _dst(dst); binary_op(src1, src2, _dst, noArray(), getMaxTab(), false, OCL_OP_MAX ); @@ -439,7 +439,7 @@ void cv::max(const UMat& src1, const UMat& src2, UMat& dst) void cv::min(const UMat& src1, const UMat& src2, UMat& dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); OutputArray _dst(dst); binary_op(src1, src2, _dst, noArray(), getMinTab(), false, OCL_OP_MIN ); @@ -921,7 +921,7 @@ static BinaryFuncC* getAbsDiffTab() void cv::add( InputArray src1, InputArray src2, OutputArray dst, InputArray mask, int dtype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); arithm_op(src1, src2, dst, mask, dtype, getAddTab(), false, 0, OCL_OP_ADD ); } @@ -929,7 +929,7 @@ void cv::add( InputArray src1, InputArray src2, OutputArray dst, void cv::subtract( InputArray _src1, InputArray _src2, OutputArray _dst, InputArray mask, int dtype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifdef HAVE_TEGRA_OPTIMIZATION if (tegra::useTegra()) @@ -989,7 +989,7 @@ void cv::subtract( InputArray _src1, InputArray _src2, OutputArray _dst, void cv::absdiff( InputArray src1, InputArray src2, OutputArray dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); arithm_op(src1, src2, dst, noArray(), -1, getAbsDiffTab(), false, 0, OCL_OP_ABSDIFF); } @@ -1042,7 +1042,7 @@ static BinaryFuncC* getRecipTab() void cv::multiply(InputArray src1, InputArray src2, OutputArray dst, double scale, int dtype) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); arithm_op(src1, src2, dst, noArray(), dtype, getMulTab(), true, &scale, std::abs(scale - 1.0) < DBL_EPSILON ? OCL_OP_MUL : OCL_OP_MUL_SCALE); @@ -1051,7 +1051,7 @@ void cv::multiply(InputArray src1, InputArray src2, void cv::divide(InputArray src1, InputArray src2, OutputArray dst, double scale, int dtype) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); arithm_op(src1, src2, dst, noArray(), dtype, getDivTab(), true, &scale, OCL_OP_DIV_SCALE); } @@ -1059,7 +1059,7 @@ void cv::divide(InputArray src1, InputArray src2, void cv::divide(double scale, InputArray src2, OutputArray dst, int dtype) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); arithm_op(src2, src2, dst, noArray(), dtype, getRecipTab(), true, &scale, OCL_OP_RECIP_SCALE); } @@ -1088,7 +1088,7 @@ static BinaryFuncC* getAddWeightedTab() void cv::addWeighted( InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double scalars[] = {alpha, beta, gamma}; arithm_op(src1, src2, dst, noArray(), dtype, getAddWeightedTab(), true, scalars, OCL_OP_ADDW); @@ -1228,7 +1228,7 @@ static bool ocl_compare(InputArray _src1, InputArray _src2, OutputArray _dst, in void cv::compare(InputArray _src1, InputArray _src2, OutputArray _dst, int op) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( op == CMP_LT || op == CMP_LE || op == CMP_EQ || op == CMP_NE || op == CMP_GE || op == CMP_GT ); @@ -1757,7 +1757,7 @@ static bool ocl_inRange( InputArray _src, InputArray _lowerb, void cv::inRange(InputArray _src, InputArray _lowerb, InputArray _upperb, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(! _src.empty()); diff --git a/modules/core/src/array.cpp b/modules/core/src/array.cpp index dde8b2606f..4c0d3eb433 100644 --- a/modules/core/src/array.cpp +++ b/modules/core/src/array.cpp @@ -3235,7 +3235,7 @@ void scalarToRawData_(const Scalar& s, T * const buf, const int cn, const int un void scalarToRawData(const Scalar& s, void* _buf, int type, int unroll_to) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert(cn <= 4); diff --git a/modules/core/src/batch_distance.cpp b/modules/core/src/batch_distance.cpp index a5aeefc348..71d0e9e3ff 100644 --- a/modules/core/src/batch_distance.cpp +++ b/modules/core/src/batch_distance.cpp @@ -267,7 +267,7 @@ void cv::batchDistance( InputArray _src1, InputArray _src2, int normType, int K, InputArray _mask, int update, bool crosscheck ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src1 = _src1.getMat(), src2 = _src2.getMat(), mask = _mask.getMat(); int type = src1.type(); diff --git a/modules/core/src/channels.cpp b/modules/core/src/channels.cpp index 8e88c7d82c..4e464d910c 100644 --- a/modules/core/src/channels.cpp +++ b/modules/core/src/channels.cpp @@ -94,7 +94,7 @@ static MixChannelsFunc getMixchFunc(int depth) void cv::mixChannels( const Mat* src, size_t nsrcs, Mat* dst, size_t ndsts, const int* fromTo, size_t npairs ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( npairs == 0 ) return; @@ -272,7 +272,7 @@ static bool ocl_mixChannels(InputArrayOfArrays _src, InputOutputArrayOfArrays _d void cv::mixChannels(InputArrayOfArrays src, InputOutputArrayOfArrays dst, const int* fromTo, size_t npairs) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (npairs == 0 || fromTo == NULL) return; @@ -305,7 +305,7 @@ void cv::mixChannels(InputArrayOfArrays src, InputOutputArrayOfArrays dst, void cv::mixChannels(InputArrayOfArrays src, InputOutputArrayOfArrays dst, const std::vector& fromTo) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (fromTo.empty()) return; @@ -342,7 +342,7 @@ namespace cv static bool ipp_extractChannel(const Mat &src, Mat &dst, int channel) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int srcChannels = src.channels(); int dstChannels = dst.channels(); @@ -380,7 +380,7 @@ static bool ipp_extractChannel(const Mat &src, Mat &dst, int channel) static bool ipp_insertChannel(const Mat &src, Mat &dst, int channel) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int srcChannels = src.channels(); int dstChannels = dst.channels(); @@ -419,7 +419,7 @@ static bool ipp_insertChannel(const Mat &src, Mat &dst, int channel) void cv::extractChannel(InputArray _src, OutputArray _dst, int coi) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert( 0 <= coi && coi < cn ); @@ -447,7 +447,7 @@ void cv::extractChannel(InputArray _src, OutputArray _dst, int coi) void cv::insertChannel(InputArray _src, InputOutputArray _dst, int coi) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), dcn = CV_MAT_CN(dtype); diff --git a/modules/core/src/convert.cpp b/modules/core/src/convert.cpp index a54f4c1bcd..fe63fa6c3b 100644 --- a/modules/core/src/convert.cpp +++ b/modules/core/src/convert.cpp @@ -414,7 +414,7 @@ static bool ocl_convertFp16( InputArray _src, OutputArray _dst, int sdepth, int void cv::Mat::convertTo(OutputArray _dst, int _type, double alpha, double beta) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( empty() ) { @@ -470,7 +470,7 @@ void cv::Mat::convertTo(OutputArray _dst, int _type, double alpha, double beta) void cv::convertFp16( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int sdepth = _src.depth(), ddepth = 0; BinaryFunc func = 0; diff --git a/modules/core/src/convert_scale.cpp b/modules/core/src/convert_scale.cpp index 0d4b5151a3..64a98328cf 100644 --- a/modules/core/src/convert_scale.cpp +++ b/modules/core/src/convert_scale.cpp @@ -412,7 +412,7 @@ static bool ocl_convertScaleAbs( InputArray _src, OutputArray _dst, double alpha void cv::convertScaleAbs( InputArray _src, OutputArray _dst, double alpha, double beta ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_src.dims() <= 2 && _dst.isUMat(), ocl_convertScaleAbs(_src, _dst, alpha, beta)) @@ -540,7 +540,7 @@ static bool ocl_normalize( InputArray _src, InputOutputArray _dst, InputArray _m void cv::normalize( InputArray _src, InputOutputArray _dst, double a, double b, int norm_type, int rtype, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double scale = 1, shift = 0; int type = _src.type(), depth = CV_MAT_DEPTH(type); diff --git a/modules/core/src/copy.cpp b/modules/core/src/copy.cpp index c3f75bb384..321c54b5c3 100644 --- a/modules/core/src/copy.cpp +++ b/modules/core/src/copy.cpp @@ -236,7 +236,7 @@ BinaryFunc getCopyMaskFunc(size_t esz) /* dst = src */ void Mat::copyTo( OutputArray _dst ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int dtype = _dst.type(); if( _dst.fixedType() && dtype != type() ) @@ -319,7 +319,7 @@ void Mat::copyTo( OutputArray _dst ) const static bool ipp_copyTo(const Mat &src, Mat &dst, const Mat &mask) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(mask.channels() > 1 || mask.depth() != CV_8U) return false; @@ -353,7 +353,7 @@ static bool ipp_copyTo(const Mat &src, Mat &dst, const Mat &mask) void Mat::copyTo( OutputArray _dst, InputArray _mask ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat mask = _mask.getMat(); if( !mask.data ) @@ -409,7 +409,7 @@ void Mat::copyTo( OutputArray _dst, InputArray _mask ) const Mat& Mat::operator = (const Scalar& s) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (this->empty()) return *this; @@ -454,7 +454,7 @@ Mat& Mat::operator = (const Scalar& s) static bool ipp_Mat_setTo_Mat(Mat &dst, Mat &_val, Mat &mask) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(mask.empty()) return false; @@ -511,7 +511,7 @@ static bool ipp_Mat_setTo_Mat(Mat &dst, Mat &_val, Mat &mask) Mat& Mat::setTo(InputArray _value, InputArray _mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( empty() ) return *this; @@ -702,7 +702,7 @@ static bool ocl_flip(InputArray _src, OutputArray _dst, int flipCode ) static bool ipp_flip(Mat &src, Mat &dst, int flip_mode) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppiAxis ippMode; if(flip_mode < 0) @@ -735,7 +735,7 @@ static bool ipp_flip(Mat &src, Mat &dst, int flip_mode) void flip( InputArray _src, OutputArray _dst, int flip_mode ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.dims() <= 2 ); Size size = _src.size(); @@ -855,7 +855,7 @@ static bool ocl_repeat(InputArray _src, int ny, int nx, OutputArray _dst) void repeat(InputArray _src, int ny, int nx, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_src.getObj() != _dst.getObj()); CV_Assert( _src.dims() <= 2 ); @@ -1143,7 +1143,7 @@ static bool ipp_copyMakeBorder( Mat &_src, Mat &_dst, int top, int bottom, int left, int right, int _borderType, const Scalar& value ) { #if defined HAVE_IPP_IW && !IPP_DISABLE_PERF_COPYMAKE - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); ::ipp::IwiBorderSize borderSize(left, top, right, bottom); ::ipp::IwiSize size(_src.cols, _src.rows); @@ -1174,7 +1174,7 @@ static bool ipp_copyMakeBorder( Mat &_src, Mat &_dst, int top, int bottom, void cv::copyMakeBorder( InputArray _src, OutputArray _dst, int top, int bottom, int left, int right, int borderType, const Scalar& value ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( top >= 0 && bottom >= 0 && left >= 0 && right >= 0 ); diff --git a/modules/core/src/count_non_zero.cpp b/modules/core/src/count_non_zero.cpp index 4a2660ec65..202e7b846d 100644 --- a/modules/core/src/count_non_zero.cpp +++ b/modules/core/src/count_non_zero.cpp @@ -232,7 +232,7 @@ static bool ocl_countNonZero( InputArray _src, int & res ) #if defined HAVE_IPP static bool ipp_countNonZero( Mat &src, int &res ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201801 // Poor performance of SSE42 @@ -292,7 +292,7 @@ static bool ipp_countNonZero( Mat &src, int &res ) int cv::countNonZero( InputArray _src ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), cn = CV_MAT_CN(type); CV_Assert( cn == 1 ); @@ -326,7 +326,7 @@ int cv::countNonZero( InputArray _src ) void cv::findNonZero( InputArray _src, OutputArray _idx ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert( src.type() == CV_8UC1 ); diff --git a/modules/core/src/dxt.cpp b/modules/core/src/dxt.cpp index e7af47ba93..bfa61d0502 100644 --- a/modules/core/src/dxt.cpp +++ b/modules/core/src/dxt.cpp @@ -1752,7 +1752,7 @@ private: static bool ippi_DFT_C_32F(const uchar * src, size_t src_step, uchar * dst, size_t dst_step, int width, int height, bool inv, int norm_flag) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppStatus status; Ipp8u* pBuffer = 0; @@ -1808,7 +1808,7 @@ static bool ippi_DFT_C_32F(const uchar * src, size_t src_step, uchar * dst, size static bool ippi_DFT_R_32F(const uchar * src, size_t src_step, uchar * dst, size_t dst_step, int width, int height, bool inv, int norm_flag) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppStatus status; Ipp8u* pBuffer = 0; @@ -3314,7 +3314,7 @@ Ptr DFT2D::create(int width, int height, int depth, void cv::dft( InputArray _src0, OutputArray _dst, int flags, int nonzero_rows ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifdef HAVE_CLAMDFFT CV_OCL_RUN(ocl::haveAmdFft() && ocl::Device::getDefault().type() != ocl::Device::TYPE_CPU && @@ -3364,7 +3364,7 @@ void cv::dft( InputArray _src0, OutputArray _dst, int flags, int nonzero_rows ) void cv::idft( InputArray src, OutputArray dst, int flags, int nonzero_rows ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); dft( src, dst, flags | DFT_INVERSE, nonzero_rows ); } @@ -3529,7 +3529,7 @@ void mulSpectrums_Impl(const T* dataA, const T* dataB, T* dataC, size_t stepA, s void cv::mulSpectrums( InputArray _srcA, InputArray _srcB, OutputArray _dst, int flags, bool conjB ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_dst.isUMat() && _srcA.dims() <= 2 && _srcB.dims() <= 2, ocl_mulSpectrums(_srcA, _srcB, _dst, flags, conjB)) @@ -3941,7 +3941,7 @@ static bool DctIPPLoop(const uchar * src, size_t src_step, uchar * dst, size_t d static bool ippi_DCT_32f(const uchar * src, size_t src_step, uchar * dst, size_t dst_step, int width, int height, bool inv, bool row) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(row) return DctIPPLoop(src, src_step, dst, dst_step, width, height, inv); @@ -4236,7 +4236,7 @@ Ptr DCT2D::create(int width, int height, int depth, int flags) void cv::dct( InputArray _src0, OutputArray _dst, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src0 = _src0.getMat(), src = src0; int type = src.type(), depth = src.depth(); @@ -4260,7 +4260,7 @@ void cv::dct( InputArray _src0, OutputArray _dst, int flags ) void cv::idct( InputArray src, OutputArray dst, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); dct( src, dst, flags | DCT_INVERSE ); } diff --git a/modules/core/src/glob.cpp b/modules/core/src/glob.cpp index 651e8fb700..76f20e2c48 100644 --- a/modules/core/src/glob.cpp +++ b/modules/core/src/glob.cpp @@ -171,7 +171,7 @@ static bool isDir(const cv::String& path, DIR* dir) bool cv::utils::fs::isDirectory(const cv::String& path) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return isDir(path, NULL); } @@ -270,7 +270,7 @@ static void glob_rec(const cv::String& directory, const cv::String& wildchart, s void cv::glob(String pattern, std::vector& result, bool recursive) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); result.clear(); String path, wildchart; diff --git a/modules/core/src/kmeans.cpp b/modules/core/src/kmeans.cpp index b94f354732..3f10780cd3 100644 --- a/modules/core/src/kmeans.cpp +++ b/modules/core/src/kmeans.cpp @@ -228,7 +228,7 @@ double cv::kmeans( InputArray _data, int K, TermCriteria criteria, int attempts, int flags, OutputArray _centers ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int SPP_TRIALS = 3; Mat data0 = _data.getMat(); const bool isrow = data0.rows == 1; diff --git a/modules/core/src/lapack.cpp b/modules/core/src/lapack.cpp index 05d223bb36..d8ceaf6abb 100644 --- a/modules/core/src/lapack.cpp +++ b/modules/core/src/lapack.cpp @@ -67,28 +67,28 @@ namespace cv int LU(float* A, size_t astep, int m, float* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return hal::LU32f(A, astep, m, b, bstep, n); } int LU(double* A, size_t astep, int m, double* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return hal::LU64f(A, astep, m, b, bstep, n); } bool Cholesky(float* A, size_t astep, int m, float* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return hal::Cholesky32f(A, astep, m, b, bstep, n); } bool Cholesky(double* A, size_t astep, int m, double* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return hal::Cholesky64f(A, astep, m, b, bstep, n); } @@ -761,7 +761,7 @@ SVBkSb( int m, int n, const double* w, size_t wstep, double cv::determinant( InputArray _mat ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat mat = _mat.getMat(); double result = 0; @@ -839,7 +839,7 @@ double cv::determinant( InputArray _mat ) double cv::invert( InputArray _src, OutputArray _dst, int method ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool result = false; Mat src = _src.getMat(); @@ -1099,7 +1099,7 @@ double cv::invert( InputArray _src, OutputArray _dst, int method ) bool cv::solve( InputArray _src, InputArray _src2arg, OutputArray _dst, int method ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool result = true; Mat src = _src.getMat(), _src2 = _src2arg.getMat(); @@ -1398,7 +1398,7 @@ bool cv::solve( InputArray _src, InputArray _src2arg, OutputArray _dst, int meth bool cv::eigen( InputArray _src, OutputArray _evals, OutputArray _evects ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); int type = src.type(); @@ -1550,14 +1550,14 @@ static void _SVDcompute( InputArray _aarr, OutputArray _w, void SVD::compute( InputArray a, OutputArray w, OutputArray u, OutputArray vt, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _SVDcompute(a, w, u, vt, flags); } void SVD::compute( InputArray a, OutputArray w, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _SVDcompute(a, w, noArray(), noArray(), flags); } @@ -1607,14 +1607,14 @@ void SVD::backSubst( InputArray rhs, OutputArray dst ) const void cv::SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); SVD::compute(src, w, u, vt, flags); } void cv::SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); SVD::backSubst(w, u, vt, rhs, dst); } diff --git a/modules/core/src/lda.cpp b/modules/core/src/lda.cpp index 5acdb24c62..30728766e2 100644 --- a/modules/core/src/lda.cpp +++ b/modules/core/src/lda.cpp @@ -906,7 +906,7 @@ public: // National Institute of Standards and Technology (NIST). void compute(InputArray src, bool fallbackSymmetric) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(fallbackSymmetric && isSymmetric(src)) { // Fall back to OpenCV for a symmetric matrix! @@ -944,7 +944,7 @@ public: void eigenNonSymmetric(InputArray _src, OutputArray _evals, OutputArray _evects) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); int type = src.type(); diff --git a/modules/core/src/lut.cpp b/modules/core/src/lut.cpp index 3e91bd9fcb..39f847347e 100644 --- a/modules/core/src/lut.cpp +++ b/modules/core/src/lut.cpp @@ -271,7 +271,7 @@ private: static bool ipp_lut(Mat &src, Mat &lut, Mat &dst) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int lutcn = lut.channels(); @@ -358,7 +358,7 @@ private: void cv::LUT( InputArray _src, InputArray _lut, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int cn = _src.channels(), depth = _src.depth(); int lutcn = _lut.channels(); diff --git a/modules/core/src/mathfuncs.cpp b/modules/core/src/mathfuncs.cpp index 1bdac5ec98..e8067b5128 100644 --- a/modules/core/src/mathfuncs.cpp +++ b/modules/core/src/mathfuncs.cpp @@ -102,7 +102,7 @@ static bool ocl_math_op(InputArray _src1, InputArray _src2, OutputArray _dst, in \* ************************************************************************** */ float cubeRoot( float value ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); float fr; Cv32suf v, m; @@ -145,7 +145,7 @@ float cubeRoot( float value ) void magnitude( InputArray src1, InputArray src2, OutputArray dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = src1.type(), depth = src1.depth(), cn = src1.channels(); CV_Assert( src1.size() == src2.size() && type == src2.type() && (depth == CV_32F || depth == CV_64F)); @@ -181,7 +181,7 @@ void magnitude( InputArray src1, InputArray src2, OutputArray dst ) void phase( InputArray src1, InputArray src2, OutputArray dst, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = src1.type(), depth = src1.depth(), cn = src1.channels(); CV_Assert( src1.size() == src2.size() && type == src2.type() && (depth == CV_32F || depth == CV_64F)); @@ -267,7 +267,7 @@ static bool ocl_cartToPolar( InputArray _src1, InputArray _src2, void cartToPolar( InputArray src1, InputArray src2, OutputArray dst1, OutputArray dst2, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(dst1.isUMat() && dst2.isUMat(), ocl_cartToPolar(src1, src2, dst1, dst2, angleInDegrees)) @@ -501,7 +501,7 @@ static bool ocl_polarToCart( InputArray _mag, InputArray _angle, #ifdef HAVE_IPP static bool ipp_polarToCart(Mat &mag, Mat &angle, Mat &x, Mat &y) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int depth = angle.depth(); if(depth != CV_32F && depth != CV_64F) @@ -560,7 +560,7 @@ static bool ipp_polarToCart(Mat &mag, Mat &angle, Mat &x, Mat &y) void polarToCart( InputArray src1, InputArray src2, OutputArray dst1, OutputArray dst2, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = src2.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert((depth == CV_32F || depth == CV_64F) && (src1.empty() || src1.type() == type)); @@ -663,7 +663,7 @@ void polarToCart( InputArray src1, InputArray src2, void exp( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = _src.depth(), cn = _src.channels(); CV_Assert( depth == CV_32F || depth == CV_64F ); @@ -696,7 +696,7 @@ void exp( InputArray _src, OutputArray _dst ) void log( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = _src.depth(), cn = _src.channels(); CV_Assert( depth == CV_32F || depth == CV_64F ); @@ -1202,7 +1202,7 @@ static bool ocl_pow(InputArray _src, double power, OutputArray _dst, void pow( InputArray _src, double power, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type), ipower = cvRound(power); @@ -1353,7 +1353,7 @@ void pow( InputArray _src, double power, OutputArray _dst ) void sqrt(InputArray a, OutputArray b) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); cv::pow(a, 0.5, b); } @@ -1440,7 +1440,7 @@ check_range_function check_range_functions[] = bool checkRange(InputArray _src, bool quiet, Point* pt, double minVal, double maxVal) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); @@ -1579,7 +1579,7 @@ static bool ocl_patchNaNs( InputOutputArray _a, float value ) void patchNaNs( InputOutputArray _a, double _val ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _a.depth() == CV_32F ); @@ -1736,7 +1736,7 @@ CV_IMPL int cvCheckArr( const CvArr* arr, int flags, int cv::solveCubic( InputArray _coeffs, OutputArray _roots ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int n0 = 3; Mat coeffs = _coeffs.getMat(); @@ -1883,7 +1883,7 @@ int cv::solveCubic( InputArray _coeffs, OutputArray _roots ) http://en.wikipedia.org/wiki/Durand%E2%80%93Kerner_method */ double cv::solvePoly( InputArray _coeffs0, OutputArray _roots0, int maxIters ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); typedef Complex C; diff --git a/modules/core/src/mathfuncs_core.dispatch.cpp b/modules/core/src/mathfuncs_core.dispatch.cpp index 64d74bbe34..e48f84ebbe 100644 --- a/modules/core/src/mathfuncs_core.dispatch.cpp +++ b/modules/core/src/mathfuncs_core.dispatch.cpp @@ -13,7 +13,7 @@ namespace cv { namespace hal { void fastAtan32f(const float *Y, const float *X, float *angle, int len, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(fastAtan32f, cv_hal_fastAtan32f, Y, X, angle, len, angleInDegrees); @@ -23,7 +23,7 @@ void fastAtan32f(const float *Y, const float *X, float *angle, int len, bool ang void fastAtan64f(const double *Y, const double *X, double *angle, int len, bool angleInDegrees) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(fastAtan64f, cv_hal_fastAtan64f, Y, X, angle, len, angleInDegrees); @@ -34,14 +34,14 @@ void fastAtan64f(const double *Y, const double *X, double *angle, int len, bool // deprecated void fastAtan2(const float *Y, const float *X, float *angle, int len, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); fastAtan32f(Y, X, angle, len, angleInDegrees); } void magnitude32f(const float* x, const float* y, float* mag, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(magnitude32f, cv_hal_magnitude32f, x, y, mag, len); // SSE42 performance issues @@ -53,7 +53,7 @@ void magnitude32f(const float* x, const float* y, float* mag, int len) void magnitude64f(const double* x, const double* y, double* mag, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(magnitude64f, cv_hal_magnitude64f, x, y, mag, len); // SSE42 performance issues @@ -66,7 +66,7 @@ void magnitude64f(const double* x, const double* y, double* mag, int len) void invSqrt32f(const float* src, float* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(invSqrt32f, cv_hal_invSqrt32f, src, dst, len); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsInvSqrt_32f_A21, src, dst, len) >= 0); @@ -78,7 +78,7 @@ void invSqrt32f(const float* src, float* dst, int len) void invSqrt64f(const double* src, double* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(invSqrt64f, cv_hal_invSqrt64f, src, dst, len); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsInvSqrt_64f_A50, src, dst, len) >= 0); @@ -90,7 +90,7 @@ void invSqrt64f(const double* src, double* dst, int len) void sqrt32f(const float* src, float* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(sqrt32f, cv_hal_sqrt32f, src, dst, len); @@ -101,7 +101,7 @@ void sqrt32f(const float* src, float* dst, int len) void sqrt64f(const double* src, double* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(sqrt64f, cv_hal_sqrt64f, src, dst, len); @@ -111,7 +111,7 @@ void sqrt64f(const double* src, double* dst, int len) void exp32f(const float *src, float *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(exp32f, cv_hal_exp32f, src, dst, n); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsExp_32f_A21, src, dst, n) >= 0); @@ -122,7 +122,7 @@ void exp32f(const float *src, float *dst, int n) void exp64f(const double *src, double *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(exp64f, cv_hal_exp64f, src, dst, n); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsExp_64f_A50, src, dst, n) >= 0); @@ -133,7 +133,7 @@ void exp64f(const double *src, double *dst, int n) void log32f(const float *src, float *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(log32f, cv_hal_log32f, src, dst, n); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsLn_32f_A21, src, dst, n) >= 0); @@ -144,7 +144,7 @@ void log32f(const float *src, float *dst, int n) void log64f(const double *src, double *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(log64f, cv_hal_log64f, src, dst, n); CV_IPP_RUN_FAST(CV_INSTRUMENT_FUN_IPP(ippsLn_64f_A50, src, dst, n) >= 0); diff --git a/modules/core/src/mathfuncs_core.simd.hpp b/modules/core/src/mathfuncs_core.simd.hpp index 154b7f213b..239aaca0f7 100644 --- a/modules/core/src/mathfuncs_core.simd.hpp +++ b/modules/core/src/mathfuncs_core.simd.hpp @@ -149,13 +149,13 @@ static void fastAtan32f_(const float *Y, const float *X, float *angle, int len, void fastAtan32f(const float *Y, const float *X, float *angle, int len, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); fastAtan32f_(Y, X, angle, len, angleInDegrees ); } void fastAtan64f(const double *Y, const double *X, double *angle, int len, bool angleInDegrees) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int BLKSZ = 128; float ybuf[BLKSZ], xbuf[BLKSZ], abuf[BLKSZ]; @@ -176,13 +176,13 @@ void fastAtan64f(const double *Y, const double *X, double *angle, int len, bool // deprecated void fastAtan2(const float *Y, const float *X, float *angle, int len, bool angleInDegrees ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); fastAtan32f(Y, X, angle, len, angleInDegrees); } void magnitude32f(const float* x, const float* y, float* mag, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; @@ -215,7 +215,7 @@ void magnitude32f(const float* x, const float* y, float* mag, int len) void magnitude64f(const double* x, const double* y, double* mag, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; @@ -249,7 +249,7 @@ void magnitude64f(const double* x, const double* y, double* mag, int len) void invSqrt32f(const float* src, float* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; @@ -278,7 +278,7 @@ void invSqrt32f(const float* src, float* dst, int len) void invSqrt64f(const double* src, double* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; #if CV_SIMD_64F @@ -305,7 +305,7 @@ void invSqrt64f(const double* src, double* dst, int len) void sqrt32f(const float* src, float* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; @@ -334,7 +334,7 @@ void sqrt32f(const float* src, float* dst, int len) void sqrt64f(const double* src, double* dst, int len) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i = 0; @@ -366,7 +366,7 @@ void sqrt64f(const double* src, double* dst, int len) #if (defined _MSC_VER && _MSC_VER >= 1900) void exp32f(const float *src, float *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (int i = 0; i < n; i++) { @@ -376,7 +376,7 @@ void exp32f(const float *src, float *dst, int n) void exp64f(const double *src, double *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (int i = 0; i < n; i++) { @@ -386,7 +386,7 @@ void exp64f(const double *src, double *dst, int n) void log32f(const float *src, float *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (int i = 0; i < n; i++) { @@ -395,7 +395,7 @@ void log32f(const float *src, float *dst, int n) } void log64f(const double *src, double *dst, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (int i = 0; i < n; i++) { @@ -424,7 +424,7 @@ static const double exp_max_val = 3000.*(1 << EXPTAB_SCALE); // log10(DBL_MAX) < void exp32f( const float *_x, float *y, int n ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const float* const expTab_f = cv::details::getExpTab32f(); @@ -537,7 +537,7 @@ void exp32f( const float *_x, float *y, int n ) void exp64f( const double *_x, double *y, int n ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const double* const expTab = cv::details::getExpTab64f(); @@ -671,7 +671,7 @@ static const double ln_2 = 0.69314718055994530941723212145818; void log32f( const float *_x, float *y, int n ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const float* const logTab_f = cv::details::getLogTab32f(); @@ -742,7 +742,7 @@ void log32f( const float *_x, float *y, int n ) void log64f( const double *x, double *y, int n ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const double* const logTab = cv::details::getLogTab64f(); diff --git a/modules/core/src/matmul.cpp b/modules/core/src/matmul.cpp index 676b390ce0..7cd89c6222 100644 --- a/modules/core/src/matmul.cpp +++ b/modules/core/src/matmul.cpp @@ -896,7 +896,7 @@ static bool ocl_gemm( InputArray matA, InputArray matB, double alpha, static void gemmImpl( Mat A, Mat B, double alpha, Mat C, double beta, Mat D, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int block_lin_size = 128; const int block_size = block_lin_size * block_lin_size; @@ -2081,7 +2081,7 @@ static TransformFunc getDiagTransformFunc(int depth) void cv::transform( InputArray _src, OutputArray _dst, InputArray _mtx ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), m = _mtx.getMat(); int depth = src.depth(), scn = src.channels(), dcn = m.rows; @@ -2261,7 +2261,7 @@ perspectiveTransform_64f(const double* src, double* dst, const double* m, int le void cv::perspectiveTransform( InputArray _src, OutputArray _dst, InputArray _mtx ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), m = _mtx.getMat(); int depth = src.depth(), scn = src.channels(), dcn = m.rows-1; @@ -2408,7 +2408,7 @@ static bool ocl_scaleAdd( InputArray _src1, double alpha, InputArray _src2, Outp void cv::scaleAdd( InputArray _src1, double alpha, InputArray _src2, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src1.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert( type == _src2.type() ); @@ -2455,7 +2455,7 @@ void cv::scaleAdd( InputArray _src1, double alpha, InputArray _src2, OutputArray void cv::calcCovarMatrix( const Mat* data, int nsamples, Mat& covar, Mat& _mean, int flags, int ctype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert_N( data, nsamples > 0 ); Size size = data[0].size(); @@ -2497,7 +2497,7 @@ void cv::calcCovarMatrix( const Mat* data, int nsamples, Mat& covar, Mat& _mean, void cv::calcCovarMatrix( InputArray _src, OutputArray _covar, InputOutputArray _mean, int flags, int ctype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_src.kind() == _InputArray::STD_VECTOR_MAT || _src.kind() == _InputArray::STD_ARRAY_MAT) { @@ -2586,7 +2586,7 @@ void cv::calcCovarMatrix( InputArray _src, OutputArray _covar, InputOutputArray double cv::Mahalanobis( InputArray _v1, InputArray _v2, InputArray _icovar ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat v1 = _v1.getMat(), v2 = _v2.getMat(), icovar = _icovar.getMat(); int type = v1.type(), depth = v1.depth(); @@ -2878,7 +2878,7 @@ typedef void (*MulTransposedFunc)(const Mat& src, Mat& dst, const Mat& delta, do void cv::mulTransposed( InputArray _src, OutputArray _dst, bool ata, InputArray _delta, double scale, int dtype ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), delta = _delta.getMat(); const int gemm_level = 100; // boundary above which GEMM is faster. @@ -3286,7 +3286,7 @@ static DotProdFunc getDotProdFunc(int depth) double Mat::dot(InputArray _mat) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat mat = _mat.getMat(); int cn = channels(); diff --git a/modules/core/src/matrix.cpp b/modules/core/src/matrix.cpp index bc4dfc4f62..5edf252c87 100644 --- a/modules/core/src/matrix.cpp +++ b/modules/core/src/matrix.cpp @@ -85,7 +85,7 @@ void MatAllocator::copy(UMatData* usrc, UMatData* udst, int dims, const size_t s const size_t srcofs[], const size_t srcstep[], const size_t dstofs[], const size_t dststep[], bool /*sync*/) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(!usrc || !udst) return; diff --git a/modules/core/src/matrix_decomp.cpp b/modules/core/src/matrix_decomp.cpp index 7eeb47a16a..1a46a0de0c 100644 --- a/modules/core/src/matrix_decomp.cpp +++ b/modules/core/src/matrix_decomp.cpp @@ -72,7 +72,7 @@ LUImpl(_Tp* A, size_t astep, int m, _Tp* b, size_t bstep, int n, _Tp eps) int LU32f(float* A, size_t astep, int m, float* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int output; CALL_HAL_RET(LU32f, cv_hal_LU32f, output, A, astep, m, b, bstep, n) @@ -83,7 +83,7 @@ int LU32f(float* A, size_t astep, int m, float* b, size_t bstep, int n) int LU64f(double* A, size_t astep, int m, double* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int output; CALL_HAL_RET(LU64f, cv_hal_LU64f, output, A, astep, m, b, bstep, n) @@ -172,7 +172,7 @@ CholImpl(_Tp* A, size_t astep, int m, _Tp* b, size_t bstep, int n) bool Cholesky32f(float* A, size_t astep, int m, float* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool output; CALL_HAL_RET(Cholesky32f, cv_hal_Cholesky32f, output, A, astep, m, b, bstep, n) @@ -181,7 +181,7 @@ bool Cholesky32f(float* A, size_t astep, int m, float* b, size_t bstep, int n) bool Cholesky64f(double* A, size_t astep, int m, double* b, size_t bstep, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool output; CALL_HAL_RET(Cholesky64f, cv_hal_Cholesky64f, output, A, astep, m, b, bstep, n) @@ -293,7 +293,7 @@ QRImpl(_Tp* A, size_t astep, int m, int n, int k, _Tp* b, size_t bstep, _Tp* hFa int QR32f(float* A, size_t astep, int m, int n, int k, float* b, size_t bstep, float* hFactors) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int output; CALL_HAL_RET(QR32f, cv_hal_QR32f, output, A, astep, m, n, k, b, bstep, hFactors); @@ -303,7 +303,7 @@ int QR32f(float* A, size_t astep, int m, int n, int k, float* b, size_t bstep, f int QR64f(double* A, size_t astep, int m, int n, int k, double* b, size_t bstep, double* hFactors) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int output; CALL_HAL_RET(QR64f, cv_hal_QR64f, output, A, astep, m, n, k, b, bstep, hFactors) diff --git a/modules/core/src/matrix_expressions.cpp b/modules/core/src/matrix_expressions.cpp index 3bb5095ccf..243d6b0397 100644 --- a/modules/core/src/matrix_expressions.cpp +++ b/modules/core/src/matrix_expressions.cpp @@ -296,7 +296,7 @@ void MatOp::augAssignXor(const MatExpr& expr, Mat& m) const void MatOp::add(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( this == e2.op ) { @@ -329,7 +329,7 @@ void MatOp::add(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const void MatOp::add(const MatExpr& expr1, const Scalar& s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m1; expr1.op->assign(expr1, m1); @@ -339,7 +339,7 @@ void MatOp::add(const MatExpr& expr1, const Scalar& s, MatExpr& res) const void MatOp::subtract(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( this == e2.op ) { @@ -372,7 +372,7 @@ void MatOp::subtract(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const void MatOp::subtract(const Scalar& s, const MatExpr& expr, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m; expr.op->assign(expr, m); @@ -382,7 +382,7 @@ void MatOp::subtract(const Scalar& s, const MatExpr& expr, MatExpr& res) const void MatOp::multiply(const MatExpr& e1, const MatExpr& e2, MatExpr& res, double scale) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( this == e2.op ) { @@ -435,7 +435,7 @@ void MatOp::multiply(const MatExpr& e1, const MatExpr& e2, MatExpr& res, double void MatOp::multiply(const MatExpr& expr, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m; expr.op->assign(expr, m); @@ -445,7 +445,7 @@ void MatOp::multiply(const MatExpr& expr, double s, MatExpr& res) const void MatOp::divide(const MatExpr& e1, const MatExpr& e2, MatExpr& res, double scale) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( this == e2.op ) { @@ -487,7 +487,7 @@ void MatOp::divide(const MatExpr& e1, const MatExpr& e2, MatExpr& res, double sc void MatOp::divide(double s, const MatExpr& expr, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m; expr.op->assign(expr, m); @@ -497,7 +497,7 @@ void MatOp::divide(double s, const MatExpr& expr, MatExpr& res) const void MatOp::abs(const MatExpr& expr, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m; expr.op->assign(expr, m); @@ -507,7 +507,7 @@ void MatOp::abs(const MatExpr& expr, MatExpr& res) const void MatOp::transpose(const MatExpr& expr, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m; expr.op->assign(expr, m); @@ -573,7 +573,7 @@ Size MatOp::size(const MatExpr& expr) const int MatOp::type(const MatExpr& expr) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return !expr.a.empty() ? expr.a.type() : expr.b.empty() ? expr.b.type() : expr.c.type(); } @@ -1023,7 +1023,7 @@ MatExpr operator > (double s, const Mat& a) MatExpr min(const Mat& a, const Mat& b) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'm', a, b); @@ -1032,7 +1032,7 @@ MatExpr min(const Mat& a, const Mat& b) MatExpr min(const Mat& a, double s) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'n', a, s); @@ -1041,7 +1041,7 @@ MatExpr min(const Mat& a, double s) MatExpr min(double s, const Mat& a) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'n', a, s); @@ -1050,7 +1050,7 @@ MatExpr min(double s, const Mat& a) MatExpr max(const Mat& a, const Mat& b) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'M', a, b); @@ -1059,7 +1059,7 @@ MatExpr max(const Mat& a, const Mat& b) MatExpr max(const Mat& a, double s) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'N', a, s); @@ -1068,7 +1068,7 @@ MatExpr max(const Mat& a, double s) MatExpr max(double s, const Mat& a) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'N', a, s); @@ -1147,7 +1147,7 @@ MatExpr operator ~(const Mat& a) MatExpr abs(const Mat& a) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Bin::makeExpr(e, 'a', a, Scalar()); @@ -1156,7 +1156,7 @@ MatExpr abs(const Mat& a) MatExpr abs(const MatExpr& e) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr en; e.op->abs(e, en); @@ -1180,7 +1180,7 @@ Size MatExpr::size() const int MatExpr::type() const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( isInitializer(*this) ) return a.type(); @@ -1264,7 +1264,7 @@ void MatOp_AddEx::assign(const MatExpr& e, Mat& m, int _type) const void MatOp_AddEx::add(const MatExpr& e, const Scalar& s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.s += s; @@ -1273,7 +1273,7 @@ void MatOp_AddEx::add(const MatExpr& e, const Scalar& s, MatExpr& res) const void MatOp_AddEx::subtract(const Scalar& s, const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.alpha = -res.alpha; @@ -1283,7 +1283,7 @@ void MatOp_AddEx::subtract(const Scalar& s, const MatExpr& e, MatExpr& res) cons void MatOp_AddEx::multiply(const MatExpr& e, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.alpha *= s; @@ -1293,7 +1293,7 @@ void MatOp_AddEx::multiply(const MatExpr& e, double s, MatExpr& res) const void MatOp_AddEx::divide(double s, const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( isScaled(e) ) MatOp_Bin::makeExpr(res, '/', e.a, Mat(), s/e.alpha); @@ -1304,7 +1304,7 @@ void MatOp_AddEx::divide(double s, const MatExpr& e, MatExpr& res) const void MatOp_AddEx::transpose(const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( isScaled(e) ) MatOp_T::makeExpr(res, e.a, e.alpha); @@ -1314,7 +1314,7 @@ void MatOp_AddEx::transpose(const MatExpr& e, MatExpr& res) const void MatOp_AddEx::abs(const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( (!e.b.data || e.beta == 0) && fabs(e.alpha) == 1 ) MatOp_Bin::makeExpr(res, 'a', e.a, -e.s*e.alpha); @@ -1376,7 +1376,7 @@ void MatOp_Bin::assign(const MatExpr& e, Mat& m, int _type) const void MatOp_Bin::multiply(const MatExpr& e, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( e.flags == '*' || e.flags == '/' ) { @@ -1389,7 +1389,7 @@ void MatOp_Bin::multiply(const MatExpr& e, double s, MatExpr& res) const void MatOp_Bin::divide(double s, const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( e.flags == '/' && (!e.b.data || e.beta == 0) ) MatOp_AddEx::makeExpr(res, e.a, Mat(), s/e.alpha, 0); @@ -1446,7 +1446,7 @@ void MatOp_T::assign(const MatExpr& e, Mat& m, int _type) const void MatOp_T::multiply(const MatExpr& e, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.alpha *= s; @@ -1454,7 +1454,7 @@ void MatOp_T::multiply(const MatExpr& e, double s, MatExpr& res) const void MatOp_T::transpose(const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( e.alpha == 1 ) MatOp_Identity::makeExpr(res, e.a); @@ -1480,7 +1480,7 @@ void MatOp_GEMM::assign(const MatExpr& e, Mat& m, int _type) const void MatOp_GEMM::add(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool i1 = isIdentity(e1), i2 = isIdentity(e2); double alpha1 = i1 ? 1 : e1.alpha, alpha2 = i2 ? 1 : e2.alpha; @@ -1499,7 +1499,7 @@ void MatOp_GEMM::add(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const void MatOp_GEMM::subtract(const MatExpr& e1, const MatExpr& e2, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool i1 = isIdentity(e1), i2 = isIdentity(e2); double alpha1 = i1 ? 1 : e1.alpha, alpha2 = i2 ? 1 : e2.alpha; @@ -1518,7 +1518,7 @@ void MatOp_GEMM::subtract(const MatExpr& e1, const MatExpr& e2, MatExpr& res) co void MatOp_GEMM::multiply(const MatExpr& e, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.alpha *= s; @@ -1527,7 +1527,7 @@ void MatOp_GEMM::multiply(const MatExpr& e, double s, MatExpr& res) const void MatOp_GEMM::transpose(const MatExpr& e, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.flags = (!(e.flags & CV_GEMM_A_T) ? CV_GEMM_B_T : 0) | @@ -1608,7 +1608,7 @@ void MatOp_Initializer::assign(const MatExpr& e, Mat& m, int _type) const void MatOp_Initializer::multiply(const MatExpr& e, double s, MatExpr& res) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); res = e; res.alpha *= s; @@ -1628,7 +1628,7 @@ inline void MatOp_Initializer::makeExpr(MatExpr& res, int method, int ndims, con MatExpr Mat::t() const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_T::makeExpr(e, *this); @@ -1637,7 +1637,7 @@ MatExpr Mat::t() const MatExpr Mat::inv(int method) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Invert::makeExpr(e, method, *this); @@ -1647,7 +1647,7 @@ MatExpr Mat::inv(int method) const MatExpr Mat::mul(InputArray m, double scale) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; if(m.kind() == _InputArray::EXPR) @@ -1662,7 +1662,7 @@ MatExpr Mat::mul(InputArray m, double scale) const MatExpr Mat::zeros(int rows, int cols, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '0', Size(cols, rows), type); @@ -1671,7 +1671,7 @@ MatExpr Mat::zeros(int rows, int cols, int type) MatExpr Mat::zeros(Size size, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '0', size, type); @@ -1680,7 +1680,7 @@ MatExpr Mat::zeros(Size size, int type) MatExpr Mat::zeros(int ndims, const int* sizes, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '0', ndims, sizes, type); @@ -1689,7 +1689,7 @@ MatExpr Mat::zeros(int ndims, const int* sizes, int type) MatExpr Mat::ones(int rows, int cols, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '1', Size(cols, rows), type); @@ -1698,7 +1698,7 @@ MatExpr Mat::ones(int rows, int cols, int type) MatExpr Mat::ones(Size size, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '1', size, type); @@ -1707,7 +1707,7 @@ MatExpr Mat::ones(Size size, int type) MatExpr Mat::ones(int ndims, const int* sizes, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, '1', ndims, sizes, type); @@ -1716,7 +1716,7 @@ MatExpr Mat::ones(int ndims, const int* sizes, int type) MatExpr Mat::eye(int rows, int cols, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, 'I', Size(cols, rows), type); @@ -1725,7 +1725,7 @@ MatExpr Mat::eye(int rows, int cols, int type) MatExpr Mat::eye(Size size, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); MatExpr e; MatOp_Initializer::makeExpr(e, 'I', size, type); diff --git a/modules/core/src/matrix_operations.cpp b/modules/core/src/matrix_operations.cpp index 74d289b683..6d865a51a9 100644 --- a/modules/core/src/matrix_operations.cpp +++ b/modules/core/src/matrix_operations.cpp @@ -47,7 +47,7 @@ void cv::swap( Mat& a, Mat& b ) void cv::hconcat(const Mat* src, size_t nsrc, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( nsrc == 0 || !src ) { @@ -75,7 +75,7 @@ void cv::hconcat(const Mat* src, size_t nsrc, OutputArray _dst) void cv::hconcat(InputArray src1, InputArray src2, OutputArray dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src[] = {src1.getMat(), src2.getMat()}; hconcat(src, 2, dst); @@ -83,7 +83,7 @@ void cv::hconcat(InputArray src1, InputArray src2, OutputArray dst) void cv::hconcat(InputArray _src, OutputArray dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector src; _src.getMatVector(src); @@ -120,7 +120,7 @@ void cv::vconcat(const Mat* src, size_t nsrc, OutputArray _dst) void cv::vconcat(InputArray src1, InputArray src2, OutputArray dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src[] = {src1.getMat(), src2.getMat()}; vconcat(src, 2, dst); @@ -128,7 +128,7 @@ void cv::vconcat(InputArray src1, InputArray src2, OutputArray dst) void cv::vconcat(InputArray _src, OutputArray dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector src; _src.getMatVector(src); @@ -179,7 +179,7 @@ static bool ocl_setIdentity( InputOutputArray _m, const Scalar& s ) void cv::setIdentity( InputOutputArray _m, const Scalar& s ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _m.dims() <= 2 ); @@ -226,7 +226,7 @@ void cv::setIdentity( InputOutputArray _m, const Scalar& s ) cv::Scalar cv::trace( InputArray _m ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m = _m.getMat(); CV_Assert( m.dims <= 2 ); @@ -423,7 +423,7 @@ static bool ocl_transpose( InputArray _src, OutputArray _dst ) #ifdef HAVE_IPP static bool ipp_transpose( Mat &src, Mat &dst ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int type = src.type(); typedef IppStatus (CV_STDCALL * IppiTranspose)(const void * pSrc, int srcStep, void * pDst, int dstStep, IppiSize roiSize); @@ -492,7 +492,7 @@ static bool ipp_transpose( Mat &src, Mat &dst ) void cv::transpose( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), esz = CV_ELEM_SIZE(type); CV_Assert( _src.dims() <= 2 && esz <= 32 ); @@ -540,7 +540,7 @@ void cv::transpose( InputArray _src, OutputArray _dst ) void cv::completeSymm( InputOutputArray _m, bool LtoR ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m = _m.getMat(); size_t step = m.step, esz = m.elemSize(); @@ -964,7 +964,7 @@ static bool ocl_reduce(InputArray _src, OutputArray _dst, void cv::reduce(InputArray _src, OutputArray _dst, int dim, int op, int dtype) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.dims() <= 2 ); int op0 = op; @@ -1196,7 +1196,7 @@ static IppSortFunc getSortFunc(int depth, bool sortDescending) static bool ipp_sort(const Mat& src, Mat& dst, int flags) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); bool sortRows = (flags & 1) == CV_SORT_EVERY_ROW; bool sortDescending = (flags & CV_SORT_DESCENDING) != 0; @@ -1342,7 +1342,7 @@ static IppSortIndexFunc getSortIndexFunc(int depth, bool sortDescending) static bool ipp_sortIdx( const Mat& src, Mat& dst, int flags ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); bool sortRows = (flags & 1) == SORT_EVERY_ROW; bool sortDescending = (flags & SORT_DESCENDING) != 0; @@ -1404,7 +1404,7 @@ typedef void (*SortFunc)(const Mat& src, Mat& dst, int flags); void cv::sort( InputArray _src, OutputArray _dst, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert( src.dims <= 2 && src.channels() == 1 ); @@ -1425,7 +1425,7 @@ void cv::sort( InputArray _src, OutputArray _dst, int flags ) void cv::sortIdx( InputArray _src, OutputArray _dst, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert( src.dims <= 2 && src.channels() == 1 ); diff --git a/modules/core/src/matrix_sparse.cpp b/modules/core/src/matrix_sparse.cpp index a37967c222..61e7e90a56 100644 --- a/modules/core/src/matrix_sparse.cpp +++ b/modules/core/src/matrix_sparse.cpp @@ -615,7 +615,7 @@ void SparseMat::removeNode(size_t hidx, size_t nidx, size_t previdx) // double norm( const SparseMat& src, int normType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); SparseMatConstIterator it = src.begin(); @@ -680,7 +680,7 @@ double norm( const SparseMat& src, int normType ) void minMaxLoc( const SparseMat& src, double* _minval, double* _maxval, int* _minidx, int* _maxidx ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); SparseMatConstIterator it = src.begin(); size_t i, N = src.nzcount(), d = src.hdr ? src.hdr->dims : 0; @@ -747,7 +747,7 @@ void minMaxLoc( const SparseMat& src, double* _minval, double* _maxval, int* _mi void normalize( const SparseMat& src, SparseMat& dst, double a, int norm_type ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double scale = 1; if( norm_type == CV_L2 || norm_type == CV_L1 || norm_type == CV_C ) diff --git a/modules/core/src/mean.cpp b/modules/core/src/mean.cpp index e17875c08b..e0648cab41 100644 --- a/modules/core/src/mean.cpp +++ b/modules/core/src/mean.cpp @@ -13,7 +13,7 @@ namespace cv { static bool ipp_mean( Mat &src, Mat &mask, Scalar &ret ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 700 size_t total_size = src.total(); @@ -106,7 +106,7 @@ static bool ipp_mean( Mat &src, Mat &mask, Scalar &ret ) cv::Scalar cv::mean( InputArray _src, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), mask = _mask.getMat(); CV_Assert( mask.empty() || mask.type() == CV_8U ); @@ -460,7 +460,7 @@ static SumSqrFunc getSumSqrTab(int depth) #ifdef HAVE_OPENCL static bool ocl_meanStdDev( InputArray _src, OutputArray _mean, OutputArray _sdv, InputArray _mask ) { - CV_INSTRUMENT_REGION_OPENCL() + CV_INSTRUMENT_REGION_OPENCL(); bool haveMask = _mask.kind() != _InputArray::NONE; int nz = haveMask ? -1 : (int)_src.total(); @@ -644,7 +644,7 @@ static bool ocl_meanStdDev( InputArray _src, OutputArray _mean, OutputArray _sdv #ifdef HAVE_IPP static bool ipp_meanStdDev(Mat& src, OutputArray _mean, OutputArray _sdv, Mat& mask) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 700 int cn = src.channels(); @@ -764,7 +764,7 @@ static bool ipp_meanStdDev(Mat& src, OutputArray _mean, OutputArray _sdv, Mat& m void cv::meanStdDev( InputArray _src, OutputArray _mean, OutputArray _sdv, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!_src.empty()); CV_Assert( _mask.empty() || _mask.type() == CV_8UC1 ); diff --git a/modules/core/src/merge.cpp b/modules/core/src/merge.cpp index 300a718506..c701fd4658 100644 --- a/modules/core/src/merge.cpp +++ b/modules/core/src/merge.cpp @@ -229,7 +229,7 @@ namespace cv { static bool ipp_merge(const Mat* mv, Mat& dst, int channels) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(channels != 3 && channels != 4) return false; @@ -279,7 +279,7 @@ static bool ipp_merge(const Mat* mv, Mat& dst, int channels) void cv::merge(const Mat* mv, size_t n, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( mv && n > 0 ); @@ -427,7 +427,7 @@ static bool ocl_merge( InputArrayOfArrays _mv, OutputArray _dst ) void cv::merge(InputArrayOfArrays _mv, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_mv.isUMatVector() && _dst.isUMat(), ocl_merge(_mv, _dst)) diff --git a/modules/core/src/minmax.cpp b/modules/core/src/minmax.cpp index 4276b22634..7c5b318398 100644 --- a/modules/core/src/minmax.cpp +++ b/modules/core/src/minmax.cpp @@ -579,7 +579,7 @@ typedef IppStatus (*IppMinMaxSelector)(const void* pSrc, int srcStep, IppiSize s static bool ipp_minMaxIdx(Mat &src, double* _minVal, double* _maxVal, int* _minIdx, int* _maxIdx, Mat &mask) { #if IPP_VERSION_X100 >= 700 - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201800 // cv::minMaxIdx problem with NaN input @@ -746,7 +746,7 @@ void cv::minMaxIdx(InputArray _src, double* minVal, double* maxVal, int* minIdx, int* maxIdx, InputArray _mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert( (cn == 1 && (_mask.empty() || _mask.type() == CV_8U)) || @@ -818,7 +818,7 @@ void cv::minMaxIdx(InputArray _src, double* minVal, void cv::minMaxLoc( InputArray _img, double* minVal, double* maxVal, Point* minLoc, Point* maxLoc, InputArray mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_img.dims() <= 2); diff --git a/modules/core/src/norm.cpp b/modules/core/src/norm.cpp index 8f262291f9..b2ea8d4101 100644 --- a/modules/core/src/norm.cpp +++ b/modules/core/src/norm.cpp @@ -496,7 +496,7 @@ static bool ocl_norm( InputArray _src, int normType, InputArray _mask, double & #ifdef HAVE_IPP static bool ipp_norm(Mat &src, int normType, Mat &mask, double &result) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 700 size_t total_size = src.total(); @@ -625,7 +625,7 @@ static bool ipp_norm(Mat &src, int normType, Mat &mask, double &result) double cv::norm( InputArray _src, int normType, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); normType &= NORM_TYPE_MASK; CV_Assert( normType == NORM_INF || normType == NORM_L1 || @@ -857,7 +857,7 @@ namespace cv { static bool ipp_norm(InputArray _src1, InputArray _src2, int normType, InputArray _mask, double &result) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 700 Mat src1 = _src1.getMat(), src2 = _src2.getMat(), mask = _mask.getMat(); @@ -1087,7 +1087,7 @@ static bool ipp_norm(InputArray _src1, InputArray _src2, int normType, InputArra double cv::norm( InputArray _src1, InputArray _src2, int normType, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src1.sameSize(_src2) && _src1.type() == _src2.type() ); @@ -1253,7 +1253,7 @@ cv::Hamming::ResultType cv::Hamming::operator()( const unsigned char* a, const u double cv::PSNR(InputArray _src1, InputArray _src2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); //Input arrays must have depth CV_8U CV_Assert( _src1.depth() == CV_8U && _src2.depth() == CV_8U ); diff --git a/modules/core/src/ocl.cpp b/modules/core/src/ocl.cpp index 99aae4214b..96e5881a29 100644 --- a/modules/core/src/ocl.cpp +++ b/modules/core/src/ocl.cpp @@ -3091,7 +3091,7 @@ bool Kernel::run(int dims, size_t _globalsize[], size_t _localsize[], bool Kernel::Impl::run(int dims, size_t globalsize[], size_t localsize[], bool sync, int64* timeNS, const Queue& q) { - CV_INSTRUMENT_REGION_OPENCL_RUN(name.c_str()); + CV_INSTRUMENT_REGION_OPENCL_RUN(name.c_str();); if (!handle || isInProgress) return false; diff --git a/modules/core/src/parallel.cpp b/modules/core/src/parallel.cpp index 1fa5956cfd..f693da4c76 100644 --- a/modules/core/src/parallel.cpp +++ b/modules/core/src/parallel.cpp @@ -312,7 +312,7 @@ namespace cv::instr::InstrTLSStruct *pInstrTLS = &cv::instr::getInstrumentTLSStruct(); pInstrTLS->pCurrentNode = ctx.pThreadRoot; // Initialize TLS node for thread } - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #endif // propagate main thread state @@ -466,7 +466,7 @@ void cv::parallel_for_(const cv::Range& range, const cv::ParallelLoopBody& body, CV_TRACE_ARG_VALUE(nstripes, "nstripes", (int64)nstripes); #endif - CV_INSTRUMENT_REGION_MT_FORK() + CV_INSTRUMENT_REGION_MT_FORK(); if (range.empty()) return; diff --git a/modules/core/src/pca.cpp b/modules/core/src/pca.cpp index 0625419a70..79126a8f36 100644 --- a/modules/core/src/pca.cpp +++ b/modules/core/src/pca.cpp @@ -352,7 +352,7 @@ Mat PCA::backProject(InputArray data) const void cv::PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca(data, mean, 0, maxComponents); @@ -364,7 +364,7 @@ void cv::PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, OutputArray eigenvalues, int maxComponents) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca(data, mean, 0, maxComponents); @@ -376,7 +376,7 @@ void cv::PCACompute(InputArray data, InputOutputArray mean, void cv::PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, double retainedVariance) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca(data, mean, 0, retainedVariance); @@ -388,7 +388,7 @@ void cv::PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, OutputArray eigenvalues, double retainedVariance) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca(data, mean, 0, retainedVariance); @@ -400,7 +400,7 @@ void cv::PCACompute(InputArray data, InputOutputArray mean, void cv::PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca.mean = mean.getMat(); @@ -411,7 +411,7 @@ void cv::PCAProject(InputArray data, InputArray mean, void cv::PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); PCA pca; pca.mean = mean.getMat(); diff --git a/modules/core/src/persistence_cpp.cpp b/modules/core/src/persistence_cpp.cpp index 548df60ebf..b1cef6be95 100644 --- a/modules/core/src/persistence_cpp.cpp +++ b/modules/core/src/persistence_cpp.cpp @@ -56,7 +56,7 @@ FileStorage::~FileStorage() bool FileStorage::open(const String& filename, int flags, const String& encoding) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); release(); fs.reset(cvOpenFileStorage( filename.c_str(), 0, flags, diff --git a/modules/core/src/rand.cpp b/modules/core/src/rand.cpp index e791fd131b..aa952b2448 100644 --- a/modules/core/src/rand.cpp +++ b/modules/core/src/rand.cpp @@ -781,14 +781,14 @@ void cv::setRNGSeed(int seed) void cv::randu(InputOutputArray dst, InputArray low, InputArray high) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); theRNG().fill(dst, RNG::UNIFORM, low, high); } void cv::randn(InputOutputArray dst, InputArray mean, InputArray stddev) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); theRNG().fill(dst, RNG::NORMAL, mean, stddev); } @@ -836,7 +836,7 @@ typedef void (*RandShuffleFunc)( Mat& dst, RNG& rng, double iterFactor ); void cv::randShuffle( InputOutputArray _dst, double iterFactor, RNG* _rng ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); RandShuffleFunc tab[] = { diff --git a/modules/core/src/split.cpp b/modules/core/src/split.cpp index 3fab6874b7..5b56fa0c5a 100644 --- a/modules/core/src/split.cpp +++ b/modules/core/src/split.cpp @@ -237,7 +237,7 @@ namespace cv { static bool ipp_split(const Mat& src, Mat* mv, int channels) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(channels != 3 && channels != 4) return false; @@ -287,7 +287,7 @@ static bool ipp_split(const Mat& src, Mat* mv, int channels) void cv::split(const Mat& src, Mat* mv) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int k, depth = src.depth(), cn = src.channels(); if( cn == 1 ) @@ -387,7 +387,7 @@ static bool ocl_split( InputArray _m, OutputArrayOfArrays _mv ) void cv::split(InputArray _m, OutputArrayOfArrays _mv) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_m.dims() <= 2 && _mv.isUMatVector(), ocl_split(_m, _mv)) diff --git a/modules/core/src/stat.dispatch.cpp b/modules/core/src/stat.dispatch.cpp index 025c0929f0..08275fac50 100644 --- a/modules/core/src/stat.dispatch.cpp +++ b/modules/core/src/stat.dispatch.cpp @@ -11,7 +11,7 @@ namespace cv { namespace hal { int normHamming(const uchar* a, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_CPU_DISPATCH(normHamming, (a, n), CV_CPU_DISPATCH_MODES_ALL); @@ -19,7 +19,7 @@ int normHamming(const uchar* a, int n) int normHamming(const uchar* a, const uchar* b, int n) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_CPU_DISPATCH(normHamming, (a, b, n), CV_CPU_DISPATCH_MODES_ALL); diff --git a/modules/core/src/sum.cpp b/modules/core/src/sum.cpp index 519ab1ee0f..30cee85b4c 100644 --- a/modules/core/src/sum.cpp +++ b/modules/core/src/sum.cpp @@ -541,7 +541,7 @@ bool ocl_sum( InputArray _src, Scalar & res, int sum_op, InputArray _mask, #ifdef HAVE_IPP static bool ipp_sum(Mat &src, Scalar &_res) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 700 int cn = src.channels(); @@ -597,7 +597,7 @@ static bool ipp_sum(Mat &src, Scalar &_res) cv::Scalar cv::sum( InputArray _src ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #if defined HAVE_OPENCL || defined HAVE_IPP Scalar _res; diff --git a/modules/core/src/types.cpp b/modules/core/src/types.cpp index e0521ce04e..15ba83a0f6 100644 --- a/modules/core/src/types.cpp +++ b/modules/core/src/types.cpp @@ -65,7 +65,7 @@ size_t KeyPoint::hash() const void KeyPoint::convert(const std::vector& keypoints, std::vector& points2f, const std::vector& keypointIndexes) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( keypointIndexes.empty() ) { @@ -93,7 +93,7 @@ void KeyPoint::convert(const std::vector& keypoints, std::vector& points2f, std::vector& keypoints, float size, float response, int octave, int class_id ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); keypoints.resize(points2f.size()); for( size_t i = 0; i < points2f.size(); i++ ) diff --git a/modules/core/src/umatrix.cpp b/modules/core/src/umatrix.cpp index 14c03432c1..248b679379 100644 --- a/modules/core/src/umatrix.cpp +++ b/modules/core/src/umatrix.cpp @@ -872,7 +872,7 @@ void UMat::ndoffset(size_t* ofs) const void UMat::copyTo(OutputArray _dst) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int dtype = _dst.type(); if( _dst.fixedType() && dtype != type() ) @@ -918,7 +918,7 @@ void UMat::copyTo(OutputArray _dst) const void UMat::copyTo(OutputArray _dst, InputArray _mask) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( _mask.empty() ) { @@ -967,7 +967,7 @@ void UMat::copyTo(OutputArray _dst, InputArray _mask) const void UMat::convertTo(OutputArray _dst, int _type, double alpha, double beta) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool noScale = std::fabs(alpha - 1) < DBL_EPSILON && std::fabs(beta) < DBL_EPSILON; int stype = type(), cn = CV_MAT_CN(stype); @@ -1032,7 +1032,7 @@ void UMat::convertTo(OutputArray _dst, int _type, double alpha, double beta) con UMat& UMat::setTo(InputArray _value, InputArray _mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bool haveMask = !_mask.empty(); #ifdef HAVE_OPENCL @@ -1172,7 +1172,7 @@ static bool ocl_dot( InputArray _src1, InputArray _src2, double & res ) double UMat::dot(InputArray m) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(m.sameSize(*this) && m.type() == type()); diff --git a/modules/core/src/utils/filesystem.cpp b/modules/core/src/utils/filesystem.cpp index 366cdaf4f3..c58374da61 100644 --- a/modules/core/src/utils/filesystem.cpp +++ b/modules/core/src/utils/filesystem.cpp @@ -87,7 +87,7 @@ cv::String join(const cv::String& base, const cv::String& path) bool exists(const cv::String& path) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #if defined _WIN32 || defined WINCE BOOL status = TRUE; @@ -150,7 +150,7 @@ CV_EXPORTS void remove_all(const cv::String& path) cv::String getcwd() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); cv::AutoBuffer buf; #if defined WIN32 || defined _WIN32 || defined WINCE #ifdef WINRT @@ -185,7 +185,7 @@ cv::String getcwd() bool createDirectory(const cv::String& path) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #if defined WIN32 || defined _WIN32 || defined WINCE #ifdef WINRT wchar_t wpath[MAX_PATH]; diff --git a/modules/features2d/src/agast.cpp b/modules/features2d/src/agast.cpp index 8b63234b29..507ed1b97a 100644 --- a/modules/features2d/src/agast.cpp +++ b/modules/features2d/src/agast.cpp @@ -7936,7 +7936,7 @@ static void OAST_9_16(InputArray _img, std::vector& keypoints, int thr void AGAST(InputArray _img, std::vector& keypoints, int threshold, bool nonmax_suppression) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); AGAST(_img, keypoints, threshold, nonmax_suppression, AgastFeatureDetector::OAST_9_16); } @@ -7950,7 +7950,7 @@ public: void detect( InputArray _image, std::vector& keypoints, InputArray _mask ) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_image.empty()) { @@ -8013,7 +8013,7 @@ Ptr AgastFeatureDetector::create( int threshold, bool nonm void AGAST(InputArray _img, std::vector& keypoints, int threshold, bool nonmax_suppression, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector kpts; diff --git a/modules/features2d/src/akaze.cpp b/modules/features2d/src/akaze.cpp index d5cc25d358..49f3c2efa6 100644 --- a/modules/features2d/src/akaze.cpp +++ b/modules/features2d/src/akaze.cpp @@ -167,7 +167,7 @@ namespace cv OutputArray descriptors, bool useProvidedKeypoints) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( ! image.empty() ); diff --git a/modules/features2d/src/bagofwords.cpp b/modules/features2d/src/bagofwords.cpp index 65eef9a0ef..c2d6b754fd 100644 --- a/modules/features2d/src/bagofwords.cpp +++ b/modules/features2d/src/bagofwords.cpp @@ -89,7 +89,7 @@ BOWKMeansTrainer::BOWKMeansTrainer( int _clusterCount, const TermCriteria& _term Mat BOWKMeansTrainer::cluster() const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( !descriptors.empty() ); @@ -108,7 +108,7 @@ BOWKMeansTrainer::~BOWKMeansTrainer() Mat BOWKMeansTrainer::cluster( const Mat& _descriptors ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat labels, vocabulary; kmeans( _descriptors, clusterCount, labels, termcrit, attempts, flags, vocabulary ); @@ -143,7 +143,7 @@ const Mat& BOWImgDescriptorExtractor::getVocabulary() const void BOWImgDescriptorExtractor::compute( InputArray image, std::vector& keypoints, OutputArray imgDescriptor, std::vector >* pointIdxsOfClusters, Mat* descriptors ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); imgDescriptor.release(); @@ -174,7 +174,7 @@ int BOWImgDescriptorExtractor::descriptorType() const void BOWImgDescriptorExtractor::compute( InputArray keypointDescriptors, OutputArray _imgDescriptor, std::vector >* pointIdxsOfClusters ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( !vocabulary.empty() ); CV_Assert(!keypointDescriptors.empty()); diff --git a/modules/features2d/src/blobdetector.cpp b/modules/features2d/src/blobdetector.cpp index fccf118917..9076c23545 100644 --- a/modules/features2d/src/blobdetector.cpp +++ b/modules/features2d/src/blobdetector.cpp @@ -190,7 +190,7 @@ void SimpleBlobDetectorImpl::write( cv::FileStorage& fs ) const void SimpleBlobDetectorImpl::findBlobs(InputArray _image, InputArray _binaryImage, std::vector
¢ers) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat image = _image.getMat(), binaryImage = _binaryImage.getMat(); CV_UNUSED(image); @@ -308,7 +308,7 @@ void SimpleBlobDetectorImpl::findBlobs(InputArray _image, InputArray _binaryImag void SimpleBlobDetectorImpl::detect(InputArray image, std::vector& keypoints, InputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); keypoints.clear(); CV_Assert(params.minRepeatability != 0); diff --git a/modules/features2d/src/draw.cpp b/modules/features2d/src/draw.cpp index 357662fc81..21d2f35d1b 100644 --- a/modules/features2d/src/draw.cpp +++ b/modules/features2d/src/draw.cpp @@ -91,7 +91,7 @@ static inline void _drawKeypoint( InputOutputArray img, const KeyPoint& p, const void drawKeypoints( InputArray image, const std::vector& keypoints, InputOutputArray outImage, const Scalar& _color, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !(flags & DrawMatchesFlags::DRAW_OVER_OUTIMG) ) { diff --git a/modules/features2d/src/evaluation.cpp b/modules/features2d/src/evaluation.cpp index f90d655bd7..2c1a446a57 100644 --- a/modules/features2d/src/evaluation.cpp +++ b/modules/features2d/src/evaluation.cpp @@ -179,7 +179,7 @@ void EllipticKeyPoint::calcProjection( const Mat_& H, EllipticKeyPoint& void EllipticKeyPoint::convert( const std::vector& src, std::vector& dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !src.empty() ) { @@ -196,7 +196,7 @@ void EllipticKeyPoint::convert( const std::vector& src, std::vector& src, std::vector& dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !src.empty() ) { @@ -460,7 +460,7 @@ void cv::evaluateFeatureDetector( const Mat& img1, const Mat& img2, const Mat& H float& repeatability, int& correspCount, const Ptr& _fdetector ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr fdetector(_fdetector); std::vector *keypoints1, *keypoints2, buf1, buf2; @@ -498,7 +498,7 @@ void cv::computeRecallPrecisionCurve( const std::vector >& m const std::vector >& correctMatches1to2Mask, std::vector& recallPrecisionCurve ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( matches1to2.size() == correctMatches1to2Mask.size() ); @@ -534,7 +534,7 @@ void cv::computeRecallPrecisionCurve( const std::vector >& m float cv::getRecall( const std::vector& recallPrecisionCurve, float l_precision ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int nearestPointIndex = getNearestPoint( recallPrecisionCurve, l_precision ); @@ -548,7 +548,7 @@ float cv::getRecall( const std::vector& recallPrecisionCurve, float l_p int cv::getNearestPoint( const std::vector& recallPrecisionCurve, float l_precision ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int nearestPointIndex = -1; diff --git a/modules/features2d/src/fast.cpp b/modules/features2d/src/fast.cpp index 4a7071bc98..125864d0f8 100644 --- a/modules/features2d/src/fast.cpp +++ b/modules/features2d/src/fast.cpp @@ -474,7 +474,7 @@ static inline int hal_FAST(cv::Mat& src, std::vector& keypoints, int t void FAST(InputArray _img, std::vector& keypoints, int threshold, bool nonmax_suppression, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_img.isUMat() && type == FastFeatureDetector::TYPE_9_16, ocl_FAST(_img, keypoints, threshold, nonmax_suppression, 10000)); @@ -509,7 +509,7 @@ void FAST(InputArray _img, std::vector& keypoints, int threshold, bool void FAST(InputArray _img, std::vector& keypoints, int threshold, bool nonmax_suppression) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); FAST(_img, keypoints, threshold, nonmax_suppression, FastFeatureDetector::TYPE_9_16); } @@ -524,7 +524,7 @@ public: void detect( InputArray _image, std::vector& keypoints, InputArray _mask ) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_image.empty()) { diff --git a/modules/features2d/src/feature2d.cpp b/modules/features2d/src/feature2d.cpp index 3cd9909794..0114f87ba7 100644 --- a/modules/features2d/src/feature2d.cpp +++ b/modules/features2d/src/feature2d.cpp @@ -60,7 +60,7 @@ void Feature2D::detect( InputArray image, std::vector& keypoints, InputArray mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( image.empty() ) { @@ -75,7 +75,7 @@ void Feature2D::detect( InputArrayOfArrays _images, std::vector >& keypoints, InputArrayOfArrays _masks ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); vector images, masks; @@ -106,7 +106,7 @@ void Feature2D::compute( InputArray image, std::vector& keypoints, OutputArray descriptors ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( image.empty() ) { @@ -120,7 +120,7 @@ void Feature2D::compute( InputArrayOfArrays _images, std::vector >& keypoints, OutputArrayOfArrays _descriptors ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !_descriptors.needed() ) return; @@ -149,7 +149,7 @@ void Feature2D::detectAndCompute( InputArray, InputArray, OutputArray, bool ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Error(Error::StsNotImplemented, ""); } diff --git a/modules/features2d/src/gftt.cpp b/modules/features2d/src/gftt.cpp index e4a594a5c6..11ed29f39d 100644 --- a/modules/features2d/src/gftt.cpp +++ b/modules/features2d/src/gftt.cpp @@ -78,7 +78,7 @@ public: void detect( InputArray _image, std::vector& keypoints, InputArray _mask ) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_image.empty()) { diff --git a/modules/features2d/src/kaze.cpp b/modules/features2d/src/kaze.cpp index a2c5209eeb..833b92a367 100644 --- a/modules/features2d/src/kaze.cpp +++ b/modules/features2d/src/kaze.cpp @@ -110,7 +110,7 @@ namespace cv OutputArray descriptors, bool useProvidedKeypoints) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); cv::Mat img = image.getMat(); if (img.channels() > 1) diff --git a/modules/features2d/src/kaze/AKAZEFeatures.cpp b/modules/features2d/src/kaze/AKAZEFeatures.cpp index 381800eebd..9b0d8311b0 100644 --- a/modules/features2d/src/kaze/AKAZEFeatures.cpp +++ b/modules/features2d/src/kaze/AKAZEFeatures.cpp @@ -44,7 +44,7 @@ AKAZEFeatures::AKAZEFeatures(const AKAZEOptions& options) : options_(options) { * @brief This method allocates the memory for the nonlinear diffusion evolution */ void AKAZEFeatures::Allocate_Memory_Evolution(void) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); float rfactor = 0.0f; int level_height = 0, level_width = 0; @@ -127,7 +127,7 @@ static inline int getGaussianKernelSize(float sigma) { static inline void nld_step_scalar_one_lane(const Mat& Lt, const Mat& Lf, Mat& Lstep, float step_size, int row_begin, int row_end) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); /* The labeling scheme for this five star stencil: [ a ] [ -1 c +1 ] @@ -277,7 +277,7 @@ ocl_non_linear_diffusion_step(InputArray Lt_, InputArray Lf_, OutputArray Lstep_ static inline void non_linear_diffusion_step(InputArray Lt_, InputArray Lf_, OutputArray Lstep_, float step_size) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Lstep_.create(Lt_.size(), Lt_.type()); @@ -302,7 +302,7 @@ non_linear_diffusion_step(InputArray Lt_, InputArray Lf_, OutputArray Lstep_, fl static inline float compute_kcontrast(InputArray Lx_, InputArray Ly_, float perc, int nbins) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(nbins > 2); CV_Assert(!Lx_.empty()); @@ -379,7 +379,7 @@ ocl_pm_g2(InputArray Lx_, InputArray Ly_, OutputArray Lflow_, float kcontrast) static inline void compute_diffusivity(InputArray Lx, InputArray Ly, OutputArray Lflow, float kcontrast, int diffusivity) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Lflow.create(Lx.size(), Lx.type()); @@ -432,7 +432,7 @@ static inline void create_nonlinear_scale_space(InputArray image, const AKAZEOptions &options, const std::vector > &tsteps_evolution, std::vector > &evolution) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(evolution.size() > 0); // convert input to grayscale float image if needed @@ -575,7 +575,7 @@ ocl_compute_determinant(InputArray Lxx_, InputArray Lxy_, InputArray Lyy_, static inline void compute_determinant(InputArray Lxx_, InputArray Lxy_, InputArray Lyy_, OutputArray Ldet_, float sigma) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ldet_.create(Lxx_.size(), Lxx_.type()); @@ -647,7 +647,7 @@ private: */ static inline void Compute_Determinant_Hessian_Response(UMatPyramid &evolution) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); DeterminantHessianResponse body (evolution); body(Range(0, (int)evolution.size())); @@ -660,7 +660,7 @@ Compute_Determinant_Hessian_Response(UMatPyramid &evolution) { */ static inline void Compute_Determinant_Hessian_Response(Pyramid &evolution) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); parallel_for_(Range(0, (int)evolution.size()), DeterminantHessianResponse(evolution)); } @@ -673,7 +673,7 @@ Compute_Determinant_Hessian_Response(Pyramid &evolution) { */ void AKAZEFeatures::Feature_Detection(std::vector& kpts) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); kpts.clear(); std::vector keypoints_by_layers; @@ -791,7 +791,7 @@ private: */ void AKAZEFeatures::Find_Scale_Space_Extrema(std::vector& keypoints_by_layers) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); keypoints_by_layers.resize(evolution_.size()); @@ -872,7 +872,7 @@ void AKAZEFeatures::Find_Scale_Space_Extrema(std::vector& keypoints_by_laye void AKAZEFeatures::Do_Subpixel_Refinement( std::vector& keypoints_by_layers, std::vector& output_keypoints) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (size_t i = 0; i < keypoints_by_layers.size(); i++) { const MEvolution &e = evolution_[i]; @@ -1185,7 +1185,7 @@ private: */ void AKAZEFeatures::Compute_Descriptors(std::vector& kpts, OutputArray descriptors) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for(size_t i = 0; i < kpts.size(); i++) { @@ -1466,7 +1466,7 @@ private: */ void AKAZEFeatures::Compute_Keypoints_Orientation(std::vector& kpts) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); parallel_for_(Range(0, (int)kpts.size()), ComputeKeypointOrientation(kpts, evolution_)); } diff --git a/modules/features2d/src/kaze/nldiffusion_functions.cpp b/modules/features2d/src/kaze/nldiffusion_functions.cpp index f87ca172a7..59939a2bbf 100644 --- a/modules/features2d/src/kaze/nldiffusion_functions.cpp +++ b/modules/features2d/src/kaze/nldiffusion_functions.cpp @@ -123,7 +123,7 @@ void pm_g1(InputArray _Lx, InputArray _Ly, OutputArray _dst, float k) { * @param k Contrast factor parameter */ void pm_g2(InputArray _Lx, InputArray _Ly, OutputArray _dst, float k) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _dst.create(_Lx.size(), _Lx.type()); Mat Lx = _Lx.getMat(); @@ -227,7 +227,7 @@ void charbonnier_diffusivity(InputArray _Lx, InputArray _Ly, OutputArray _dst, f * @return k contrast factor */ float compute_k_percentile(const cv::Mat& img, float perc, float gscale, int nbins, int ksize_x, int ksize_y) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int nbin = 0, nelements = 0, nthreshold = 0, k = 0; float kperc = 0.0, modg = 0.0; @@ -326,7 +326,7 @@ void compute_scharr_derivatives(const cv::Mat& src, cv::Mat& dst, int xorder, in * @param scale_ Scale factor or derivative size */ void compute_derivative_kernels(cv::OutputArray _kx, cv::OutputArray _ky, int dx, int dy, int scale) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int ksize = 3 + 2 * (scale - 1); @@ -424,7 +424,7 @@ private: * dL_by_ds = d(c dL_by_dx)_by_dx + d(c dL_by_dy)_by_dy */ void nld_step_scalar(cv::Mat& Ld, const cv::Mat& c, cv::Mat& Lstep, float stepsize) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); cv::parallel_for_(cv::Range(1, Lstep.rows - 1), Nld_Step_Scalar_Invoker(Ld, c, Lstep, stepsize), (double)Ld.total()/(1 << 16)); diff --git a/modules/features2d/src/keypoint.cpp b/modules/features2d/src/keypoint.cpp index 5fd2f5a729..8b116cbbab 100644 --- a/modules/features2d/src/keypoint.cpp +++ b/modules/features2d/src/keypoint.cpp @@ -156,7 +156,7 @@ private: void KeyPointsFilter::runByPixelsMask( std::vector& keypoints, const Mat& mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( mask.empty() ) return; diff --git a/modules/features2d/src/matchers.cpp b/modules/features2d/src/matchers.cpp index 6bf23f331c..d39afe1ade 100644 --- a/modules/features2d/src/matchers.cpp +++ b/modules/features2d/src/matchers.cpp @@ -576,7 +576,7 @@ void DescriptorMatcher::train() void DescriptorMatcher::match( InputArray queryDescriptors, InputArray trainDescriptors, std::vector& matches, InputArray mask ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr tempMatcher = clone(true); tempMatcher->add(trainDescriptors); @@ -587,7 +587,7 @@ void DescriptorMatcher::knnMatch( InputArray queryDescriptors, InputArray trainD std::vector >& matches, int knn, InputArray mask, bool compactResult ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr tempMatcher = clone(true); tempMatcher->add(trainDescriptors); @@ -598,7 +598,7 @@ void DescriptorMatcher::radiusMatch( InputArray queryDescriptors, InputArray tra std::vector >& matches, float maxDistance, InputArray mask, bool compactResult ) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr tempMatcher = clone(true); tempMatcher->add(trainDescriptors); @@ -607,7 +607,7 @@ void DescriptorMatcher::radiusMatch( InputArray queryDescriptors, InputArray tra void DescriptorMatcher::match( InputArray queryDescriptors, std::vector& matches, InputArrayOfArrays masks ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector > knnMatches; knnMatch( queryDescriptors, knnMatches, 1, masks, true /*compactResult*/ ); @@ -639,7 +639,7 @@ void DescriptorMatcher::checkMasks( InputArrayOfArrays _masks, int queryDescript void DescriptorMatcher::knnMatch( InputArray queryDescriptors, std::vector >& matches, int knn, InputArrayOfArrays masks, bool compactResult ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( empty() || queryDescriptors.empty() ) return; @@ -655,7 +655,7 @@ void DescriptorMatcher::knnMatch( InputArray queryDescriptors, std::vector >& matches, float maxDistance, InputArrayOfArrays masks, bool compactResult ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); matches.clear(); if( empty() || queryDescriptors.empty() ) @@ -1151,7 +1151,7 @@ void FlannBasedMatcher::clear() void FlannBasedMatcher::train() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !flannIndex || mergedDescriptors.size() < addedDescCount ) { @@ -1407,7 +1407,7 @@ void FlannBasedMatcher::convertToDMatches( const DescriptorCollection& collectio void FlannBasedMatcher::knnMatchImpl( InputArray _queryDescriptors, std::vector >& matches, int knn, InputArrayOfArrays /*masks*/, bool /*compactResult*/ ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat queryDescriptors = _queryDescriptors.getMat(); Mat indices( queryDescriptors.rows, knn, CV_32SC1 ); @@ -1420,7 +1420,7 @@ void FlannBasedMatcher::knnMatchImpl( InputArray _queryDescriptors, std::vector< void FlannBasedMatcher::radiusMatchImpl( InputArray _queryDescriptors, std::vector >& matches, float maxDistance, InputArrayOfArrays /*masks*/, bool /*compactResult*/ ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat queryDescriptors = _queryDescriptors.getMat(); const int count = mergedDescriptors.size(); // TODO do count as param? diff --git a/modules/features2d/src/mser.cpp b/modules/features2d/src/mser.cpp index f37f84a936..85187f7c81 100755 --- a/modules/features2d/src/mser.cpp +++ b/modules/features2d/src/mser.cpp @@ -1036,7 +1036,7 @@ extractMSER_8uC3( const Mat& src, void MSER_Impl::detectRegions( InputArray _src, vector >& msers, vector& bboxes ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); @@ -1074,7 +1074,7 @@ void MSER_Impl::detectRegions( InputArray _src, vector >& msers, v void MSER_Impl::detect( InputArray _image, vector& keypoints, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); vector bboxes; vector > msers; diff --git a/modules/features2d/src/orb.cpp b/modules/features2d/src/orb.cpp index d7af7c64cb..e3468af60b 100644 --- a/modules/features2d/src/orb.cpp +++ b/modules/features2d/src/orb.cpp @@ -957,7 +957,7 @@ void ORB_Impl::detectAndCompute( InputArray _image, InputArray _mask, std::vector& keypoints, OutputArray _descriptors, bool useProvidedKeypoints ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(patchSize >= 2); diff --git a/modules/flann/src/miniflann.cpp b/modules/flann/src/miniflann.cpp index 760a426bba..98baaa6a9a 100644 --- a/modules/flann/src/miniflann.cpp +++ b/modules/flann/src/miniflann.cpp @@ -365,7 +365,7 @@ Index::Index(InputArray _data, const IndexParams& params, flann_distance_t _dist void Index::build(InputArray _data, const IndexParams& params, flann_distance_t _distType) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); release(); algo = getParam(params, "algorithm", FLANN_INDEX_LINEAR); @@ -435,7 +435,7 @@ Index::~Index() void Index::release() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !index ) return; @@ -570,7 +570,7 @@ static void createIndicesDists(OutputArray _indices, OutputArray _dists, void Index::knnSearch(InputArray _query, OutputArray _indices, OutputArray _dists, int knn, const SearchParams& params) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat query = _query.getMat(), indices, dists; int dtype = distType == FLANN_DIST_HAMMING ? CV_32S : CV_32F; @@ -614,7 +614,7 @@ int Index::radiusSearch(InputArray _query, OutputArray _indices, OutputArray _dists, double radius, int maxResults, const SearchParams& params) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat query = _query.getMat(), indices, dists; int dtype = distType == FLANN_DIST_HAMMING ? CV_32S : CV_32F; @@ -679,7 +679,7 @@ template void saveIndex(const Index* index0, const void* inde void Index::save(const String& filename) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); FILE* fout = fopen(filename.c_str(), "wb"); if (fout == NULL) diff --git a/modules/imgproc/src/accum.cpp b/modules/imgproc/src/accum.cpp index 793e362bdd..39e942e8cd 100644 --- a/modules/imgproc/src/accum.cpp +++ b/modules/imgproc/src/accum.cpp @@ -170,7 +170,7 @@ namespace cv { static bool ipp_accumulate(InputArray _src, InputOutputArray _dst, InputArray _mask) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype); @@ -307,7 +307,7 @@ static bool openvx_accumulate(InputArray _src, InputOutputArray _dst, InputArray void cv::accumulate( InputArray _src, InputOutputArray _dst, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), dcn = CV_MAT_CN(dtype); @@ -345,7 +345,7 @@ namespace cv { static bool ipp_accumulate_square(InputArray _src, InputOutputArray _dst, InputArray _mask) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype); @@ -406,7 +406,7 @@ static bool ipp_accumulate_square(InputArray _src, InputOutputArray _dst, InputA void cv::accumulateSquare( InputArray _src, InputOutputArray _dst, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), dcn = CV_MAT_CN(dtype); @@ -444,7 +444,7 @@ namespace cv static bool ipp_accumulate_product(InputArray _src1, InputArray _src2, InputOutputArray _dst, InputArray _mask) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int stype = _src1.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype); @@ -511,7 +511,7 @@ static bool ipp_accumulate_product(InputArray _src1, InputArray _src2, void cv::accumulateProduct( InputArray _src1, InputArray _src2, InputOutputArray _dst, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src1.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), dcn = CV_MAT_CN(dtype); @@ -547,7 +547,7 @@ namespace cv static bool ipp_accumulate_weighted( InputArray _src, InputOutputArray _dst, double alpha, InputArray _mask ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype); @@ -611,7 +611,7 @@ static bool ipp_accumulate_weighted( InputArray _src, InputOutputArray _dst, void cv::accumulateWeighted( InputArray _src, InputOutputArray _dst, double alpha, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), scn = CV_MAT_CN(stype); int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), dcn = CV_MAT_CN(dtype); diff --git a/modules/imgproc/src/approx.cpp b/modules/imgproc/src/approx.cpp index 954ebc26a7..8491e81016 100644 --- a/modules/imgproc/src/approx.cpp +++ b/modules/imgproc/src/approx.cpp @@ -675,7 +675,7 @@ approxPolyDP_( const Point_* src_contour, int count0, Point_* dst_contour, void cv::approxPolyDP( InputArray _curve, OutputArray _approxCurve, double epsilon, bool closed ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat curve = _curve.getMat(); int npoints = curve.checkVector(2), depth = curve.depth(); diff --git a/modules/imgproc/src/blend.cpp b/modules/imgproc/src/blend.cpp index b334e14130..1a4ad0d525 100644 --- a/modules/imgproc/src/blend.cpp +++ b/modules/imgproc/src/blend.cpp @@ -375,7 +375,7 @@ static bool ocl_blendLinear( InputArray _src1, InputArray _src2, InputArray _wei void cv::blendLinear( InputArray _src1, InputArray _src2, InputArray _weights1, InputArray _weights2, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src1.type(), depth = CV_MAT_DEPTH(type); Size size = _src1.size(); diff --git a/modules/imgproc/src/canny.cpp b/modules/imgproc/src/canny.cpp index eaea6b2f8f..22c24eaf63 100644 --- a/modules/imgproc/src/canny.cpp +++ b/modules/imgproc/src/canny.cpp @@ -58,7 +58,7 @@ namespace cv static bool ipp_Canny(const Mat& src , const Mat& dx_, const Mat& dy_, Mat& dst, float low, float high, bool L2gradient, int aperture_size) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_DISABLE_PERF_CANNY_MT if(cv::getNumThreads()>1) @@ -139,7 +139,7 @@ template static bool ocl_Canny(InputArray _src, const UMat& dx_, const UMat& dy_, OutputArray _dst, float low_thresh, float high_thresh, int aperture_size, bool L2gradient, int cn, const Size & size) { - CV_INSTRUMENT_REGION_OPENCL() + CV_INSTRUMENT_REGION_OPENCL(); UMat map; @@ -942,7 +942,7 @@ void Canny( InputArray _src, OutputArray _dst, double low_thresh, double high_thresh, int aperture_size, bool L2gradient ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.depth() == CV_8U ); @@ -1056,7 +1056,7 @@ void Canny( InputArray _dx, InputArray _dy, OutputArray _dst, double low_thresh, double high_thresh, bool L2gradient ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_dx.dims() == 2); CV_Assert(_dx.type() == CV_16SC1 || _dx.type() == CV_16SC3); diff --git a/modules/imgproc/src/clahe.cpp b/modules/imgproc/src/clahe.cpp index 84ea287193..45658ef561 100644 --- a/modules/imgproc/src/clahe.cpp +++ b/modules/imgproc/src/clahe.cpp @@ -346,7 +346,7 @@ namespace void CLAHE_Impl::apply(cv::InputArray _src, cv::OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.type() == CV_8UC1 || _src.type() == CV_16UC1 ); diff --git a/modules/imgproc/src/color.cpp b/modules/imgproc/src/color.cpp index feec9bd19f..38d35c014d 100644 --- a/modules/imgproc/src/color.cpp +++ b/modules/imgproc/src/color.cpp @@ -176,7 +176,7 @@ void cvtColorTwoPlane( InputArray _ysrc, InputArray _uvsrc, OutputArray _dst, in void cvtColor( InputArray _src, OutputArray _dst, int code, int dcn ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!_src.empty()); diff --git a/modules/imgproc/src/color_hsv.cpp b/modules/imgproc/src/color_hsv.cpp index 94a36f1106..f0a4c87558 100644 --- a/modules/imgproc/src/color_hsv.cpp +++ b/modules/imgproc/src/color_hsv.cpp @@ -1239,7 +1239,7 @@ void cvtBGRtoHSV(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoHSV, cv_hal_cvtBGRtoHSV, src_data, src_step, dst_data, dst_step, width, height, depth, scn, swapBlue, isFullRange, isHSV); @@ -1326,7 +1326,7 @@ void cvtHSVtoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int dcn, bool swapBlue, bool isFullRange, bool isHSV) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtHSVtoBGR, cv_hal_cvtHSVtoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, dcn, swapBlue, isFullRange, isHSV); diff --git a/modules/imgproc/src/color_lab.cpp b/modules/imgproc/src/color_lab.cpp index 10640d5e0c..0fff89358c 100644 --- a/modules/imgproc/src/color_lab.cpp +++ b/modules/imgproc/src/color_lab.cpp @@ -4094,7 +4094,7 @@ void cvtBGRtoXYZ(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, bool swapBlue) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoXYZ, cv_hal_cvtBGRtoXYZ, src_data, src_step, dst_data, dst_step, width, height, depth, scn, swapBlue); @@ -4145,7 +4145,7 @@ void cvtXYZtoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int dcn, bool swapBlue) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtXYZtoBGR, cv_hal_cvtXYZtoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, dcn, swapBlue); @@ -4197,7 +4197,7 @@ void cvtBGRtoLab(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoLab, cv_hal_cvtBGRtoLab, src_data, src_step, dst_data, dst_step, width, height, depth, scn, swapBlue, isLab, srgb); @@ -4294,7 +4294,7 @@ void cvtLabtoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int dcn, bool swapBlue, bool isLab, bool srgb) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtLabtoBGR, cv_hal_cvtLabtoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, dcn, swapBlue, isLab, srgb); diff --git a/modules/imgproc/src/color_rgb.cpp b/modules/imgproc/src/color_rgb.cpp index 87aabb7d9e..91a6c34983 100644 --- a/modules/imgproc/src/color_rgb.cpp +++ b/modules/imgproc/src/color_rgb.cpp @@ -1371,7 +1371,7 @@ void cvtBGRtoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, int dcn, bool swapBlue) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoBGR, cv_hal_cvtBGRtoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, scn, dcn, swapBlue); @@ -1434,7 +1434,7 @@ void cvtBGRtoBGR5x5(const uchar * src_data, size_t src_step, int width, int height, int scn, bool swapBlue, int greenBits) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoBGR5x5, cv_hal_cvtBGRtoBGR5x5, src_data, src_step, dst_data, dst_step, width, height, scn, swapBlue, greenBits); @@ -1447,7 +1447,7 @@ void cvtBGR5x5toBGR(const uchar * src_data, size_t src_step, int width, int height, int dcn, bool swapBlue, int greenBits) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGR5x5toBGR, cv_hal_cvtBGR5x5toBGR, src_data, src_step, dst_data, dst_step, width, height, dcn, swapBlue, greenBits); @@ -1460,7 +1460,7 @@ void cvtBGRtoGray(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, bool swapBlue) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoGray, cv_hal_cvtBGRtoGray, src_data, src_step, dst_data, dst_step, width, height, depth, scn, swapBlue); @@ -1509,7 +1509,7 @@ void cvtGraytoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int dcn) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtGraytoBGR, cv_hal_cvtGraytoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, dcn); @@ -1558,7 +1558,7 @@ void cvtBGR5x5toGray(const uchar * src_data, size_t src_step, int width, int height, int greenBits) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGR5x5toGray, cv_hal_cvtBGR5x5toGray, src_data, src_step, dst_data, dst_step, width, height, greenBits); CvtColorLoop(src_data, src_step, dst_data, dst_step, width, height, RGB5x52Gray(greenBits)); @@ -1570,7 +1570,7 @@ void cvtGraytoBGR5x5(const uchar * src_data, size_t src_step, int width, int height, int greenBits) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtGraytoBGR5x5, cv_hal_cvtGraytoBGR5x5, src_data, src_step, dst_data, dst_step, width, height, greenBits); CvtColorLoop(src_data, src_step, dst_data, dst_step, width, height, Gray2RGB5x5(greenBits)); @@ -1580,7 +1580,7 @@ void cvtRGBAtoMultipliedRGBA(const uchar * src_data, size_t src_step, uchar * dst_data, size_t dst_step, int width, int height) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtRGBAtoMultipliedRGBA, cv_hal_cvtRGBAtoMultipliedRGBA, src_data, src_step, dst_data, dst_step, width, height); @@ -1600,7 +1600,7 @@ void cvtMultipliedRGBAtoRGBA(const uchar * src_data, size_t src_step, uchar * dst_data, size_t dst_step, int width, int height) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtMultipliedRGBAtoRGBA, cv_hal_cvtMultipliedRGBAtoRGBA, src_data, src_step, dst_data, dst_step, width, height); CvtColorLoop(src_data, src_step, dst_data, dst_step, width, height, mRGBA2RGBA()); diff --git a/modules/imgproc/src/color_yuv.cpp b/modules/imgproc/src/color_yuv.cpp index aeaf779ae5..f12a92e36e 100644 --- a/modules/imgproc/src/color_yuv.cpp +++ b/modules/imgproc/src/color_yuv.cpp @@ -2268,7 +2268,7 @@ void cvtBGRtoYUV(const uchar * src_data, size_t src_step, int width, int height, int depth, int scn, bool swapBlue, bool isCbCr) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoYUV, cv_hal_cvtBGRtoYUV, src_data, src_step, dst_data, dst_step, width, height, depth, scn, swapBlue, isCbCr); @@ -2321,7 +2321,7 @@ void cvtYUVtoBGR(const uchar * src_data, size_t src_step, int width, int height, int depth, int dcn, bool swapBlue, bool isCbCr) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtYUVtoBGR, cv_hal_cvtYUVtoBGR, src_data, src_step, dst_data, dst_step, width, height, depth, dcn, swapBlue, isCbCr); @@ -2410,7 +2410,7 @@ void cvtThreePlaneYUVtoBGR(const uchar * src_data, size_t src_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtThreePlaneYUVtoBGR, cv_hal_cvtThreePlaneYUVtoBGR, src_data, src_step, dst_data, dst_step, dst_width, dst_height, dcn, swapBlue, uIdx); const uchar* u = src_data + src_step * static_cast(dst_height); @@ -2437,7 +2437,7 @@ void cvtBGRtoThreePlaneYUV(const uchar * src_data, size_t src_step, int width, int height, int scn, bool swapBlue, int uIdx) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtBGRtoThreePlaneYUV, cv_hal_cvtBGRtoThreePlaneYUV, src_data, src_step, dst_data, dst_step, width, height, scn, swapBlue, uIdx); uchar * uv_data = dst_data + dst_step * height; @@ -2460,7 +2460,7 @@ void cvtOnePlaneYUVtoBGR(const uchar * src_data, size_t src_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CALL_HAL(cvtOnePlaneYUVtoBGR, cv_hal_cvtOnePlaneYUVtoBGR, src_data, src_step, dst_data, dst_step, width, height, dcn, swapBlue, uIdx, ycn); int blueIdx = swapBlue ? 2 : 0; diff --git a/modules/imgproc/src/colormap.cpp b/modules/imgproc/src/colormap.cpp index 83e4878e5f..8658595300 100644 --- a/modules/imgproc/src/colormap.cpp +++ b/modules/imgproc/src/colormap.cpp @@ -507,7 +507,7 @@ namespace colormap void ColorMap::operator()(InputArray _src, OutputArray _dst) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(_lut.total() != 256) CV_Error(Error::StsAssert, "cv::LUT only supports tables of size 256."); diff --git a/modules/imgproc/src/contours.cpp b/modules/imgproc/src/contours.cpp index 0ded70f793..f1c3338340 100644 --- a/modules/imgproc/src/contours.cpp +++ b/modules/imgproc/src/contours.cpp @@ -1877,7 +1877,7 @@ cvFindContours( void* img, CvMemStorage* storage, void cv::findContours( InputOutputArray _image, OutputArrayOfArrays _contours, OutputArray _hierarchy, int mode, int method, Point offset ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // Sanity check: output must be of type vector> CV_Assert((_contours.kind() == _InputArray::STD_VECTOR_VECTOR || _contours.kind() == _InputArray::STD_VECTOR_MAT || @@ -1942,7 +1942,7 @@ void cv::findContours( InputOutputArray _image, OutputArrayOfArrays _contours, void cv::findContours( InputOutputArray _image, OutputArrayOfArrays _contours, int mode, int method, Point offset) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); findContours(_image, _contours, noArray(), mode, method, offset); } diff --git a/modules/imgproc/src/convhull.cpp b/modules/imgproc/src/convhull.cpp index e1db7164d1..e288f6a626 100644 --- a/modules/imgproc/src/convhull.cpp +++ b/modules/imgproc/src/convhull.cpp @@ -128,7 +128,7 @@ struct CHullCmpPoints void convexHull( InputArray _points, OutputArray _hull, bool clockwise, bool returnPoints ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_points.getObj() != _hull.getObj()); Mat points = _points.getMat(); @@ -267,7 +267,7 @@ void convexHull( InputArray _points, OutputArray _hull, bool clockwise, bool ret void convexityDefects( InputArray _points, InputArray _hull, OutputArray _defects ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points = _points.getMat(); int i, j = 0, npoints = points.checkVector(2, CV_32S); diff --git a/modules/imgproc/src/corner.cpp b/modules/imgproc/src/corner.cpp index 8d1857fa3d..bb259ee218 100644 --- a/modules/imgproc/src/corner.cpp +++ b/modules/imgproc/src/corner.cpp @@ -493,7 +493,7 @@ namespace cv static bool ipp_cornerMinEigenVal( InputArray _src, OutputArray _dst, int blockSize, int ksize, int borderType ) { #if IPP_VERSION_X100 >= 800 - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); Mat src = _src.getMat(); _dst.create( src.size(), CV_32FC1 ); @@ -565,7 +565,7 @@ static bool ipp_cornerMinEigenVal( InputArray _src, OutputArray _dst, int blockS void cv::cornerMinEigenVal( InputArray _src, OutputArray _dst, int blockSize, int ksize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_src.dims() <= 2 && _dst.isUMat(), ocl_cornerMinEigenValVecs(_src, _dst, blockSize, ksize, 0.0, borderType, MINEIGENVAL)) @@ -594,7 +594,7 @@ namespace cv static bool ipp_cornerHarris( Mat &src, Mat &dst, int blockSize, int ksize, double k, int borderType ) { #if IPP_VERSION_X100 >= 810 - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); { int type = src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); @@ -649,7 +649,7 @@ static bool ipp_cornerHarris( Mat &src, Mat &dst, int blockSize, int ksize, doub void cv::cornerHarris( InputArray _src, OutputArray _dst, int blockSize, int ksize, double k, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_src.dims() <= 2 && _dst.isUMat(), ocl_cornerMinEigenValVecs(_src, _dst, blockSize, ksize, k, borderType, HARRIS)) @@ -672,7 +672,7 @@ void cv::cornerHarris( InputArray _src, OutputArray _dst, int blockSize, int ksi void cv::cornerEigenValsAndVecs( InputArray _src, OutputArray _dst, int blockSize, int ksize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); Size dsz = _dst.size(); @@ -687,7 +687,7 @@ void cv::cornerEigenValsAndVecs( InputArray _src, OutputArray _dst, int blockSiz void cv::preCornerDetect( InputArray _src, OutputArray _dst, int ksize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(); CV_Assert( type == CV_8UC1 || type == CV_32FC1 ); diff --git a/modules/imgproc/src/cornersubpix.cpp b/modules/imgproc/src/cornersubpix.cpp index 9554ae6f82..1e0841271f 100644 --- a/modules/imgproc/src/cornersubpix.cpp +++ b/modules/imgproc/src/cornersubpix.cpp @@ -44,7 +44,7 @@ void cv::cornerSubPix( InputArray _image, InputOutputArray _corners, Size win, Size zeroZone, TermCriteria criteria ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int MAX_ITERS = 100; int win_w = win.width * 2 + 1, win_h = win.height * 2 + 1; diff --git a/modules/imgproc/src/demosaicing.cpp b/modules/imgproc/src/demosaicing.cpp index f143451079..684ff026d1 100644 --- a/modules/imgproc/src/demosaicing.cpp +++ b/modules/imgproc/src/demosaicing.cpp @@ -1661,7 +1661,7 @@ static void Bayer2RGB_EdgeAware_T(const Mat& src, Mat& dst, int code) void cv::demosaicing(InputArray _src, OutputArray _dst, int code, int dcn) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), dst; Size sz = src.size(); diff --git a/modules/imgproc/src/deriv.cpp b/modules/imgproc/src/deriv.cpp index 2a1a73d7aa..a2e339c843 100644 --- a/modules/imgproc/src/deriv.cpp +++ b/modules/imgproc/src/deriv.cpp @@ -267,7 +267,7 @@ namespace cv static bool ipp_Deriv(InputArray _src, OutputArray _dst, int dx, int dy, int ksize, double scale, double delta, int borderType) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); ::ipp::IwiSize size(_src.size().width, _src.size().height); IppDataType srcType = ippiGetDataType(_src.depth()); @@ -414,7 +414,7 @@ static bool ocl_sepFilter3x3_8UC1(InputArray _src, OutputArray _dst, int ddepth, void cv::Sobel( InputArray _src, OutputArray _dst, int ddepth, int dx, int dy, int ksize, double scale, double delta, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), cn = CV_MAT_CN(stype); if (ddepth < 0) @@ -466,7 +466,7 @@ void cv::Sobel( InputArray _src, OutputArray _dst, int ddepth, int dx, int dy, void cv::Scharr( InputArray _src, OutputArray _dst, int ddepth, int dx, int dy, double scale, double delta, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), cn = CV_MAT_CN(stype); if (ddepth < 0) @@ -714,7 +714,7 @@ namespace cv static bool ipp_Laplacian(InputArray _src, OutputArray _dst, int ksize, double scale, double delta, int borderType) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); ::ipp::IwiSize size(_src.size().width, _src.size().height); IppDataType srcType = ippiGetDataType(_src.depth()); @@ -783,7 +783,7 @@ static bool ipp_Laplacian(InputArray _src, OutputArray _dst, int ksize, double s void cv::Laplacian( InputArray _src, OutputArray _dst, int ddepth, int ksize, double scale, double delta, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int stype = _src.type(), sdepth = CV_MAT_DEPTH(stype), cn = CV_MAT_CN(stype); if (ddepth < 0) diff --git a/modules/imgproc/src/distransform.cpp b/modules/imgproc/src/distransform.cpp index 173e79ed85..b4c6ad6486 100644 --- a/modules/imgproc/src/distransform.cpp +++ b/modules/imgproc/src/distransform.cpp @@ -685,7 +685,7 @@ namespace cv { static void distanceTransform_L1_8U(InputArray _src, OutputArray _dst) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); @@ -716,7 +716,7 @@ static void distanceTransform_L1_8U(InputArray _src, OutputArray _dst) void cv::distanceTransform( InputArray _src, OutputArray _dst, OutputArray _labels, int distType, int maskSize, int labelType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), labels; bool need_labels = _labels.needed(); @@ -858,7 +858,7 @@ void cv::distanceTransform( InputArray _src, OutputArray _dst, OutputArray _labe void cv::distanceTransform( InputArray _src, OutputArray _dst, int distanceType, int maskSize, int dstType) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (distanceType == CV_DIST_L1 && dstType==CV_8U) distanceTransform_L1_8U(_src, _dst); diff --git a/modules/imgproc/src/drawing.cpp b/modules/imgproc/src/drawing.cpp index 4dff2ec32c..054345b54a 100644 --- a/modules/imgproc/src/drawing.cpp +++ b/modules/imgproc/src/drawing.cpp @@ -91,7 +91,7 @@ bool clipLine( Size img_size, Point& pt1, Point& pt2 ) bool clipLine( Size2l img_size, Point2l& pt1, Point2l& pt2 ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int c1, c2; int64 right = img_size.width-1, bottom = img_size.height-1; @@ -146,7 +146,7 @@ bool clipLine( Size2l img_size, Point2l& pt1, Point2l& pt2 ) bool clipLine( Rect img_rect, Point& pt1, Point& pt2 ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Point tl = img_rect.tl(); pt1 -= tl; pt2 -= tl; @@ -959,7 +959,7 @@ void ellipse2Poly( Point2d center, Size2d axes, int angle, int arc_start, int arc_end, int delta, std::vector& pts ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); float alpha, beta; int i; @@ -1801,7 +1801,7 @@ void drawMarker(Mat& img, Point position, const Scalar& color, int markerType, i void line( InputOutputArray _img, Point pt1, Point pt2, const Scalar& color, int thickness, int line_type, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); @@ -1819,7 +1819,7 @@ void line( InputOutputArray _img, Point pt1, Point pt2, const Scalar& color, void arrowedLine(InputOutputArray img, Point pt1, Point pt2, const Scalar& color, int thickness, int line_type, int shift, double tipLength) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const double tipSize = norm(pt1-pt2)*tipLength; // Factor to normalize the size of the tip depending on the length of the arrow @@ -1840,7 +1840,7 @@ void rectangle( InputOutputArray _img, Point pt1, Point pt2, const Scalar& color, int thickness, int lineType, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); @@ -1873,7 +1873,7 @@ void rectangle( Mat& img, Rect rec, const Scalar& color, int thickness, int lineType, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( 0 <= shift && shift <= XY_SHIFT ); if( rec.area() > 0 ) @@ -1885,7 +1885,7 @@ void rectangle( Mat& img, Rect rec, void circle( InputOutputArray _img, Point center, int radius, const Scalar& color, int thickness, int line_type, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); @@ -1917,7 +1917,7 @@ void ellipse( InputOutputArray _img, Point center, Size axes, double angle, double start_angle, double end_angle, const Scalar& color, int thickness, int line_type, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); @@ -1947,7 +1947,7 @@ void ellipse( InputOutputArray _img, Point center, Size axes, void ellipse(InputOutputArray _img, const RotatedRect& box, const Scalar& color, int thickness, int lineType) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); @@ -1975,7 +1975,7 @@ void ellipse(InputOutputArray _img, const RotatedRect& box, const Scalar& color, void fillConvexPoly( Mat& img, const Point* pts, int npts, const Scalar& color, int line_type, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !pts || npts <= 0 ) return; @@ -1995,7 +1995,7 @@ void fillPoly( Mat& img, const Point** pts, const int* npts, int ncontours, const Scalar& color, int line_type, int shift, Point offset ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( line_type == CV_AA && img.depth() != CV_8U ) line_type = 8; @@ -2025,7 +2025,7 @@ void fillPoly( Mat& img, const Point** pts, const int* npts, int ncontours, void polylines( Mat& img, const Point* const* pts, const int* npts, int ncontours, bool isClosed, const Scalar& color, int thickness, int line_type, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( line_type == CV_AA && img.depth() != CV_8U ) line_type = 8; @@ -2265,7 +2265,7 @@ void putText( InputOutputArray _img, const String& text, Point org, int thickness, int line_type, bool bottomLeftOrigin ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if ( text.empty() ) { @@ -2375,7 +2375,7 @@ double getFontScaleFromHeight(const int fontFace, const int pixelHeight, const i void cv::fillConvexPoly(InputOutputArray _img, InputArray _points, const Scalar& color, int lineType, int shift) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(), points = _points.getMat(); CV_Assert(points.checkVector(2, CV_32S) >= 0); @@ -2386,7 +2386,7 @@ void cv::fillConvexPoly(InputOutputArray _img, InputArray _points, void cv::fillPoly(InputOutputArray _img, InputArrayOfArrays pts, const Scalar& color, int lineType, int shift, Point offset) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); int i, ncontours = (int)pts.total(); @@ -2412,7 +2412,7 @@ void cv::polylines(InputOutputArray _img, InputArrayOfArrays pts, bool isClosed, const Scalar& color, int thickness, int lineType, int shift ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); bool manyContours = pts.kind() == _InputArray::STD_VECTOR_VECTOR || @@ -2476,7 +2476,7 @@ void cv::drawContours( InputOutputArray _image, InputArrayOfArrays _contours, int lineType, InputArray _hierarchy, int maxLevel, Point offset ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat image = _image.getMat(), hierarchy = _hierarchy.getMat(); CvMat _cimage = cvMat(image); diff --git a/modules/imgproc/src/emd.cpp b/modules/imgproc/src/emd.cpp index ad74990ce9..20ab6feafb 100644 --- a/modules/imgproc/src/emd.cpp +++ b/modules/imgproc/src/emd.cpp @@ -1151,7 +1151,7 @@ float cv::EMD( InputArray _signature1, InputArray _signature2, int distType, InputArray _cost, float* lowerBound, OutputArray _flow ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat signature1 = _signature1.getMat(), signature2 = _signature2.getMat(); Mat cost = _cost.getMat(), flow; diff --git a/modules/imgproc/src/featureselect.cpp b/modules/imgproc/src/featureselect.cpp index 6093d431bd..1500387b80 100644 --- a/modules/imgproc/src/featureselect.cpp +++ b/modules/imgproc/src/featureselect.cpp @@ -363,7 +363,7 @@ void cv::goodFeaturesToTrack( InputArray _image, OutputArray _corners, InputArray _mask, int blockSize, int gradientSize, bool useHarrisDetector, double harrisK ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( qualityLevel > 0 && minDistance >= 0 && maxCorners >= 0 ); CV_Assert( _mask.empty() || (_mask.type() == CV_8UC1 && _mask.sameSize(_image)) ); diff --git a/modules/imgproc/src/filter.cpp b/modules/imgproc/src/filter.cpp index 79c752bdd3..5fd3f3eb95 100644 --- a/modules/imgproc/src/filter.cpp +++ b/modules/imgproc/src/filter.cpp @@ -383,7 +383,7 @@ int FilterEngine::proceed( const uchar* src, int srcstep, int count, void FilterEngine::apply(const Mat& src, Mat& dst, const Size & wsz, const Point & ofs) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( src.type() == srcType && dst.type() == dstType ); @@ -1426,7 +1426,7 @@ private: mutable int bufsz; int ippiOperator(const uchar* _src, uchar* _dst, int width, int cn) const { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int _ksize = kernel.rows + kernel.cols - 1; if ((1 != cn && 3 != cn) || width < _ksize*8) @@ -4895,7 +4895,7 @@ void cv::filter2D( InputArray _src, OutputArray _dst, int ddepth, InputArray _kernel, Point anchor0, double delta, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_dst.isUMat() && _src.dims() <= 2, ocl_filter2D(_src, _dst, ddepth, _kernel, anchor0, delta, borderType)) @@ -4926,7 +4926,7 @@ void cv::sepFilter2D( InputArray _src, OutputArray _dst, int ddepth, InputArray _kernelX, InputArray _kernelY, Point anchor, double delta, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_dst.isUMat() && _src.dims() <= 2 && (size_t)_src.rows() > _kernelY.total() && (size_t)_src.cols() > _kernelX.total(), ocl_sepFilter2D(_src, _dst, ddepth, _kernelX, _kernelY, anchor, delta, borderType)) diff --git a/modules/imgproc/src/floodfill.cpp b/modules/imgproc/src/floodfill.cpp index da69e29969..2816795bc6 100644 --- a/modules/imgproc/src/floodfill.cpp +++ b/modules/imgproc/src/floodfill.cpp @@ -459,7 +459,7 @@ int cv::floodFill( InputOutputArray _image, InputOutputArray _mask, Point seedPoint, Scalar newVal, Rect* rect, Scalar loDiff, Scalar upDiff, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); ConnectedComp comp; std::vector buffer; @@ -630,7 +630,7 @@ int cv::floodFill( InputOutputArray _image, Point seedPoint, Scalar newVal, Rect* rect, Scalar loDiff, Scalar upDiff, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return floodFill(_image, Mat(), seedPoint, newVal, rect, loDiff, upDiff, flags); } diff --git a/modules/imgproc/src/generalized_hough.cpp b/modules/imgproc/src/generalized_hough.cpp index 027e67a77e..e58f7dbeb5 100644 --- a/modules/imgproc/src/generalized_hough.cpp +++ b/modules/imgproc/src/generalized_hough.cpp @@ -419,7 +419,7 @@ namespace void GeneralizedHoughBallardImpl::calcHist() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( imageEdges_.type() == CV_8UC1 ); CV_Assert( imageDx_.type() == CV_32FC1 && imageDx_.size() == imageSize_); diff --git a/modules/imgproc/src/geometry.cpp b/modules/imgproc/src/geometry.cpp index 2e602ed580..c338431b4f 100644 --- a/modules/imgproc/src/geometry.cpp +++ b/modules/imgproc/src/geometry.cpp @@ -94,7 +94,7 @@ cvBoxPoints( CvBox2D box, CvPoint2D32f pt[4] ) double cv::pointPolygonTest( InputArray _contour, Point2f pt, bool measureDist ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double result = 0; Mat contour = _contour.getMat(); @@ -506,7 +506,7 @@ static int intersectConvexConvex_( const Point2f* P, int n, const Point2f* Q, in float cv::intersectConvexConvex( InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat p1 = _p1.getMat(), p2 = _p2.getMat(); CV_Assert( p1.depth() == CV_32S || p1.depth() == CV_32F ); diff --git a/modules/imgproc/src/grabcut.cpp b/modules/imgproc/src/grabcut.cpp index 21dace9072..9cfbe0dd0e 100644 --- a/modules/imgproc/src/grabcut.cpp +++ b/modules/imgproc/src/grabcut.cpp @@ -531,7 +531,7 @@ void cv::grabCut( InputArray _img, InputOutputArray _mask, Rect rect, InputOutputArray _bgdModel, InputOutputArray _fgdModel, int iterCount, int mode ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); Mat& mask = _mask.getMatRef(); diff --git a/modules/imgproc/src/histogram.cpp b/modules/imgproc/src/histogram.cpp index b420453405..59384fce7d 100644 --- a/modules/imgproc/src/histogram.cpp +++ b/modules/imgproc/src/histogram.cpp @@ -661,7 +661,7 @@ public: virtual void operator() (const Range & range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(!m_ok) return; @@ -813,7 +813,7 @@ namespace cv { static bool ipp_calchist(const Mat &image, Mat &hist, int histSize, const float** ranges, bool uniform, bool accumulate) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201801 // No SSE42 optimization for uniform 32f @@ -862,7 +862,7 @@ void cv::calcHist( const Mat* images, int nimages, const int* channels, InputArray _mask, OutputArray _hist, int dims, const int* histSize, const float** ranges, bool uniform, bool accumulate ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OVX_RUN( images && histSize && @@ -1172,7 +1172,7 @@ void cv::calcHist( const Mat* images, int nimages, const int* channels, InputArray _mask, SparseMat& hist, int dims, const int* histSize, const float** ranges, bool uniform, bool accumulate ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat mask = _mask.getMat(); calcHist( images, nimages, channels, mask, hist, dims, histSize, @@ -1186,7 +1186,7 @@ void cv::calcHist( InputArrayOfArrays images, const std::vector& channels, const std::vector& ranges, bool accumulate ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(images.total() == 1 && channels.size() == 1 && images.channels(0) == 1 && channels[0] == 0 && images.isUMatVector() && mask.empty() && !accumulate && @@ -1519,7 +1519,7 @@ void cv::calcBackProject( const Mat* images, int nimages, const int* channels, InputArray _hist, OutputArray _backProject, const float** ranges, double scale, bool uniform ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat hist = _hist.getMat(); std::vector ptrs; @@ -1688,7 +1688,7 @@ void cv::calcBackProject( const Mat* images, int nimages, const int* channels, const SparseMat& hist, OutputArray _backProject, const float** ranges, double scale, bool uniform ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector ptrs; std::vector deltas; @@ -1868,7 +1868,7 @@ void cv::calcBackProject( InputArrayOfArrays images, const std::vector& cha const std::vector& ranges, double scale ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (hist.dims() <= 2) { #ifdef HAVE_OPENCL @@ -1923,7 +1923,7 @@ void cv::calcBackProject( InputArrayOfArrays images, const std::vector& cha double cv::compareHist( InputArray _H1, InputArray _H2, int method ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat H1 = _H1.getMat(), H2 = _H2.getMat(); const Mat* arrays[] = {&H1, &H2, 0}; @@ -2131,7 +2131,7 @@ double cv::compareHist( InputArray _H1, InputArray _H2, int method ) double cv::compareHist( const SparseMat& H1, const SparseMat& H2, int method ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double result = 0; int i, dims = H1.dims(); @@ -3329,7 +3329,7 @@ static bool openvx_equalize_hist(Mat srcMat, Mat dstMat) void cv::equalizeHist( InputArray _src, OutputArray _dst ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.type() == CV_8UC1 ); diff --git a/modules/imgproc/src/hough.cpp b/modules/imgproc/src/hough.cpp index 36f2f6739f..eb4acdad49 100644 --- a/modules/imgproc/src/hough.cpp +++ b/modules/imgproc/src/hough.cpp @@ -895,7 +895,7 @@ void HoughLines( InputArray _image, OutputArray lines, double rho, double theta, int threshold, double srn, double stn, double min_theta, double max_theta ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = CV_32FC2; if (lines.fixedType()) @@ -918,7 +918,7 @@ void HoughLinesP(InputArray _image, OutputArray _lines, double rho, double theta, int threshold, double minLineLength, double maxGap ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_image.isUMat() && _lines.isUMat(), ocl_HoughLinesP(_image, _lines, rho, theta, threshold, minLineLength, maxGap)); @@ -1724,7 +1724,7 @@ static void HoughCircles( InputArray _image, OutputArray _circles, int minRadius, int maxRadius, int maxCircles, double param3 ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = CV_32FC3; if( _circles.fixedType() ) diff --git a/modules/imgproc/src/imgwarp.cpp b/modules/imgproc/src/imgwarp.cpp index ad090fd247..02de44a129 100644 --- a/modules/imgproc/src/imgwarp.cpp +++ b/modules/imgproc/src/imgwarp.cpp @@ -67,7 +67,7 @@ typedef IppStatus (CV_STDCALL* ippiSetFunc)(const void*, void *, int, IppiSize); template bool IPPSetSimple(cv::Scalar value, void *dataPointer, int step, IppiSize &size, ippiSetFunc func) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); Type values[channels]; for( int i = 0; i < channels; i++ ) @@ -77,7 +77,7 @@ bool IPPSetSimple(cv::Scalar value, void *dataPointer, int step, IppiSize &size, static bool IPPSet(const cv::Scalar &value, void *dataPointer, int step, IppiSize &size, int channels, int depth) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if( channels == 1 ) { @@ -1670,7 +1670,7 @@ void cv::remap( InputArray _src, OutputArray _dst, InputArray _map1, InputArray _map2, int interpolation, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); static RemapNNFunc nn_tab[] = { @@ -1832,7 +1832,7 @@ void cv::convertMaps( InputArray _map1, InputArray _map2, OutputArray _dstmap1, OutputArray _dstmap2, int dstm1type, bool nninterpolate ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat map1 = _map1.getMat(), map2 = _map2.getMat(), dstmap1, dstmap2; Size size = map1.size(); @@ -2590,7 +2590,7 @@ void cv::warpAffine( InputArray _src, OutputArray _dst, InputArray _M0, Size dsize, int flags, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int interpolation = flags & INTER_MAX; CV_Assert( _src.channels() <= 4 || (interpolation != INTER_LANCZOS4 && @@ -2854,7 +2854,7 @@ public: } } - IppStatus status = CV_INSTRUMENT_FUN_IPP(func,(src.ptr(), srcsize, (int)src.step[0], srcroi, dst.ptr(), (int)dst.step[0], dstroi, coeffs, mode)); + IppStatus status = CV_INSTRUMENT_FUN_IPP(func,(src.ptr();, srcsize, (int)src.step[0], srcroi, dst.ptr(), (int)dst.step[0], dstroi, coeffs, mode)); if (status != ippStsNoErr) *ok = false; else @@ -2898,7 +2898,7 @@ void warpPerspectve(int src_type, void cv::warpPerspective( InputArray _src, OutputArray _dst, InputArray _M0, Size dsize, int flags, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( _src.total() > 0 ); @@ -2996,7 +2996,7 @@ void cv::warpPerspective( InputArray _src, OutputArray _dst, InputArray _M0, cv::Mat cv::getRotationMatrix2D( Point2f center, double angle, double scale ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); angle *= CV_PI/180; double alpha = std::cos(angle)*scale; @@ -3041,7 +3041,7 @@ cv::Mat cv::getRotationMatrix2D( Point2f center, double angle, double scale ) */ cv::Mat cv::getPerspectiveTransform( const Point2f src[], const Point2f dst[] ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat M(3, 3, CV_64F), X(8, 1, CV_64F, M.ptr()); double a[8][8], b[8]; diff --git a/modules/imgproc/src/intersection.cpp b/modules/imgproc/src/intersection.cpp index 36e2073195..84dbc8b8f1 100644 --- a/modules/imgproc/src/intersection.cpp +++ b/modules/imgproc/src/intersection.cpp @@ -49,7 +49,7 @@ namespace cv int rotatedRectangleIntersection( const RotatedRect& rect1, const RotatedRect& rect2, OutputArray intersectingRegion ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // L2 metric const float samePointEps = std::max(1e-16f, 1e-6f * (float)std::max(rect1.size.area(), rect2.size.area())); diff --git a/modules/imgproc/src/linefit.cpp b/modules/imgproc/src/linefit.cpp index c6e4e4a014..1abde1e0d1 100644 --- a/modules/imgproc/src/linefit.cpp +++ b/modules/imgproc/src/linefit.cpp @@ -596,7 +596,7 @@ static void fitLine3D( Point3f * points, int count, int dist, void cv::fitLine( InputArray _points, OutputArray _line, int distType, double param, double reps, double aeps ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points = _points.getMat(); diff --git a/modules/imgproc/src/lsd.cpp b/modules/imgproc/src/lsd.cpp index 370d76955d..ef4dd38f51 100644 --- a/modules/imgproc/src/lsd.cpp +++ b/modules/imgproc/src/lsd.cpp @@ -416,7 +416,7 @@ LineSegmentDetectorImpl::LineSegmentDetectorImpl(int _refine, double _scale, dou void LineSegmentDetectorImpl::detect(InputArray _image, OutputArray _lines, OutputArray _width, OutputArray _prec, OutputArray _nfa) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); image = _image.getMat(); CV_Assert(!image.empty() && image.type() == CV_8UC1); @@ -1122,7 +1122,7 @@ inline bool LineSegmentDetectorImpl::isAligned(int x, int y, const double& theta void LineSegmentDetectorImpl::drawSegments(InputOutputArray _image, InputArray lines) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!_image.empty() && (_image.channels() == 1 || _image.channels() == 3)); @@ -1162,7 +1162,7 @@ void LineSegmentDetectorImpl::drawSegments(InputOutputArray _image, InputArray l int LineSegmentDetectorImpl::compareSegments(const Size& size, InputArray lines1, InputArray lines2, InputOutputArray _image) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size sz = size; if (_image.needed() && _image.size() != size) sz = _image.size(); diff --git a/modules/imgproc/src/matchcontours.cpp b/modules/imgproc/src/matchcontours.cpp index 2a0c5df330..e676bf9804 100644 --- a/modules/imgproc/src/matchcontours.cpp +++ b/modules/imgproc/src/matchcontours.cpp @@ -43,7 +43,7 @@ double cv::matchShapes(InputArray contour1, InputArray contour2, int method, double) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double ma[7], mb[7]; int i, sma, smb; diff --git a/modules/imgproc/src/moments.cpp b/modules/imgproc/src/moments.cpp index 7b7ba145e9..6a0a960b19 100644 --- a/modules/imgproc/src/moments.cpp +++ b/modules/imgproc/src/moments.cpp @@ -573,7 +573,7 @@ typedef IppStatus (CV_STDCALL * ippiMoments)(const void* pSrc, int srcStep, Ippi static bool ipp_moments(Mat &src, Moments &m ) { #if IPP_VERSION_X100 >= 900 - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201801 // Degradations for CV_8UC1 @@ -657,7 +657,7 @@ static bool ipp_moments(Mat &src, Moments &m ) cv::Moments cv::moments( InputArray _src, bool binary ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int TILE_SIZE = 32; MomentsInTileFunc func = 0; @@ -767,7 +767,7 @@ cv::Moments cv::moments( InputArray _src, bool binary ) void cv::HuMoments( const Moments& m, double hu[7] ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double t0 = m.nu30 + m.nu12; double t1 = m.nu21 + m.nu03; @@ -796,7 +796,7 @@ void cv::HuMoments( const Moments& m, double hu[7] ) void cv::HuMoments( const Moments& m, OutputArray _hu ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _hu.create(7, 1, CV_64F); Mat hu = _hu.getMat(); diff --git a/modules/imgproc/src/morph.cpp b/modules/imgproc/src/morph.cpp index 6f75e67123..66fae07fae 100644 --- a/modules/imgproc/src/morph.cpp +++ b/modules/imgproc/src/morph.cpp @@ -1135,7 +1135,7 @@ static bool ippMorph(int op, int src_type, int dst_type, int borderType, const double borderValue[4], int iterations, bool isSubmatrix) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201800 // Problem with SSE42 optimizations performance @@ -1820,7 +1820,7 @@ static void morphOp( int op, InputArray _src, OutputArray _dst, Point anchor, int iterations, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat kernel = _kernel.getMat(); Size ksize = !kernel.empty() ? kernel.size() : Size(3,3); @@ -1888,7 +1888,7 @@ void cv::erode( InputArray src, OutputArray dst, InputArray kernel, Point anchor, int iterations, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); morphOp( MORPH_ERODE, src, dst, kernel, anchor, iterations, borderType, borderValue ); } @@ -1898,7 +1898,7 @@ void cv::dilate( InputArray src, OutputArray dst, InputArray kernel, Point anchor, int iterations, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); morphOp( MORPH_DILATE, src, dst, kernel, anchor, iterations, borderType, borderValue ); } @@ -2042,7 +2042,7 @@ void cv::morphologyEx( InputArray _src, OutputArray _dst, int op, InputArray _kernel, Point anchor, int iterations, int borderType, const Scalar& borderValue ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat kernel = _kernel.getMat(); if (kernel.empty()) diff --git a/modules/imgproc/src/phasecorr.cpp b/modules/imgproc/src/phasecorr.cpp index 52aeb9208a..a2ba79ee30 100644 --- a/modules/imgproc/src/phasecorr.cpp +++ b/modules/imgproc/src/phasecorr.cpp @@ -513,7 +513,7 @@ static Point2d weightedCentroid(InputArray _src, cv::Point peakLocation, cv::Siz cv::Point2d cv::phaseCorrelate(InputArray _src1, InputArray _src2, InputArray _window, double* response) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src1 = _src1.getMat(); Mat src2 = _src2.getMat(); @@ -596,7 +596,7 @@ cv::Point2d cv::phaseCorrelate(InputArray _src1, InputArray _src2, InputArray _w void cv::createHanningWindow(OutputArray _dst, cv::Size winSize, int type) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( type == CV_32FC1 || type == CV_64FC1 ); CV_Assert( winSize.width > 1 && winSize.height > 1 ); diff --git a/modules/imgproc/src/pyramids.cpp b/modules/imgproc/src/pyramids.cpp index 167ceea4d9..21900fd572 100644 --- a/modules/imgproc/src/pyramids.cpp +++ b/modules/imgproc/src/pyramids.cpp @@ -1198,7 +1198,7 @@ namespace cv { static bool ipp_pyrdown( InputArray _src, OutputArray _dst, const Size& _dsz, int borderType ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 810 && !IPP_DISABLE_PYRAMIDS_DOWN Size dsz = _dsz.area() == 0 ? Size((_src.cols() + 1)/2, (_src.rows() + 1)/2) : _dsz; @@ -1337,7 +1337,7 @@ static bool openvx_pyrDown( InputArray _src, OutputArray _dst, const Size& _dsz, void cv::pyrDown( InputArray _src, OutputArray _dst, const Size& _dsz, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(borderType != BORDER_CONSTANT); @@ -1391,7 +1391,7 @@ namespace cv { static bool ipp_pyrup( InputArray _src, OutputArray _dst, const Size& _dsz, int borderType ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 810 && !IPP_DISABLE_PYRAMIDS_UP Size sz = _src.dims() <= 2 ? _src.size() : Size(); @@ -1449,7 +1449,7 @@ static bool ipp_pyrup( InputArray _src, OutputArray _dst, const Size& _dsz, int void cv::pyrUp( InputArray _src, OutputArray _dst, const Size& _dsz, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(borderType == BORDER_DEFAULT); @@ -1499,7 +1499,7 @@ namespace cv { static bool ipp_buildpyramid( InputArray _src, OutputArrayOfArrays _dst, int maxlevel, int borderType ) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 >= 810 && !IPP_DISABLE_PYRAMIDS_BUILD Mat src = _src.getMat(); @@ -1611,7 +1611,7 @@ static bool ipp_buildpyramid( InputArray _src, OutputArrayOfArrays _dst, int max void cv::buildPyramid( InputArray _src, OutputArrayOfArrays _dst, int maxlevel, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(borderType != BORDER_CONSTANT); diff --git a/modules/imgproc/src/resize.cpp b/modules/imgproc/src/resize.cpp index 8b27fd0b5d..c69dc622de 100644 --- a/modules/imgproc/src/resize.cpp +++ b/modules/imgproc/src/resize.cpp @@ -3674,7 +3674,7 @@ public: virtual void operator() (const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(!m_ok) return; @@ -3724,7 +3724,7 @@ public: virtual void operator() (const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(!m_ok) return; @@ -3756,7 +3756,7 @@ static bool ipp_resize(const uchar * src_data, size_t src_step, int src_width, i int depth, int channels, int interpolation) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppDataType ippDataType = ippiGetDataType(depth); IppiInterpolationType ippInter = ippiGetInterpolation(interpolation); @@ -3853,7 +3853,7 @@ void resize(int src_type, uchar * dst_data, size_t dst_step, int dst_width, int dst_height, double inv_scale_x, double inv_scale_y, int interpolation) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert((dst_width > 0 && dst_height > 0) || (inv_scale_x > 0 && inv_scale_y > 0)); if (inv_scale_x < DBL_EPSILON || inv_scale_y < DBL_EPSILON) @@ -4220,7 +4220,7 @@ void resize(int src_type, void cv::resize( InputArray _src, OutputArray _dst, Size dsize, double inv_scale_x, double inv_scale_y, int interpolation ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size ssize = _src.size(); diff --git a/modules/imgproc/src/rotcalipers.cpp b/modules/imgproc/src/rotcalipers.cpp index d121903626..79a419b661 100644 --- a/modules/imgproc/src/rotcalipers.cpp +++ b/modules/imgproc/src/rotcalipers.cpp @@ -346,7 +346,7 @@ static void rotatingCalipers( const Point2f* points, int n, int mode, float* out cv::RotatedRect cv::minAreaRect( InputArray _points ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat hull; Point2f out[3]; @@ -406,7 +406,7 @@ cvMinAreaRect2( const CvArr* array, CvMemStorage* /*storage*/ ) void cv::boxPoints(cv::RotatedRect box, OutputArray _pts) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _pts.create(4, 2, CV_32F); Mat pts = _pts.getMat(); diff --git a/modules/imgproc/src/samplers.cpp b/modules/imgproc/src/samplers.cpp index 818b29daa7..a0b2aba223 100644 --- a/modules/imgproc/src/samplers.cpp +++ b/modules/imgproc/src/samplers.cpp @@ -365,7 +365,7 @@ getQuadrangleSubPix_8u32f_CnR( const uchar* src, size_t src_step, Size src_size, void cv::getRectSubPix( InputArray _image, Size patchSize, Point2f center, OutputArray _patch, int patchType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat image = _image.getMat(); int depth = image.depth(), cn = image.channels(); diff --git a/modules/imgproc/src/segmentation.cpp b/modules/imgproc/src/segmentation.cpp index b08d1b3ac0..c78931221f 100644 --- a/modules/imgproc/src/segmentation.cpp +++ b/modules/imgproc/src/segmentation.cpp @@ -87,7 +87,7 @@ allocWSNodes( std::vector& storage ) void cv::watershed( InputArray _src, InputOutputArray _markers ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // Labels for pixels const int IN_QUEUE = -2; // Pixel visited @@ -334,7 +334,7 @@ void cv::pyrMeanShiftFiltering( InputArray _src, OutputArray _dst, double sp0, double sr, int max_level, TermCriteria termcrit ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src0 = _src.getMat(); diff --git a/modules/imgproc/src/shapedescr.cpp b/modules/imgproc/src/shapedescr.cpp index 35e36401c6..d505fde4fc 100644 --- a/modules/imgproc/src/shapedescr.cpp +++ b/modules/imgproc/src/shapedescr.cpp @@ -150,7 +150,7 @@ static void findMinEnclosingCircle(const PT *pts, int count, Point2f ¢er, fl // see Welzl, Emo. Smallest enclosing disks (balls and ellipsoids). Springer Berlin Heidelberg, 1991. void cv::minEnclosingCircle( InputArray _points, Point2f& _center, float& _radius ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points = _points.getMat(); int count = points.checkVector(2); @@ -229,7 +229,7 @@ void cv::minEnclosingCircle( InputArray _points, Point2f& _center, float& _radiu // calculates length of a curve (e.g. contour perimeter) double cv::arcLength( InputArray _curve, bool is_closed ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat curve = _curve.getMat(); int count = curve.checkVector(2); @@ -264,7 +264,7 @@ double cv::arcLength( InputArray _curve, bool is_closed ) // area of a whole sequence double cv::contourArea( InputArray _contour, bool oriented ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat contour = _contour.getMat(); int npoints = contour.checkVector(2); @@ -297,7 +297,7 @@ double cv::contourArea( InputArray _contour, bool oriented ) cv::RotatedRect cv::fitEllipse( InputArray _points ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat points = _points.getMat(); int i, n = points.checkVector(2); @@ -951,7 +951,7 @@ static Rect maskBoundingRect( const Mat& img ) cv::Rect cv::boundingRect(InputArray array) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat m = array.getMat(); return m.depth() <= CV_8U ? maskBoundingRect(m) : pointSetBoundingRect(m); diff --git a/modules/imgproc/src/smooth.cpp b/modules/imgproc/src/smooth.cpp index 8c15b54aae..81cc548b40 100644 --- a/modules/imgproc/src/smooth.cpp +++ b/modules/imgproc/src/smooth.cpp @@ -1480,7 +1480,7 @@ namespace cv static bool ipp_boxfilter(Mat &src, Mat &dst, Size ksize, Point anchor, bool normalize, int borderType) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201801 // Problem with SSE42 optimization for 16s and some 8u modes @@ -1529,7 +1529,7 @@ void cv::boxFilter( InputArray _src, OutputArray _dst, int ddepth, Size ksize, Point anchor, bool normalize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_dst.isUMat() && (borderType == BORDER_REPLICATE || borderType == BORDER_CONSTANT || @@ -1578,7 +1578,7 @@ void cv::boxFilter( InputArray _src, OutputArray _dst, int ddepth, void cv::blur( InputArray src, OutputArray dst, Size ksize, Point anchor, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); boxFilter( src, dst, -1, ksize, anchor, true, borderType ); } @@ -1660,7 +1660,7 @@ void cv::sqrBoxFilter( InputArray _src, OutputArray _dst, int ddepth, Size ksize, Point anchor, bool normalize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int srcType = _src.type(), sdepth = CV_MAT_DEPTH(srcType), cn = CV_MAT_CN(srcType); Size size = _src.size(); @@ -3981,7 +3981,7 @@ public: virtual void operator() (const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(!*m_pOk) return; @@ -4015,7 +4015,7 @@ static bool ipp_GaussianBlur(InputArray _src, OutputArray _dst, Size ksize, double sigma1, double sigma2, int borderType ) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201800 && ((defined _MSC_VER && defined _M_IX86) || (defined __GNUC__ && defined __i386__)) CV_UNUSED(_src); CV_UNUSED(_dst); CV_UNUSED(ksize); CV_UNUSED(sigma1); CV_UNUSED(sigma2); CV_UNUSED(borderType); @@ -4077,7 +4077,7 @@ void cv::GaussianBlur( InputArray _src, OutputArray _dst, Size ksize, double sigma1, double sigma2, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(); Size size = _src.size(); @@ -5060,7 +5060,7 @@ namespace cv { static bool ipp_medianFilter(Mat &src0, Mat &dst, int ksize) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); #if IPP_VERSION_X100 < 201801 // Degradations for big kernel @@ -5133,7 +5133,7 @@ static bool ipp_medianFilter(Mat &src0, Mat &dst, int ksize) void cv::medianBlur( InputArray _src0, OutputArray _dst, int ksize ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( (ksize % 2 == 1) && (_src0.dims() <= 2 )); @@ -5892,7 +5892,7 @@ private: static bool ipp_bilateralFilter(Mat &src, Mat &dst, int d, double sigmaColor, double sigmaSpace, int borderType) { #ifdef HAVE_IPP_IW - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); int radius = IPP_MAX(((d <= 0)?cvRound(sigmaSpace*1.5):d/2), 1); Ipp32f valSquareSigma = (Ipp32f)((sigmaColor <= 0)?1:sigmaColor*sigmaColor); @@ -5942,7 +5942,7 @@ void cv::bilateralFilter( InputArray _src, OutputArray _dst, int d, double sigmaColor, double sigmaSpace, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); _dst.create( _src.size(), _src.type() ); diff --git a/modules/imgproc/src/spatialgradient.cpp b/modules/imgproc/src/spatialgradient.cpp index a84bd704eb..c942264e00 100644 --- a/modules/imgproc/src/spatialgradient.cpp +++ b/modules/imgproc/src/spatialgradient.cpp @@ -78,7 +78,7 @@ static inline void spatialGradientKernel( T& vx, T& vy, void spatialGradient( InputArray _src, OutputArray _dx, OutputArray _dy, int ksize, int borderType ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // Prepare InputArray src Mat src = _src.getMat(); diff --git a/modules/imgproc/src/subdivision2d.cpp b/modules/imgproc/src/subdivision2d.cpp index 6014774722..7abefa8c6e 100644 --- a/modules/imgproc/src/subdivision2d.cpp +++ b/modules/imgproc/src/subdivision2d.cpp @@ -275,7 +275,7 @@ void Subdiv2D::deletePoint(int vidx) int Subdiv2D::locate(Point2f pt, int& _edge, int& _vertex) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int vertex = 0; @@ -411,7 +411,7 @@ isPtInCircle3( Point2f pt, Point2f a, Point2f b, Point2f c) int Subdiv2D::insert(Point2f pt) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int curr_point = 0, curr_edge = 0, deleted_edge = 0; int location = locate( pt, curr_edge, curr_point ); @@ -483,7 +483,7 @@ int Subdiv2D::insert(Point2f pt) void Subdiv2D::insert(const std::vector& ptvec) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for( size_t i = 0; i < ptvec.size(); i++ ) insert(ptvec[i]); @@ -491,7 +491,7 @@ void Subdiv2D::insert(const std::vector& ptvec) void Subdiv2D::initDelaunay( Rect rect ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); float big_coord = 3.f * MAX( rect.width, rect.height ); float rx = (float)rect.x; @@ -652,7 +652,7 @@ isRightOf2( const Point2f& pt, const Point2f& org, const Point2f& diff ) int Subdiv2D::findNearest(Point2f pt, Point2f* nearestPt) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( !validGeometry ) calcVoronoi(); diff --git a/modules/imgproc/src/sumpixels.cpp b/modules/imgproc/src/sumpixels.cpp index 4122b1ae54..c09e085285 100755 --- a/modules/imgproc/src/sumpixels.cpp +++ b/modules/imgproc/src/sumpixels.cpp @@ -408,7 +408,7 @@ static bool ipp_integral( uchar* tilted, size_t tstep, int width, int height, int cn) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppiSize size = {width, height}; @@ -494,7 +494,7 @@ void integral(int depth, int sdepth, int sqdepth, void cv::integral( InputArray _src, OutputArray _sum, OutputArray _sqsum, OutputArray _tilted, int sdepth, int sqdepth ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); if( sdepth <= 0 ) @@ -532,14 +532,14 @@ void cv::integral( InputArray _src, OutputArray _sum, OutputArray _sqsum, Output void cv::integral( InputArray src, OutputArray sum, int sdepth ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); integral( src, sum, noArray(), noArray(), sdepth ); } void cv::integral( InputArray src, OutputArray sum, OutputArray sqsum, int sdepth, int sqdepth ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); integral( src, sum, sqsum, noArray(), sdepth, sqdepth ); } diff --git a/modules/imgproc/src/templmatch.cpp b/modules/imgproc/src/templmatch.cpp index 302e26ef67..1dabdb0b05 100644 --- a/modules/imgproc/src/templmatch.cpp +++ b/modules/imgproc/src/templmatch.cpp @@ -970,7 +970,7 @@ typedef IppStatus (CV_STDCALL * ippimatchTemplate)(const void*, int, IppiSize, c static bool ipp_crossCorr(const Mat& src, const Mat& tpl, Mat& dst, bool normed) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppStatus status; @@ -1007,7 +1007,7 @@ static bool ipp_crossCorr(const Mat& src, const Mat& tpl, Mat& dst, bool normed) static bool ipp_sqrDistance(const Mat& src, const Mat& tpl, Mat& dst) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); IppStatus status; @@ -1039,7 +1039,7 @@ static bool ipp_sqrDistance(const Mat& src, const Mat& tpl, Mat& dst) static bool ipp_matchTemplate( Mat& img, Mat& templ, Mat& result, int method) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); if(img.channels() != 1) return false; @@ -1089,7 +1089,7 @@ static bool ipp_matchTemplate( Mat& img, Mat& templ, Mat& result, int method) void cv::matchTemplate( InputArray _img, InputArray _templ, OutputArray _result, int method, InputArray _mask ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (!_mask.empty()) { diff --git a/modules/imgproc/src/thresh.cpp b/modules/imgproc/src/thresh.cpp index 520a9c8fe9..b411b8696d 100644 --- a/modules/imgproc/src/thresh.cpp +++ b/modules/imgproc/src/thresh.cpp @@ -1003,7 +1003,7 @@ thresh_64f(const Mat& _src, Mat& _dst, double thresh, double maxval, int type) #ifdef HAVE_IPP static bool ipp_getThreshVal_Otsu_8u( const unsigned char* _src, int step, Size size, unsigned char &thresh) { - CV_INSTRUMENT_REGION_IPP() + CV_INSTRUMENT_REGION_IPP(); // Performance degradations #if IPP_VERSION_X100 >= 201800 @@ -1391,7 +1391,7 @@ static bool openvx_threshold(Mat src, Mat dst, int thresh, int maxval, int type) double cv::threshold( InputArray _src, OutputArray _dst, double thresh, double maxval, int type ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN_(_src.dims() <= 2 && _dst.isUMat(), ocl_threshold(_src, _dst, thresh, maxval, type), thresh) @@ -1518,7 +1518,7 @@ double cv::threshold( InputArray _src, OutputArray _dst, double thresh, double m void cv::adaptiveThreshold( InputArray _src, OutputArray _dst, double maxValue, int method, int type, int blockSize, double delta ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert( src.type() == CV_8UC1 ); diff --git a/modules/imgproc/src/undistort.cpp b/modules/imgproc/src/undistort.cpp index 1c9399611f..14e5d37d13 100644 --- a/modules/imgproc/src/undistort.cpp +++ b/modules/imgproc/src/undistort.cpp @@ -273,7 +273,7 @@ void cv::initUndistortRectifyMap( InputArray _cameraMatrix, InputArray _distCoef void cv::undistort( InputArray _src, OutputArray _dst, InputArray _cameraMatrix, InputArray _distCoeffs, InputArray _newCameraMatrix ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), cameraMatrix = _cameraMatrix.getMat(); Mat distCoeffs = _distCoeffs.getMat(), newCameraMatrix = _newCameraMatrix.getMat(); diff --git a/modules/objdetect/src/cascadedetect.cpp b/modules/objdetect/src/cascadedetect.cpp index 11eae3e3e2..a41dc713e7 100644 --- a/modules/objdetect/src/cascadedetect.cpp +++ b/modules/objdetect/src/cascadedetect.cpp @@ -60,7 +60,7 @@ template void copyVectorToUMat(const std::vector<_Tp>& v, UMat& um void groupRectangles(std::vector& rectList, int groupThreshold, double eps, std::vector* weights, std::vector* levelWeights) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( groupThreshold <= 0 || rectList.empty() ) { @@ -361,14 +361,14 @@ static void groupRectangles_meanshift(std::vector& rectList, double detect void groupRectangles(std::vector& rectList, int groupThreshold, double eps) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); groupRectangles(rectList, groupThreshold, eps, 0, 0); } void groupRectangles(std::vector& rectList, std::vector& weights, int groupThreshold, double eps) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); groupRectangles(rectList, groupThreshold, eps, &weights, 0); } @@ -376,7 +376,7 @@ void groupRectangles(std::vector& rectList, std::vector& weights, int void groupRectangles(std::vector& rectList, std::vector& rejectLevels, std::vector& levelWeights, int groupThreshold, double eps) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); groupRectangles(rectList, groupThreshold, eps, &rejectLevels, &levelWeights); } @@ -384,7 +384,7 @@ void groupRectangles(std::vector& rectList, std::vector& rejectLevels void groupRectangles_meanshift(std::vector& rectList, std::vector& foundWeights, std::vector& foundScales, double detectThreshold, Size winDetSize) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); groupRectangles_meanshift(rectList, detectThreshold, foundWeights, foundScales, winDetSize); } @@ -483,7 +483,7 @@ bool FeatureEvaluator::updateScaleData( Size imgsz, const std::vector& _s bool FeatureEvaluator::setImage( InputArray _image, const std::vector& _scales ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size imgsz = _image.size(); bool recalcOptFeatures = updateScaleData(imgsz, _scales); @@ -632,7 +632,7 @@ Ptr HaarEvaluator::clone() const void HaarEvaluator::computeChannels(int scaleIdx, InputArray img) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const ScaleData& s = scaleData->at(scaleIdx); sqofs = hasTiltedFeatures ? sbufSize.area() * 2 : sbufSize.area(); @@ -676,7 +676,7 @@ void HaarEvaluator::computeChannels(int scaleIdx, InputArray img) void HaarEvaluator::computeOptFeatures() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (hasTiltedFeatures) tofs = sbufSize.area(); @@ -929,7 +929,7 @@ void CascadeClassifierImpl::read(const FileNode& node) int CascadeClassifierImpl::runAt( Ptr& evaluator, Point pt, int scaleIdx, double& weight ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); assert( !oldCascade && (data.featureType == FeatureEvaluator::HAAR || @@ -999,7 +999,7 @@ public: void operator()(const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr evaluator = classifier->featureEvaluator->clone(); double gypWeight = 0.; @@ -1244,7 +1244,7 @@ void CascadeClassifierImpl::detectMultiScaleNoGrouping( InputArray _image, std:: double scaleFactor, Size minObjectSize, Size maxObjectSize, bool outputRejectLevels ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size imgsz = _image.size(); Size originalWindowSize = getOriginalWindowSize(); @@ -1371,7 +1371,7 @@ void CascadeClassifierImpl::detectMultiScale( InputArray _image, std::vector 1 && _image.depth() == CV_8U ); @@ -1405,7 +1405,7 @@ void CascadeClassifierImpl::detectMultiScale( InputArray _image, std::vector fakeLevels; std::vector fakeWeights; @@ -1418,7 +1418,7 @@ void CascadeClassifierImpl::detectMultiScale( InputArray _image, std::vector 1 && image.depth() == CV_8U ); @@ -1693,7 +1693,7 @@ void CascadeClassifier::detectMultiScale( InputArray image, Size minSize, Size maxSize ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!empty()); cc->detectMultiScale(image, objects, scaleFactor, minNeighbors, flags, minSize, maxSize); @@ -1707,7 +1707,7 @@ void CascadeClassifier::detectMultiScale( InputArray image, int minNeighbors, int flags, Size minSize, Size maxSize ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!empty()); cc->detectMultiScale(image, objects, numDetections, @@ -1724,7 +1724,7 @@ void CascadeClassifier::detectMultiScale( InputArray image, Size minSize, Size maxSize, bool outputRejectLevels ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!empty()); cc->detectMultiScale(image, objects, rejectLevels, levelWeights, diff --git a/modules/objdetect/src/cascadedetect.hpp b/modules/objdetect/src/cascadedetect.hpp index b19bc1c57f..f9910530b9 100644 --- a/modules/objdetect/src/cascadedetect.hpp +++ b/modules/objdetect/src/cascadedetect.hpp @@ -484,7 +484,7 @@ template inline int predictOrdered( CascadeClassifierImpl& cascade, Ptr &_featureEvaluator, double& sum ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int nstages = (int)cascade.data.stages.size(); int nodeOfs = 0, leafOfs = 0; @@ -526,7 +526,7 @@ template inline int predictCategorical( CascadeClassifierImpl& cascade, Ptr &_featureEvaluator, double& sum ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int nstages = (int)cascade.data.stages.size(); int nodeOfs = 0, leafOfs = 0; @@ -570,7 +570,7 @@ template inline int predictOrderedStump( CascadeClassifierImpl& cascade, Ptr &_featureEvaluator, double& sum ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!cascade.data.stumps.empty()); FEval& featureEvaluator = (FEval&)*_featureEvaluator; @@ -609,7 +609,7 @@ template inline int predictCategoricalStump( CascadeClassifierImpl& cascade, Ptr &_featureEvaluator, double& sum ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!cascade.data.stumps.empty()); int nstages = (int)cascade.data.stages.size(); diff --git a/modules/objdetect/src/detection_based_tracker.cpp b/modules/objdetect/src/detection_based_tracker.cpp index 0cdcafacee..f738ac176c 100644 --- a/modules/objdetect/src/detection_based_tracker.cpp +++ b/modules/objdetect/src/detection_based_tracker.cpp @@ -626,7 +626,7 @@ cv::DetectionBasedTracker::~DetectionBasedTracker() void DetectionBasedTracker::process(const Mat& imageGray) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(imageGray.type()==CV_8UC1); diff --git a/modules/objdetect/src/haar.cpp b/modules/objdetect/src/haar.cpp index 489728dd1f..c6af7698ed 100644 --- a/modules/objdetect/src/haar.cpp +++ b/modules/objdetect/src/haar.cpp @@ -922,7 +922,7 @@ CV_IMPL int cvRunHaarClassifierCascade( const CvHaarClassifierCascade* _cascade, CvPoint pt, int start_stage ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double stage_sum; return cvRunHaarClassifierCascadeSum(_cascade, pt, stage_sum, start_stage); @@ -959,7 +959,7 @@ public: void operator()(const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size winSize0 = cascade->orig_window_size; Size winSize(cvRound(winSize0.width*factor), cvRound(winSize0.height*factor)); @@ -1139,7 +1139,7 @@ public: void operator()(const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int iy, startY = range.start, endY = range.end; const int *p0 = p[0], *p1 = p[1], *p2 = p[2], *p3 = p[3]; @@ -1216,7 +1216,7 @@ cvHaarDetectObjectsForROC( const CvArr* _img, double scaleFactor, int minNeighbors, int flags, CvSize minSize, CvSize maxSize, bool outputRejectLevels ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const double GROUP_EPS = 0.2; CvMat stub, *img = (CvMat*)_img; diff --git a/modules/objdetect/src/hog.cpp b/modules/objdetect/src/hog.cpp index 72ac32782f..3060d61fbf 100644 --- a/modules/objdetect/src/hog.cpp +++ b/modules/objdetect/src/hog.cpp @@ -237,7 +237,7 @@ inline float32x4_t vsetq_f32(float f0, float f1, float f2, float f3) void HOGDescriptor::computeGradient(const Mat& img, Mat& grad, Mat& qangle, Size paddingTL, Size paddingBR) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( img.type() == CV_8U || img.type() == CV_8UC3 ); @@ -1587,7 +1587,7 @@ static bool ocl_compute(InputArray _img, Size win_stride, std::vector& _d void HOGDescriptor::compute(InputArray _img, std::vector& descriptors, Size winStride, Size padding, const std::vector& locations) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( winStride == Size() ) winStride = cellSize; @@ -1654,7 +1654,7 @@ void HOGDescriptor::detect(const Mat& img, std::vector& hits, std::vector& weights, double hitThreshold, Size winStride, Size padding, const std::vector& locations) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); hits.clear(); weights.clear(); @@ -1767,7 +1767,7 @@ void HOGDescriptor::detect(const Mat& img, void HOGDescriptor::detect(const Mat& img, std::vector& hits, double hitThreshold, Size winStride, Size padding, const std::vector& locations) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector weightsV; detect(img, hits, weightsV, hitThreshold, winStride, padding, locations); @@ -2051,7 +2051,7 @@ void HOGDescriptor::detectMultiScale( double hitThreshold, Size winStride, Size padding, double scale0, double finalThreshold, bool useMeanshiftGrouping) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); double scale = 1.; int levels = 0; @@ -2106,7 +2106,7 @@ void HOGDescriptor::detectMultiScale(InputArray img, std::vector& foundLoc double hitThreshold, Size winStride, Size padding, double scale0, double finalThreshold, bool useMeanshiftGrouping) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector foundWeights; detectMultiScale(img, foundLocations, foundWeights, hitThreshold, winStride, @@ -3504,7 +3504,7 @@ public: void operator()(const Range& range) const CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int i, i1 = range.start, i2 = range.end; @@ -3548,7 +3548,7 @@ void HOGDescriptor::detectROI(const cv::Mat& img, const std::vector & CV_OUT std::vector& foundLocations, CV_OUT std::vector& confidences, double hitThreshold, cv::Size winStride, cv::Size padding) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); foundLocations.clear(); confidences.clear(); @@ -3660,7 +3660,7 @@ void HOGDescriptor::detectMultiScaleROI(const cv::Mat& img, CV_OUT std::vector& foundLocations, std::vector& locations, double hitThreshold, int groupThreshold) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector allCandidates; Mutex mtx; @@ -3780,7 +3780,7 @@ void HOGDescriptor::readALTModel(String modelfile) void HOGDescriptor::groupRectangles(std::vector& rectList, std::vector& weights, int groupThreshold, double eps) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( groupThreshold <= 0 || rectList.empty() ) { diff --git a/modules/photo/src/align.cpp b/modules/photo/src/align.cpp index d83bf69d92..6a3972045e 100644 --- a/modules/photo/src/align.cpp +++ b/modules/photo/src/align.cpp @@ -61,14 +61,14 @@ public: void process(InputArrayOfArrays src, std::vector& dst, InputArray, InputArray) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); process(src, dst); } void process(InputArrayOfArrays _src, std::vector& dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector src; _src.getMatVector(src); @@ -118,7 +118,7 @@ public: Point calculateShift(InputArray _img0, InputArray _img1) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img0 = _img0.getMat(); Mat img1 = _img1.getMat(); @@ -166,7 +166,7 @@ public: void shiftMat(InputArray _src, OutputArray _dst, const Point shift) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); _dst.create(src.size(), src.type()); @@ -211,7 +211,7 @@ public: void computeBitmaps(InputArray _img, OutputArray _tb, OutputArray _eb) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); _tb.create(img.size(), CV_8U); diff --git a/modules/photo/src/calibrate.cpp b/modules/photo/src/calibrate.cpp index 088cfbb6e0..9614a1c9ae 100644 --- a/modules/photo/src/calibrate.cpp +++ b/modules/photo/src/calibrate.cpp @@ -62,7 +62,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray _times) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // check inputs std::vector images; @@ -212,7 +212,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray _times) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector images; src.getMatVector(images); diff --git a/modules/photo/src/contrast_preserve.cpp b/modules/photo/src/contrast_preserve.cpp index b20bba0893..d9b183964e 100644 --- a/modules/photo/src/contrast_preserve.cpp +++ b/modules/photo/src/contrast_preserve.cpp @@ -52,7 +52,7 @@ using namespace cv; void cv::decolor(InputArray _src, OutputArray _dst, OutputArray _color_boost) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat I = _src.getMat(); _dst.create(I.size(), CV_8UC1); diff --git a/modules/photo/src/denoising.cpp b/modules/photo/src/denoising.cpp index ee9e57331e..6b501f67a0 100644 --- a/modules/photo/src/denoising.cpp +++ b/modules/photo/src/denoising.cpp @@ -104,7 +104,7 @@ static void fastNlMeansDenoising_( const Mat& src, Mat& dst, const std::vector(1, h), templateWindowSize, searchWindowSize); @@ -113,7 +113,7 @@ void cv::fastNlMeansDenoising( InputArray _src, OutputArray _dst, float h, void cv::fastNlMeansDenoising( InputArray _src, OutputArray _dst, const std::vector& h, int templateWindowSize, int searchWindowSize, int normType) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int hn = (int)h.size(), type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); CV_Assert(!_src.empty()); @@ -174,7 +174,7 @@ void cv::fastNlMeansDenoisingColored( InputArray _src, OutputArray _dst, float h, float hForColorComponents, int templateWindowSize, int searchWindowSize) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); Size src_size = _src.size(); @@ -315,7 +315,7 @@ void cv::fastNlMeansDenoisingMulti( InputArrayOfArrays _srcImgs, OutputArray _ds int imgToDenoiseIndex, int temporalWindowSize, float h, int templateWindowSize, int searchWindowSize) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); fastNlMeansDenoisingMulti(_srcImgs, _dst, imgToDenoiseIndex, temporalWindowSize, std::vector(1, h), templateWindowSize, searchWindowSize); @@ -326,7 +326,7 @@ void cv::fastNlMeansDenoisingMulti( InputArrayOfArrays _srcImgs, OutputArray _ds const std::vector& h, int templateWindowSize, int searchWindowSize, int normType) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector srcImgs; _srcImgs.getMatVector(srcImgs); @@ -389,7 +389,7 @@ void cv::fastNlMeansDenoisingColoredMulti( InputArrayOfArrays _srcImgs, OutputAr float h, float hForColorComponents, int templateWindowSize, int searchWindowSize) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector srcImgs; _srcImgs.getMatVector(srcImgs); diff --git a/modules/photo/src/inpaint.cpp b/modules/photo/src/inpaint.cpp index adab6a3c9e..66566ba2e3 100644 --- a/modules/photo/src/inpaint.cpp +++ b/modules/photo/src/inpaint.cpp @@ -844,7 +844,7 @@ cvInpaint( const CvArr* _input_img, const CvArr* _inpaint_mask, CvArr* _output_i void cv::inpaint( InputArray _src, InputArray _mask, OutputArray _dst, double inpaintRange, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(), mask = _mask.getMat(); _dst.create( src.size(), src.type() ); diff --git a/modules/photo/src/merge.cpp b/modules/photo/src/merge.cpp index 6cfd8ba5d7..fbeb4639b4 100644 --- a/modules/photo/src/merge.cpp +++ b/modules/photo/src/merge.cpp @@ -58,7 +58,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray _times, InputArray input_response) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector images; src.getMatVector(images); @@ -124,7 +124,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray times) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); process(src, dst, times, Mat()); } @@ -152,14 +152,14 @@ public: void process(InputArrayOfArrays src, OutputArrayOfArrays dst, InputArray, InputArray) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); process(src, dst); } void process(InputArrayOfArrays src, OutputArray dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector images; src.getMatVector(images); @@ -310,7 +310,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray _times, InputArray input_response) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::vector images; src.getMatVector(images); @@ -349,7 +349,7 @@ public: void process(InputArrayOfArrays src, OutputArray dst, InputArray times) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); process(src, dst, times, Mat()); } diff --git a/modules/photo/src/npr.cpp b/modules/photo/src/npr.cpp index 2a7343e708..804a2aaf90 100644 --- a/modules/photo/src/npr.cpp +++ b/modules/photo/src/npr.cpp @@ -51,7 +51,7 @@ using namespace cv; void cv::edgePreservingFilter(InputArray _src, OutputArray dst, int flags, float sigma_s, float sigma_r) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat I = _src.getMat(); @@ -68,7 +68,7 @@ void cv::edgePreservingFilter(InputArray _src, OutputArray dst, int flags, float void cv::detailEnhance(InputArray _src, OutputArray dst, float sigma_s, float sigma_r) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat I = _src.getMat(); @@ -104,7 +104,7 @@ void cv::detailEnhance(InputArray _src, OutputArray dst, float sigma_s, float si void cv::pencilSketch(InputArray _src, OutputArray _dst1, OutputArray _dst2, float sigma_s, float sigma_r, float shade_factor) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat I = _src.getMat(); _dst1.create(I.size(), CV_8UC1); @@ -130,7 +130,7 @@ void cv::pencilSketch(InputArray _src, OutputArray _dst1, OutputArray _dst2, flo void cv::stylization(InputArray _src, OutputArray _dst, float sigma_s, float sigma_r) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat I = _src.getMat(); _dst.create(I.size(), CV_8UC3); diff --git a/modules/photo/src/seamless_cloning.cpp b/modules/photo/src/seamless_cloning.cpp index 43753b0c11..e5fcd094fb 100644 --- a/modules/photo/src/seamless_cloning.cpp +++ b/modules/photo/src/seamless_cloning.cpp @@ -49,7 +49,7 @@ using namespace cv; void cv::seamlessClone(InputArray _src, InputArray _dst, InputArray _mask, Point p, OutputArray _blend, int flags) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const Mat src = _src.getMat(); const Mat dest = _dst.getMat(); @@ -107,7 +107,7 @@ void cv::seamlessClone(InputArray _src, InputArray _dst, InputArray _mask, Point void cv::colorChange(InputArray _src, InputArray _mask, OutputArray _dst, float red, float green, float blue) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); Mat mask = _mask.getMat(); @@ -129,7 +129,7 @@ void cv::colorChange(InputArray _src, InputArray _mask, OutputArray _dst, float void cv::illuminationChange(InputArray _src, InputArray _mask, OutputArray _dst, float alpha, float beta) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); Mat mask = _mask.getMat(); @@ -153,7 +153,7 @@ void cv::illuminationChange(InputArray _src, InputArray _mask, OutputArray _dst, void cv::textureFlattening(InputArray _src, InputArray _mask, OutputArray _dst, float low_threshold, float high_threshold, int kernel_size) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); Mat mask = _mask.getMat(); diff --git a/modules/photo/src/seamless_cloning_impl.cpp b/modules/photo/src/seamless_cloning_impl.cpp index 90f7fc90a9..1b87e86b20 100644 --- a/modules/photo/src/seamless_cloning_impl.cpp +++ b/modules/photo/src/seamless_cloning_impl.cpp @@ -411,7 +411,7 @@ void Cloning::localColorChange(Mat &I, Mat &mask, Mat &wmask, Mat &cloned, float void Cloning::illuminationChange(Mat &I, Mat &mask, Mat &wmask, Mat &cloned, float alpha, float beta) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); computeDerivatives(I,mask,wmask); diff --git a/modules/photo/src/tonemap.cpp b/modules/photo/src/tonemap.cpp index 053360f4c2..fd73865d6b 100644 --- a/modules/photo/src/tonemap.cpp +++ b/modules/photo/src/tonemap.cpp @@ -62,7 +62,7 @@ public: void process(InputArray _src, OutputArray _dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert(!src.empty()); @@ -120,7 +120,7 @@ public: void process(InputArray _src, OutputArray _dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert(!src.empty()); @@ -208,7 +208,7 @@ public: void process(InputArray _src, OutputArray _dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert(!src.empty()); @@ -295,7 +295,7 @@ public: void process(InputArray _src, OutputArray _dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert(!src.empty()); @@ -392,7 +392,7 @@ public: void process(InputArray _src, OutputArray _dst) CV_OVERRIDE { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat src = _src.getMat(); CV_Assert(!src.empty()); diff --git a/modules/shape/src/aff_trans.cpp b/modules/shape/src/aff_trans.cpp index a4490f474f..fabcf93f69 100644 --- a/modules/shape/src/aff_trans.cpp +++ b/modules/shape/src/aff_trans.cpp @@ -104,7 +104,7 @@ protected: void AffineTransformerImpl::warpImage(InputArray transformingImage, OutputArray output, int flags, int borderMode, const Scalar& borderValue) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(!affineMat.empty()); warpAffine(transformingImage, output, affineMat, transformingImage.getMat().size(), flags, borderMode, borderValue); @@ -187,7 +187,7 @@ static Mat _localAffineEstimate(const std::vector& shape1, const std::v void AffineTransformerImpl::estimateTransformation(InputArray _pts1, InputArray _pts2, std::vector& _matches) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat pts1 = _pts1.getMat(); Mat pts2 = _pts2.getMat(); @@ -234,7 +234,7 @@ void AffineTransformerImpl::estimateTransformation(InputArray _pts1, InputArray float AffineTransformerImpl::applyTransformation(InputArray inPts, OutputArray outPts) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat pts1 = inPts.getMat(); CV_Assert((pts1.channels()==2) && (pts1.cols>0)); diff --git a/modules/shape/src/emdL1.cpp b/modules/shape/src/emdL1.cpp index 8e5faaaf9d..b28dc96705 100644 --- a/modules/shape/src/emdL1.cpp +++ b/modules/shape/src/emdL1.cpp @@ -789,7 +789,7 @@ float EmdL1::compuTotalFlow() float cv::EMDL1(InputArray _signature1, InputArray _signature2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat signature1 = _signature1.getMat(), signature2 = _signature2.getMat(); EmdL1 emdl1; diff --git a/modules/shape/src/haus_dis.cpp b/modules/shape/src/haus_dis.cpp index 0f3126792e..a544edcaa5 100644 --- a/modules/shape/src/haus_dis.cpp +++ b/modules/shape/src/haus_dis.cpp @@ -129,7 +129,7 @@ static float _apply(const Mat &set1, const Mat &set2, int distType, double propR float HausdorffDistanceExtractorImpl::computeDistance(InputArray contour1, InputArray contour2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat set1=contour1.getMat(), set2=contour2.getMat(); if (set1.type() != CV_32F) diff --git a/modules/shape/src/hist_cost.cpp b/modules/shape/src/hist_cost.cpp index 902a199ad6..f255d60694 100644 --- a/modules/shape/src/hist_cost.cpp +++ b/modules/shape/src/hist_cost.cpp @@ -125,7 +125,7 @@ protected: void NormHistogramCostExtractorImpl::buildCostMatrix(InputArray _descriptors1, InputArray _descriptors2, OutputArray _costMatrix) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // size of the costMatrix with dummies // Mat descriptors1=_descriptors1.getMat(); @@ -253,7 +253,7 @@ protected: void EMDHistogramCostExtractorImpl::buildCostMatrix(InputArray _descriptors1, InputArray _descriptors2, OutputArray _costMatrix) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // size of the costMatrix with dummies // Mat descriptors1=_descriptors1.getMat(); @@ -377,7 +377,7 @@ protected: void ChiHistogramCostExtractorImpl::buildCostMatrix(InputArray _descriptors1, InputArray _descriptors2, OutputArray _costMatrix) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // size of the costMatrix with dummies // Mat descriptors1=_descriptors1.getMat(); @@ -496,7 +496,7 @@ protected: void EMDL1HistogramCostExtractorImpl::buildCostMatrix(InputArray _descriptors1, InputArray _descriptors2, OutputArray _costMatrix) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // size of the costMatrix with dummies // Mat descriptors1=_descriptors1.getMat(); diff --git a/modules/shape/src/sc_dis.cpp b/modules/shape/src/sc_dis.cpp index cf4f9fe3a0..23c77f0717 100644 --- a/modules/shape/src/sc_dis.cpp +++ b/modules/shape/src/sc_dis.cpp @@ -187,7 +187,7 @@ protected: float ShapeContextDistanceExtractorImpl::computeDistance(InputArray contour1, InputArray contour2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // Checking // Mat sset1=contour1.getMat(), sset2=contour2.getMat(), set1, set2; @@ -502,7 +502,7 @@ void SCDMatcher::matchDescriptors(cv::Mat &descriptors1, cv::Mat &descriptors2, void SCDMatcher::buildCostMatrix(const cv::Mat &descriptors1, const cv::Mat &descriptors2, cv::Mat &costMatrix, cv::Ptr &comparer) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); comparer->buildCostMatrix(descriptors1, descriptors2, costMatrix); } diff --git a/modules/shape/src/tps_trans.cpp b/modules/shape/src/tps_trans.cpp index 19031be201..5818c7973e 100644 --- a/modules/shape/src/tps_trans.cpp +++ b/modules/shape/src/tps_trans.cpp @@ -148,7 +148,7 @@ static Point2f _applyTransformation(const Mat &shapeRef, const Point2f point, co void ThinPlateSplineShapeTransformerImpl::warpImage(InputArray transformingImage, OutputArray output, int flags, int borderMode, const Scalar& borderValue) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(tpsComputed==true); @@ -170,7 +170,7 @@ void ThinPlateSplineShapeTransformerImpl::warpImage(InputArray transformingImage float ThinPlateSplineShapeTransformerImpl::applyTransformation(InputArray inPts, OutputArray outPts) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(tpsComputed); Mat pts1 = inPts.getMat(); @@ -195,7 +195,7 @@ float ThinPlateSplineShapeTransformerImpl::applyTransformation(InputArray inPts, void ThinPlateSplineShapeTransformerImpl::estimateTransformation(InputArray _pts1, InputArray _pts2, std::vector& _matches ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat pts1 = _pts1.getMat(); Mat pts2 = _pts2.getMat(); diff --git a/modules/stitching/src/exposure_compensate.cpp b/modules/stitching/src/exposure_compensate.cpp index 206eca3808..7b72efbd16 100644 --- a/modules/stitching/src/exposure_compensate.cpp +++ b/modules/stitching/src/exposure_compensate.cpp @@ -146,7 +146,7 @@ void GainCompensator::feed(const std::vector &corners, const std::vector< void GainCompensator::apply(int index, Point /*corner*/, InputOutputArray image, InputArray /*mask*/) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); multiply(image, gains_(index, 0), image); } @@ -226,7 +226,7 @@ void BlocksGainCompensator::feed(const std::vector &corners, const std::v void BlocksGainCompensator::apply(int index, Point /*corner*/, InputOutputArray _image, InputArray /*mask*/) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(_image.type() == CV_8UC3); diff --git a/modules/stitching/src/matchers.cpp b/modules/stitching/src/matchers.cpp index 2e351fd720..e46d1f29ca 100644 --- a/modules/stitching/src/matchers.cpp +++ b/modules/stitching/src/matchers.cpp @@ -183,7 +183,7 @@ private: void CpuMatcher::match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo& matches_info) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(features1.descriptors.type() == features2.descriptors.type()); CV_Assert(features2.descriptors.depth() == CV_8U || features2.descriptors.depth() == CV_32F); @@ -253,7 +253,7 @@ void CpuMatcher::match(const ImageFeatures &features1, const ImageFeatures &feat #ifdef HAVE_OPENCV_CUDAFEATURES2D void GpuMatcher::match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo& matches_info) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); matches_info.matches.clear(); @@ -727,7 +727,7 @@ BestOf2NearestMatcher::BestOf2NearestMatcher(bool try_use_gpu, float match_conf, void BestOf2NearestMatcher::match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); (*impl_)(features1, features2, matches_info); diff --git a/modules/stitching/src/seam_finders.cpp b/modules/stitching/src/seam_finders.cpp index ad9b0f2444..1bc0e8e8e4 100644 --- a/modules/stitching/src/seam_finders.cpp +++ b/modules/stitching/src/seam_finders.cpp @@ -203,7 +203,7 @@ void DpSeamFinder::process( const Mat &image1, const Mat &image2, Point tl1, Point tl2, Mat &mask1, Mat &mask2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(image1.size() == mask1.size()); CV_Assert(image2.size() == mask2.size()); diff --git a/modules/stitching/src/stitcher.cpp b/modules/stitching/src/stitcher.cpp index d7ecb7364b..e328d67ab9 100644 --- a/modules/stitching/src/stitcher.cpp +++ b/modules/stitching/src/stitcher.cpp @@ -121,7 +121,7 @@ Ptr Stitcher::create(Mode mode, bool try_use_gpu) Stitcher::Status Stitcher::estimateTransform(InputArrayOfArrays images) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return estimateTransform(images, std::vector >()); } @@ -129,7 +129,7 @@ Stitcher::Status Stitcher::estimateTransform(InputArrayOfArrays images) Stitcher::Status Stitcher::estimateTransform(InputArrayOfArrays images, const std::vector > &rois) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); images.getUMatVector(imgs_); rois_ = rois; @@ -149,7 +149,7 @@ Stitcher::Status Stitcher::estimateTransform(InputArrayOfArrays images, const st Stitcher::Status Stitcher::composePanorama(OutputArray pano) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return composePanorama(std::vector(), pano); } @@ -157,7 +157,7 @@ Stitcher::Status Stitcher::composePanorama(OutputArray pano) Stitcher::Status Stitcher::composePanorama(InputArrayOfArrays images, OutputArray pano) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); LOGLN("Warping images (auxiliary)... "); @@ -407,7 +407,7 @@ Stitcher::Status Stitcher::composePanorama(InputArrayOfArrays images, OutputArra Stitcher::Status Stitcher::stitch(InputArrayOfArrays images, OutputArray pano) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Status status = estimateTransform(images); if (status != OK) @@ -418,7 +418,7 @@ Stitcher::Status Stitcher::stitch(InputArrayOfArrays images, OutputArray pano) Stitcher::Status Stitcher::stitch(InputArrayOfArrays images, const std::vector > &rois, OutputArray pano) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Status status = estimateTransform(images, rois); if (status != OK) @@ -604,14 +604,14 @@ Stitcher::Status Stitcher::estimateCameraParams() Ptr createStitcher(bool try_use_gpu) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return Stitcher::create(Stitcher::PANORAMA, try_use_gpu); } Ptr createStitcherScans(bool try_use_gpu) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); return Stitcher::create(Stitcher::SCANS, try_use_gpu); } diff --git a/modules/stitching/src/timelapsers.cpp b/modules/stitching/src/timelapsers.cpp index fef94b64d6..30febaa8db 100644 --- a/modules/stitching/src/timelapsers.cpp +++ b/modules/stitching/src/timelapsers.cpp @@ -64,7 +64,7 @@ void Timelapser::initialize(const std::vector &corners, const std::vector void Timelapser::process(InputArray _img, InputArray /*_mask*/, Point tl) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); dst_.setTo(Scalar::all(0)); diff --git a/modules/superres/src/btv_l1.cpp b/modules/superres/src/btv_l1.cpp index 95429817af..cf2ca58ceb 100644 --- a/modules/superres/src/btv_l1.cpp +++ b/modules/superres/src/btv_l1.cpp @@ -670,7 +670,7 @@ namespace void BTVL1_Base::process(InputArrayOfArrays _src, OutputArray _dst, InputArrayOfArrays _forwardMotions, InputArrayOfArrays _backwardMotions, int baseIdx) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert( scale_ > 1 ); CV_Assert( iterations_ > 0 ); @@ -971,7 +971,7 @@ namespace void BTVL1::processImpl(Ptr& frameSource, OutputArray _output) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (outPos_ >= storePos_) { @@ -1022,7 +1022,7 @@ namespace void BTVL1::readNextFrame(Ptr& frameSource) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); frameSource->nextFrame(curFrame_); if (curFrame_.empty()) @@ -1086,7 +1086,7 @@ namespace void BTVL1::processFrame(int idx) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(isUmat_, ocl_processFrame(idx)) diff --git a/modules/superres/src/input_array_utility.cpp b/modules/superres/src/input_array_utility.cpp index b73993bf7d..fd60c20bd9 100644 --- a/modules/superres/src/input_array_utility.cpp +++ b/modules/superres/src/input_array_utility.cpp @@ -236,7 +236,7 @@ namespace Mat cv::superres::convertToType(const Mat& src, int type, Mat& buf0, Mat& buf1) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (src.type() == type) return src; @@ -263,7 +263,7 @@ Mat cv::superres::convertToType(const Mat& src, int type, Mat& buf0, Mat& buf1) UMat cv::superres::convertToType(const UMat& src, int type, UMat& buf0, UMat& buf1) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (src.type() == type) return src; diff --git a/modules/superres/src/optical_flow.cpp b/modules/superres/src/optical_flow.cpp index 2e0c485b36..4b13e94ba9 100644 --- a/modules/superres/src/optical_flow.cpp +++ b/modules/superres/src/optical_flow.cpp @@ -123,7 +123,7 @@ namespace void CpuOpticalFlow::calc(InputArray _frame0, InputArray _frame1, OutputArray _flow1, OutputArray _flow2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_flow1.isUMat() && (_flow2.isUMat() || !_flow2.needed()), ocl_calc(_frame0, _frame1, _flow1, _flow2)) @@ -227,7 +227,7 @@ namespace void Farneback::calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CpuOpticalFlow::calc(frame0, frame1, flow1, flow2); } @@ -381,7 +381,7 @@ namespace void DualTVL1::calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CpuOpticalFlow::calc(frame0, frame1, flow1, flow2); } @@ -455,7 +455,7 @@ namespace void GpuOpticalFlow::calc(InputArray _frame0, InputArray _frame1, OutputArray _flow1, OutputArray _flow2) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); GpuMat frame0 = arrGetGpuMat(_frame0, buf_[0]); GpuMat frame1 = arrGetGpuMat(_frame1, buf_[1]); diff --git a/modules/superres/src/super_resolution.cpp b/modules/superres/src/super_resolution.cpp index 6055920599..e9400d5044 100644 --- a/modules/superres/src/super_resolution.cpp +++ b/modules/superres/src/super_resolution.cpp @@ -61,7 +61,7 @@ void cv::superres::SuperResolution::setInput(const Ptr& frameSource void cv::superres::SuperResolution::nextFrame(OutputArray frame) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); isUmat_ = frame.isUMat(); diff --git a/modules/video/src/bgfg_KNN.cpp b/modules/video/src/bgfg_KNN.cpp index 794b90e7c0..39cd6457e9 100755 --- a/modules/video/src/bgfg_KNN.cpp +++ b/modules/video/src/bgfg_KNN.cpp @@ -728,7 +728,7 @@ void BackgroundSubtractorKNNImpl::create_ocl_apply_kernel() void BackgroundSubtractorKNNImpl::apply(InputArray _image, OutputArray _fgmask, double learningRate) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifdef HAVE_OPENCL if (opencl_ON) @@ -814,7 +814,7 @@ void BackgroundSubtractorKNNImpl::apply(InputArray _image, OutputArray _fgmask, void BackgroundSubtractorKNNImpl::getBackgroundImage(OutputArray backgroundImage) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifdef HAVE_OPENCL if (opencl_ON) diff --git a/modules/video/src/bgfg_gaussmix2.cpp b/modules/video/src/bgfg_gaussmix2.cpp index ab77fd79d8..4241670f1c 100644 --- a/modules/video/src/bgfg_gaussmix2.cpp +++ b/modules/video/src/bgfg_gaussmix2.cpp @@ -844,7 +844,7 @@ void BackgroundSubtractorMOG2Impl::create_ocl_apply_kernel() void BackgroundSubtractorMOG2Impl::apply(InputArray _image, OutputArray _fgmask, double learningRate) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifdef HAVE_OPENCL if (opencl_ON) @@ -884,7 +884,7 @@ void BackgroundSubtractorMOG2Impl::apply(InputArray _image, OutputArray _fgmask, template void BackgroundSubtractorMOG2Impl::getBackgroundImage_intern(OutputArray backgroundImage) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat meanBackground(frameSize, frameType, Scalar::all(0)); int firstGaussianIdx = 0; diff --git a/modules/video/src/camshift.cpp b/modules/video/src/camshift.cpp index 4a7017c82e..ed5426ab98 100644 --- a/modules/video/src/camshift.cpp +++ b/modules/video/src/camshift.cpp @@ -43,7 +43,7 @@ int cv::meanShift( InputArray _probImage, Rect& window, TermCriteria criteria ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Size size; int cn; @@ -110,7 +110,7 @@ int cv::meanShift( InputArray _probImage, Rect& window, TermCriteria criteria ) cv::RotatedRect cv::CamShift( InputArray _probImage, Rect& window, TermCriteria criteria ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); const int TOLERANCE = 10; Size size; diff --git a/modules/video/src/kalman.cpp b/modules/video/src/kalman.cpp index d0fba8f8fb..f90f9f7b9e 100644 --- a/modules/video/src/kalman.cpp +++ b/modules/video/src/kalman.cpp @@ -81,7 +81,7 @@ void KalmanFilter::init(int DP, int MP, int CP, int type) const Mat& KalmanFilter::predict(const Mat& control) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // update the state: x'(k) = A*x(k) statePre = transitionMatrix*statePost; @@ -105,7 +105,7 @@ const Mat& KalmanFilter::predict(const Mat& control) const Mat& KalmanFilter::correct(const Mat& measurement) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); // temp2 = H*P'(k) temp2 = measurementMatrix * errorCovPre; diff --git a/modules/video/src/lkpyramid.cpp b/modules/video/src/lkpyramid.cpp index 94704681ef..40026cd3c1 100644 --- a/modules/video/src/lkpyramid.cpp +++ b/modules/video/src/lkpyramid.cpp @@ -180,7 +180,7 @@ typedef float itemtype; void cv::detail::LKTrackerInvoker::operator()(const Range& range) const { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Point2f halfWin((winSize.width-1)*0.5f, (winSize.height-1)*0.5f); const Mat& I = *prevImg; @@ -700,7 +700,7 @@ void cv::detail::LKTrackerInvoker::operator()(const Range& range) const int cv::buildOpticalFlowPyramid(InputArray _img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives, int pyrBorder, int derivBorder, bool tryReuseInputImage) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat img = _img.getMat(); CV_Assert(img.depth() == CV_8U && winSize.width > 2 && winSize.height > 2 ); @@ -1224,7 +1224,7 @@ void SparsePyrLKOpticalFlowImpl::calc( InputArray _prevImg, InputArray _nextImg, InputArray _prevPts, InputOutputArray _nextPts, OutputArray _status, OutputArray _err) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(ocl::isOpenCLActivated() && (_prevImg.isUMat() || _nextImg.isUMat()) && @@ -1495,7 +1495,7 @@ cv::Mat cv::estimateRigidTransform( InputArray src1, InputArray src2, bool fullA cv::Mat cv::estimateRigidTransform( InputArray src1, InputArray src2, bool fullAffine, int ransacMaxIters, double ransacGoodRatio, const int ransacSize0) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat M(2, 3, CV_64F), A = src1.getMat(), B = src2.getMat(); diff --git a/modules/video/src/optflowgf.cpp b/modules/video/src/optflowgf.cpp index 68edf4ca4e..2e6251b210 100644 --- a/modules/video/src/optflowgf.cpp +++ b/modules/video/src/optflowgf.cpp @@ -1096,7 +1096,7 @@ private: void FarnebackOpticalFlowImpl::calc(InputArray _prev0, InputArray _next0, InputOutputArray _flow0) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_OCL_RUN(_flow0.isUMat() && ocl::Image2D::isFormatSupported(CV_32F, 1, false), @@ -1186,7 +1186,7 @@ void cv::calcOpticalFlowFarneback( InputArray _prev0, InputArray _next0, InputOutputArray _flow0, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags ) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Ptr optflow; optflow = makePtr(levels,pyr_scale,false,winsize,iterations,poly_n,poly_sigma,flags); diff --git a/modules/video/src/tvl1flow.cpp b/modules/video/src/tvl1flow.cpp index 061d0472c8..dc2dc827ac 100644 --- a/modules/video/src/tvl1flow.cpp +++ b/modules/video/src/tvl1flow.cpp @@ -402,7 +402,7 @@ OpticalFlowDual_TVL1::OpticalFlowDual_TVL1() void OpticalFlowDual_TVL1::calc(InputArray _I0, InputArray _I1, InputOutputArray _flow) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); #ifndef __APPLE__ CV_OCL_RUN(_flow.isUMat() && diff --git a/modules/videoio/src/cap.cpp b/modules/videoio/src/cap.cpp index 9c14be018f..f633ff8460 100644 --- a/modules/videoio/src/cap.cpp +++ b/modules/videoio/src/cap.cpp @@ -181,7 +181,7 @@ void VideoCapture::release() bool VideoCapture::grab() { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (!icap.empty()) return icap->grabFrame(); @@ -190,7 +190,7 @@ bool VideoCapture::grab() bool VideoCapture::retrieve(OutputArray image, int channel) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (!icap.empty()) return icap->retrieveFrame(channel, image); @@ -213,7 +213,7 @@ bool VideoCapture::retrieve(OutputArray image, int channel) bool VideoCapture::read(OutputArray image) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if(grab()) retrieve(image); @@ -252,7 +252,7 @@ VideoCapture& VideoCapture::operator >> (Mat& image) VideoCapture& VideoCapture::operator >> (UMat& image) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); read(image); return *this; @@ -309,7 +309,7 @@ bool VideoWriter::open(const String& filename, int _fourcc, double fps, Size fra bool VideoWriter::open(const String& filename, int apiPreference, int _fourcc, double fps, Size frameSize, bool isColor) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if (isOpened()) release(); @@ -360,7 +360,7 @@ double VideoWriter::get(int propId) const void VideoWriter::write(const Mat& image) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); if( iwriter ) iwriter->write(image); @@ -373,7 +373,7 @@ void VideoWriter::write(const Mat& image) VideoWriter& VideoWriter::operator << (const Mat& image) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); write(image); return *this; diff --git a/modules/videostab/src/deblurring.cpp b/modules/videostab/src/deblurring.cpp index dd6cfac825..2e94ccacee 100644 --- a/modules/videostab/src/deblurring.cpp +++ b/modules/videostab/src/deblurring.cpp @@ -52,7 +52,7 @@ namespace videostab float calcBlurriness(const Mat &frame) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat Gx, Gy; Sobel(frame, Gx, CV_32F, 1, 0); @@ -72,7 +72,7 @@ WeightingDeblurer::WeightingDeblurer() void WeightingDeblurer::deblur(int idx, Mat &frame) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(frame.type() == CV_8UC3); diff --git a/modules/videostab/src/global_motion.cpp b/modules/videostab/src/global_motion.cpp index c49de12a8d..ac4ca4d2e1 100644 --- a/modules/videostab/src/global_motion.cpp +++ b/modules/videostab/src/global_motion.cpp @@ -356,7 +356,7 @@ static Mat estimateGlobMotionLeastSquaresAffine( Mat estimateGlobalMotionLeastSquares( InputOutputArray points0, InputOutputArray points1, int model, float *rmse) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(model <= MM_AFFINE); CV_Assert(points0.type() == points1.type()); @@ -382,7 +382,7 @@ Mat estimateGlobalMotionRansac( InputArray points0, InputArray points1, int model, const RansacParams ¶ms, float *rmse, int *ninliers) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(model <= MM_AFFINE); CV_Assert(points0.type() == points1.type()); @@ -861,7 +861,7 @@ Mat KeypointBasedMotionEstimatorGpu::estimate(const cuda::GpuMat &frame0, const Mat getMotion(int from, int to, const std::vector &motions) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); Mat M = Mat::eye(3, 3, CV_32F); if (to > from) diff --git a/modules/videostab/src/inpainting.cpp b/modules/videostab/src/inpainting.cpp index 3fad005318..56b73e66af 100644 --- a/modules/videostab/src/inpainting.cpp +++ b/modules/videostab/src/inpainting.cpp @@ -103,7 +103,7 @@ void InpaintingPipeline::setStabilizationMotions(const std::vector &val) void InpaintingPipeline::inpaint(int idx, Mat &frame, Mat &mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); for (size_t i = 0; i < inpainters_.size(); ++i) inpainters_[i]->inpaint(idx, frame, mask); @@ -126,7 +126,7 @@ ConsistentMosaicInpainter::ConsistentMosaicInpainter() void ConsistentMosaicInpainter::inpaint(int idx, Mat &frame, Mat &mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(frame.type() == CV_8UC3); CV_Assert(mask.size() == frame.size() && mask.type() == CV_8U); @@ -340,7 +340,7 @@ MotionInpainter::MotionInpainter() void MotionInpainter::inpaint(int idx, Mat &frame, Mat &mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); std::priority_queue > neighbors; std::vector vmotions(2*radius_ + 1); @@ -462,7 +462,7 @@ public: void ColorAverageInpainter::inpaint(int /*idx*/, Mat &frame, Mat &mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); ColorAverageInpaintBody body; body.mask = mask; @@ -473,7 +473,7 @@ void ColorAverageInpainter::inpaint(int /*idx*/, Mat &frame, Mat &mask) void ColorInpainter::inpaint(int /*idx*/, Mat &frame, Mat &mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); bitwise_not(mask, invMask_); cv::inpaint(frame, invMask_, frame, radius_, method_); @@ -484,7 +484,7 @@ void calcFlowMask( const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(flowX.type() == CV_32F && flowX.size() == mask0.size()); CV_Assert(flowY.type() == CV_32F && flowY.size() == mask0.size()); @@ -520,7 +520,7 @@ void completeFrameAccordingToFlow( const Mat &flowMask, const Mat &flowX, const Mat &flowY, const Mat &frame1, const Mat &mask1, float distThresh, Mat &frame0, Mat &mask0) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(flowMask.type() == CV_8U); CV_Assert(flowX.type() == CV_32F && flowX.size() == flowMask.size()); diff --git a/modules/videostab/src/motion_stabilizing.cpp b/modules/videostab/src/motion_stabilizing.cpp index 025b7d56de..2314f26a9e 100644 --- a/modules/videostab/src/motion_stabilizing.cpp +++ b/modules/videostab/src/motion_stabilizing.cpp @@ -637,7 +637,7 @@ static inline void relaxMotion(const float M[], float t, float res[]) Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(M.size() == Size(3,3) && M.type() == CV_32F); @@ -674,7 +674,7 @@ Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio) // TODO can be estimated for O(1) time float estimateOptimalTrimRatio(const Mat &M, Size size) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(M.size() == Size(3,3) && M.type() == CV_32F); diff --git a/modules/videostab/src/outlier_rejection.cpp b/modules/videostab/src/outlier_rejection.cpp index 0e9769c522..b6d7d64fcf 100644 --- a/modules/videostab/src/outlier_rejection.cpp +++ b/modules/videostab/src/outlier_rejection.cpp @@ -51,7 +51,7 @@ namespace videostab void NullOutlierRejector::process( Size /*frameSize*/, InputArray points0, InputArray points1, OutputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(points0.type() == points1.type()); CV_Assert(points0.getMat().checkVector(2) == points1.getMat().checkVector(2)); @@ -72,7 +72,7 @@ TranslationBasedLocalOutlierRejector::TranslationBasedLocalOutlierRejector() void TranslationBasedLocalOutlierRejector::process( Size frameSize, InputArray points0, InputArray points1, OutputArray mask) { - CV_INSTRUMENT_REGION() + CV_INSTRUMENT_REGION(); CV_Assert(points0.type() == points1.type()); CV_Assert(points0.getMat().checkVector(2) == points1.getMat().checkVector(2));