exp               687 3rdparty/libtiff/tif_luv.c #define exp2(x)		exp(M_LN2*(x))
exp               704 3rdparty/libtiff/tif_luv.c     Y = exp(M_LN2/256.*(Le+.5) - M_LN2*64.);
exp               783 3rdparty/libtiff/tif_luv.c     return (exp(M_LN2/64.*(p10+.5) - M_LN2*12.));
exp               507 3rdparty/libtiff/tif_pixarlog.c     b = exp(-c*ONE);	/* multiplicative scale factor [b*exp(c*ONE) = 1] */
exp               508 3rdparty/libtiff/tif_pixarlog.c     linstep = b*c*exp(1.);
exp               544 3rdparty/libtiff/tif_pixarlog.c     ToLinearF[j++] = (float)(b*exp(c*i));
exp                93 3rdparty/openexr/IlmImf/b44ExpLogTable.cpp         h = exp (h / 8);
exp               103 3rdparty/openexr/Imath/ImathMath.h    static T	exp   (T x)		{return ::exp (double(x));}
exp               136 3rdparty/openexr/Imath/ImathMath.h    static float	exp   (float x)			{return ::expf (x);}
exp               148 3rdparty/openexr/Imath/ImathQuat.h     Quat<T>		exp () const;
exp               617 3rdparty/openexr/Imath/ImathQuat.h     Quat<T> qa = q1 * c3.exp();
exp               651 3rdparty/openexr/Imath/ImathQuat.h Quat<T>::exp () const
exp              1567 apps/traincascade/boost.cpp             scale[1] = exp(err);
exp              1314 apps/traincascade/old_ml_boost.cpp             scale[1] = exp(err);
exp               266 modules/calib3d/src/compat_ptsetreg.cpp     double lambda = exp(lambdaLg10*LOG10);
exp               565 modules/calib3d/src/upnp.cpp     exp( Mat(M.inv() * I), S);
exp               834 modules/calib3d/test/test_fundam.cpp     int pt_count = cvRound(exp(pt_count_exp));
exp              1133 modules/calib3d/test/test_fundam.cpp     int pt_count = MAX(5, cvRound(exp(pt_count_exp)));
exp              1464 modules/calib3d/test/test_fundam.cpp     pt_count = cvRound(exp(pt_count_exp));
exp              1601 modules/calib3d/test/test_fundam.cpp     pt_count = cvRound(exp(pt_count_exp));
exp              1384 modules/core/include/opencv2/core.hpp CV_EXPORTS_W void exp(InputArray src, OutputArray dst);
exp               501 modules/core/include/opencv2/core/cuda/functional.hpp     OPENCV_CUDA_IMPLEMENT_UN_FUNCTOR(exp, ::exp)
exp               220 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, uchar, float)
exp               221 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, char, float)
exp               222 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, ushort, float)
exp               223 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, short, float)
exp               224 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, int, float)
exp               225 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, uint, float)
exp               226 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, float, float)
exp               227 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::exp, double, double)
exp                75 modules/core/include/opencv2/core/cvstd.hpp     using std::exp;
exp               420 modules/core/misc/java/test/CoreTest.java         Core.exp(gray0_32f, dst);
exp                92 modules/core/perf/opencl/perf_arithm.cpp     OCL_TEST_CYCLE() cv::exp(src, dst);
exp               762 modules/core/src/mathfuncs.cpp     hal::exp(x, y, n);
exp               776 modules/core/src/mathfuncs.cpp     hal::exp(x, y, n);
exp               782 modules/core/src/mathfuncs.cpp #define Exp_32f hal::exp
exp               783 modules/core/src/mathfuncs.cpp #define Exp_64f hal::exp
exp              1858 modules/core/src/mathfuncs.cpp     cv::exp( src, dst );
exp               274 modules/core/src/opencl/arithm.cl #define PROCESS_ELEM storedst(exp(srcelem1))
exp               342 modules/core/src/rand.cpp         double q = vn/std::exp(-.5*dn*dn);
exp               350 modules/core/src/rand.cpp         fn[127] = (float)std::exp(-.5*dn*dn);
exp               354 modules/core/src/rand.cpp             dn = std::sqrt(-2.*std::log(vn/dn+std::exp(-.5*dn*dn)));
exp               357 modules/core/src/rand.cpp             fn[i] = (float)std::exp(-.5*dn*dn);
exp               392 modules/core/src/rand.cpp             if( fn[iz] + y*(fn[iz - 1] - fn[iz]) < std::exp(-.5*x*x) )
exp              1061 modules/core/test/ocl/test_arithm.cpp         OCL_OFF(cv::exp(src1_roi, dst1_roi));
exp              1062 modules/core/test/ocl/test_arithm.cpp         OCL_ON(cv::exp(usrc1_roi, udst1_roi));
exp                49 modules/core/test/test_arithm.cpp             alpha = exp(rng.uniform(-0.5, 0.1)*m*2*CV_LOG2);
exp                54 modules/core/test/test_arithm.cpp             beta = exp(rng.uniform(-0.5, 0.1)*m*2*CV_LOG2);
exp                62 modules/core/test/test_arithm.cpp                 gamma[i] = exp(rng.uniform(-1, 6)*m*CV_LOG2);
exp               914 modules/core/test/test_arithm.cpp                 ((float*)dptr)[j] = std::exp(((const float*)sptr)[j]);
exp               919 modules/core/test/test_arithm.cpp                 ((double*)dptr)[j] = std::exp(((const double*)sptr)[j]);
exp               967 modules/core/test/test_arithm.cpp         cv::exp(src[0], dst);
exp               971 modules/core/test/test_arithm.cpp         cvtest::exp(src[0], dst);
exp               995 modules/core/test/test_arithm.cpp         cvtest::exp(src[0], temp);
exp              1001 modules/core/test/test_arithm.cpp         cvtest::exp(src[0], temp);
exp               535 modules/core/test/test_ds.cpp         elem_size = cvRound( exp(t * CV_LOG2) );
exp              1000 modules/core/test/test_ds.cpp                 storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
exp              1088 modules/core/test/test_ds.cpp                 storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
exp              1385 modules/core/test/test_ds.cpp             storage.reset(cvCreateMemStorage( cvRound( exp(t * CV_LOG2) ) ));
exp              1390 modules/core/test/test_ds.cpp                 int pure_elem_size = cvRound( exp(t * CV_LOG2) );
exp              1809 modules/core/test/test_ds.cpp             int block_size = cvRound( exp(t * CV_LOG2) );
exp              1821 modules/core/test/test_ds.cpp                     int pe = cvRound( exp(t * CV_LOG2) ) - 1; // pure_elem_size==0 does also make sense
exp              1926 modules/core/test/test_ds.cpp             int storage_blocksize = cvRound( exp(t * CV_LOG2) );
exp                75 modules/core/test/test_hal_core.cpp                     hal::exp(src.ptr<float>(), dst.ptr<float>(), n);
exp                77 modules/core/test/test_hal_core.cpp                     hal::exp(src.ptr<double>(), dst.ptr<double>(), n);
exp               101 modules/core/test/test_hal_core.cpp                 exp(src, dst0);
exp               111 modules/core/test/test_io.cpp             double test_real = (cvtest::randInt(rng)%2?1:-1)*exp(cvtest::randReal(rng)*18-9);
exp               121 modules/core/test/test_io.cpp                 exp(test_mat, test_mat);
exp               157 modules/core/test/test_io.cpp                 exp(test_mat_nd, test_mat_nd);
exp              1055 modules/core/test/test_operations.cpp     exp(-tt, outs);
exp              1057 modules/core/test/test_operations.cpp     exp(-tt2, outs2);
exp                62 modules/core/test/test_rand.cpp             H0[i] = (float)exp(-x*x);
exp               180 modules/cudaarithm/include/opencv2/cudaarithm.hpp CV_EXPORTS void exp(InputArray src, OutputArray dst, Stream& stream = Stream::Null());
exp               579 modules/cudaarithm/perf/perf_element_operations.cpp         TEST_CYCLE() cv::cuda::exp(d_src, dst);
exp               587 modules/cudaarithm/perf/perf_element_operations.cpp         TEST_CYCLE() cv::exp(src, dst);
exp              1705 modules/cudaarithm/test/test_element_operations.cpp                 dst.at<T>(y, x) = cv::saturate_cast<T>(static_cast<int>(std::exp(static_cast<float>(src.at<T>(y, x)))));
exp              1715 modules/cudaarithm/test/test_element_operations.cpp                 dst.at<float>(y, x) = std::exp(static_cast<float>(src.at<float>(y, x)));
exp              1756 modules/cudaarithm/test/test_element_operations.cpp     cv::cuda::exp(loadMat(src, useRoi), dst);
exp               194 modules/cudaoptflow/src/farneback.cpp             g[x] = (float)std::exp(-x*x/(2*sigma*sigma));
exp               102 modules/cudastereo/src/disparity_bilateral_filter.cpp             line[i] = static_cast<float>(std::exp(-double(i * i) / (2 * sigma_range * sigma_range)));
exp               117 modules/cudastereo/src/disparity_bilateral_filter.cpp                 row[x] = exp(-sqrt(float(y * y) + float(x * x)) / dist_space);
exp                71 modules/cudev/include/opencv2/cudev/expr/unary_func.hpp CV_CUDEV_EXPR_UNARY_FUNC(exp)
exp               522 modules/cudev/include/opencv2/cudev/functional/functional.hpp CV_CUDEV_UNARY_FUNCTION_INST(exp, ::exp)
exp               231 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, uchar, float)
exp               232 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, char, float)
exp               233 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, ushort, float)
exp               234 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, short, float)
exp               235 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, int, float)
exp               236 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, uint, float)
exp               237 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::expf, float, float)
exp               238 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(exp, ::exp, double, double)
exp               109 modules/features2d/src/kaze/nldiffusion_functions.cpp   exp(dst, dst);
exp               163 modules/features2d/src/kaze/nldiffusion_functions.cpp   exp(dst, dst);
exp                83 modules/features2d/src/kaze/utils.h inline int fastpow(int base, int exp) {
exp                85 modules/features2d/src/kaze/utils.h     while(exp > 0) {
exp                86 modules/features2d/src/kaze/utils.h         if(exp & 1) {
exp                87 modules/features2d/src/kaze/utils.h             exp--;
exp                90 modules/features2d/src/kaze/utils.h             exp /= 2;
exp                83 modules/hal/include/opencv2/hal.hpp void exp(const float* src, float* dst, int n);
exp                84 modules/hal/include/opencv2/hal.hpp void exp(const double* src, double* dst, int n);
exp               193 modules/hal/include/opencv2/hal/intrin_cpp.hpp OPENCV_HAL_IMPL_MATH_FUNC(v_exp, std::exp, _Tp)
exp               118 modules/highgui/src/window_carbon.cpp #define Assert(exp)                                             \
exp               119 modules/highgui/src/window_carbon.cpp if( !(exp) )                                                    \
exp               121 modules/highgui/src/window_carbon.cpp     printf("Assertion: %s  %s: %d\n", #exp, __FILE__, __LINE__);\
exp               122 modules/highgui/src/window_carbon.cpp     assert(exp);                                                \
exp                72 modules/imgproc/src/cornersubpix.cpp         float vy = std::exp(-y*y);
exp                76 modules/imgproc/src/cornersubpix.cpp             mask[i * win_w + j] = (float)(vy*std::exp(-x*x));
exp                87 modules/imgproc/src/gabor.cpp             double v = scale*std::exp(ex*xr*xr + ey*yr*yr)*cos(cscale*xr + psi);
exp               129 modules/imgproc/src/grabcut.cpp         res = 1.0f/sqrt(covDeterms[ci]) * exp(-0.5f*mult);
exp               290 modules/imgproc/src/grabcut.cpp                 leftW.at<double>(y,x) = gamma * exp(-beta*diff.dot(diff));
exp               297 modules/imgproc/src/grabcut.cpp                 upleftW.at<double>(y,x) = gammaDivSqrt2 * exp(-beta*diff.dot(diff));
exp               304 modules/imgproc/src/grabcut.cpp                 upW.at<double>(y,x) = gamma * exp(-beta*diff.dot(diff));
exp               311 modules/imgproc/src/grabcut.cpp                 uprightW.at<double>(y,x) = gammaDivSqrt2 * exp(-beta*diff.dot(diff));
exp              6492 modules/imgproc/src/imgwarp.cpp             exp_tab[rho] = std::exp(rho/M);
exp               305 modules/imgproc/src/linefit.cpp         w[i] = (float) std::exp( -d[i] * d[i] * c * c );
exp              1109 modules/imgproc/src/lsd.cpp     double term = exp(log1term);
exp              1562 modules/imgproc/src/smooth.cpp         double t = fixed_kernel ? (double)fixed_kernel[i] : std::exp(scale2X*x*x);
exp              3012 modules/imgproc/src/smooth.cpp             space_weight[maxk] = (float)std::exp(r * r * gauss_space_coeff);
exp              3114 modules/imgproc/src/smooth.cpp         color_weight[i] = (float)std::exp(i*i*gauss_color_coeff);
exp              3126 modules/imgproc/src/smooth.cpp             space_weight[maxk] = (float)std::exp(r*r*gauss_space_coeff);
exp              3383 modules/imgproc/src/smooth.cpp             expLUT[i] = (float)std::exp(val * val * gauss_color_coeff);
exp              3397 modules/imgproc/src/smooth.cpp             space_weight[maxk] = (float)std::exp(r*r*gauss_space_coeff);
exp                94 modules/imgproc/test/test_bilateral_filter.cpp         return cvRound(exp((double)rand_value));
exp               163 modules/imgproc/test/test_bilateral_filter.cpp                 expLUT[i] = (float)std::exp(val * val * gauss_color_coeff);
exp               177 modules/imgproc/test/test_bilateral_filter.cpp                 space_weight[maxk] = (float)std::exp(r*r*gauss_space_coeff);
exp                64 modules/imgproc/test/test_connectedcomponents.cpp     Mat exp = imread(exp_path, 0);
exp                88 modules/imgproc/test/test_connectedcomponents.cpp     if( exp.empty() || orig.size() != exp.size() )
exp                91 modules/imgproc/test/test_connectedcomponents.cpp         exp = labelImage;
exp                94 modules/imgproc/test/test_connectedcomponents.cpp     if (0 != cvtest::norm(labelImage > 0, exp > 0, NORM_INF))
exp               216 modules/imgproc/test/test_contours.cpp     blob_count = cvRound(exp(cvtest::randReal(rng)*max_log_blob_count*CV_LOG2));
exp               218 modules/imgproc/test/test_contours.cpp     img_size.width = cvRound(exp((cvtest::randReal(rng)*
exp               220 modules/imgproc/test/test_contours.cpp     img_size.height = cvRound(exp((cvtest::randReal(rng)*
exp               345 modules/imgproc/test/test_convhull.cpp     size = cvRound( exp((cvtest::randReal(rng) * (max_log_size - min_log_size) + min_log_size)*CV_LOG2) );
exp               103 modules/imgproc/test/test_filter.cpp                 double val = exp( cvtest::randReal(rng)*10 - 4 );
exp               762 modules/imgproc/test/test_filter.cpp     sigma = exp(cvtest::randReal(rng)*5-2);
exp               808 modules/imgproc/test/test_filter.cpp             kernel[n/2+i] = kernel[n/2-i] = (float)exp(scale2X*i*i);
exp                57 modules/imgproc/test/test_grabcut.cpp     bool verify(const Mat& mask, const Mat& exp);
exp                64 modules/imgproc/test/test_grabcut.cpp bool CV_GrabcutTest::verify(const Mat& mask, const Mat& exp)
exp                67 modules/imgproc/test/test_grabcut.cpp     int expArea = countNonZero( exp );
exp                68 modules/imgproc/test/test_grabcut.cpp     int nonIntersectArea = countNonZero( mask != exp );
exp               145 modules/imgproc/test/test_histograms.cpp     hist_size = exp(cvtest::randReal(rng)*max_log_size*CV_LOG2);
exp               160 modules/imgproc/test/test_histograms.cpp     img_size.width = cvRound( exp(cvtest::randReal(rng) * img_max_log_size * CV_LOG2) );
exp               161 modules/imgproc/test/test_histograms.cpp     img_size.height = cvRound( exp(cvtest::randReal(rng) * img_max_log_size * CV_LOG2) );
exp               140 modules/imgproc/test/test_imgwarp_strict.cpp     size.width = static_cast<int>(std::exp(rng.uniform(1.0f, 7.0f)));
exp               141 modules/imgproc/test/test_imgwarp_strict.cpp     size.height = static_cast<int>(std::exp(rng.uniform(1.0f, 7.0f)));
exp                64 modules/imgproc/test/test_watershed.cpp     Mat exp = imread(exp_path, 0);
exp                88 modules/imgproc/test/test_watershed.cpp         if(!exp.empty())
exp                89 modules/imgproc/test/test_watershed.cpp             colors.push_back(exp.ptr(p->y)[p->x] - 1);
exp               110 modules/imgproc/test/test_watershed.cpp             if(!exp.empty())
exp               118 modules/imgproc/test/test_watershed.cpp     if( exp.empty() || orig.size() != exp.size() )
exp               121 modules/imgproc/test/test_watershed.cpp         exp = markers8U;
exp               124 modules/imgproc/test/test_watershed.cpp     if (0 != norm(markers8U, exp, NORM_INF))
exp               419 modules/ml/src/ann_mlp.cpp         exp( sums, sums );
exp               490 modules/ml/src/ann_mlp.cpp             exp( _xf, _xf );
exp               518 modules/ml/src/ann_mlp.cpp             exp( _df, _df );
exp               241 modules/ml/src/boost.cpp             double scale = std::exp(C);
exp               269 modules/ml/src/boost.cpp                 double wval = w->sample_weights[si]*std::exp(-result[i]*w->ord_responses[si]);
exp               292 modules/ml/src/boost.cpp                 double p = 1./(1 + std::exp(-2*sumResult[i]));
exp               612 modules/ml/src/em.cpp             double v = std::exp(L.at<double>(i) - maxLVal);
exp               500 modules/ml/src/gbt.cpp                     res = exp(res);
exp               303 modules/ml/src/lr.cpp     exp(-data, dest);
exp               277 modules/ml/src/nbayes.cpp                     probability = exp( -0.5 * cur );
exp               215 modules/ml/src/rtrees.cpp                         ncorrect_responses += std::exp( -val*val );
exp               263 modules/ml/src/rtrees.cpp                                 ncorrect_responses_permuted += exp( -val*val );
exp               208 modules/ml/src/svm.cpp             Qfloat e = std::exp(-std::abs(t));
exp               252 modules/ml/src/svm.cpp             exp( R, R );
exp               299 modules/ml/src/svm.cpp             exp( R, R );
exp               241 modules/objdetect/src/cascadedetect.cpp             sPt.x *= std::exp(aPt.z);
exp               242 modules/objdetect/src/cascadedetect.cpp             sPt.y *= std::exp(aPt.z);
exp               252 modules/objdetect/src/cascadedetect.cpp             double w = (weightsV[i])*std::exp(-((aPt-bPt).dot(aPt-bPt))/2)/std::sqrt(sPt.dot(Point3d(1,1,1)));
exp               274 modules/objdetect/src/cascadedetect.cpp             sPt.x *= std::exp(aPt.z);
exp               275 modules/objdetect/src/cascadedetect.cpp             sPt.y *= std::exp(aPt.z);
exp               283 modules/objdetect/src/cascadedetect.cpp             sumW+=(weightsV[i])*std::exp(-(aPt.dot(aPt))/2)/std::sqrt(sPt.dot(Point3d(1,1,1)));
exp               306 modules/objdetect/src/cascadedetect.cpp         ns.x *= std::exp(p2.z);
exp               307 modules/objdetect/src/cascadedetect.cpp         ns.y *= std::exp(p2.z);
exp               345 modules/objdetect/src/cascadedetect.cpp         double scale = std::exp(resultHits[i].z);
exp               629 modules/objdetect/src/hog.cpp                 weights(i,j) = std::exp(-(_di[i] + _dj[j])*scale);
exp              1348 modules/objdetect/src/hog.cpp             gaussian_lut.at<float>(idx++) = std::exp(-(j * j + i * i) * scale);
exp              1750 modules/objdetect/src/hog.cpp             gaussian_lut.at<float>(idx++) = std::exp(-(j * j + i * i) * scale);
exp               691 modules/objdetect/test/test_cascadeandhog.cpp             weights(i,j) = std::exp(-(di*di + dj*dj)*scale);
exp               130 modules/photo/src/calibrate.cpp         exp(result, result);
exp               124 modules/photo/src/contrast_preserve.cpp             pos = ((1 + alf[i])/2) * exp((-1.0 * 0.5 * pow(temp[i],2))/pow(obj.sigma,2));
exp               125 modules/photo/src/contrast_preserve.cpp             neg = ((1 - alf[i])/2) * exp((-1.0 * 0.5 * pow(temp1[i],2))/pow(obj.sigma,2));
exp               101 modules/photo/src/contrast_preserve.hpp         energy.push_back(-1.0*log(exp(-1.0*pow(temp[i],2)/sigma) + exp(-1.0*pow(temp1[i],2)/sigma)));
exp               137 modules/photo/src/fast_nlmeans_denoising_invoker_commons.hpp             double w = std::exp(-dist*dist / (h[0]*h[0] * pixelInfo<T>::channels));
exp               259 modules/photo/src/fast_nlmeans_denoising_invoker_commons.hpp             double w = std::exp(-dist / (h[0]*h[0] * pixelInfo<T>::channels));
exp                78 modules/photo/src/hdr_common.cpp         value = exp(-value * value);
exp               118 modules/photo/src/merge.cpp         exp(result, result);
exp               197 modules/photo/src/merge.cpp                 Mat exp = splitted[c] - 0.5f;
exp               198 modules/photo/src/merge.cpp                 pow(exp, 2.0f, exp);
exp               199 modules/photo/src/merge.cpp                 exp = -exp / 0.08f;
exp               200 modules/photo/src/merge.cpp                 wellexp = wellexp.mul(exp);
exp               178 modules/photo/src/npr.hpp     float a = (float) exp((-1.0 * sqrt(2.0)) / sigma_h);
exp                33 modules/photo/src/opencl/nlmeans.cl         w_t w = exp((w_t)(-dist*dist) * den);
exp                35 modules/photo/src/opencl/nlmeans.cl         w_t w = exp((w_t)(-dist) * den);
exp               221 modules/photo/src/tonemap.cpp         exp(map_img * (scale - 1.0f) + log_img, map_img);
exp               307 modules/photo/src/tonemap.cpp         intensity = exp(-intensity);
exp               431 modules/photo/src/tonemap.cpp         exp(x, x);
exp               293 modules/shape/src/sc_dis.cpp                     float val = float(std::exp( -float( (p.x-jj)*(p.x-jj) + (p.y-ii)*(p.y-ii) )/(2*sigma*sigma) ) / (sigma*sigma*2*CV_PI));
exp               219 modules/ts/include/opencv2/ts/ocl_test.hpp         double v = exp(pow) - 1;
exp               110 modules/ts/src/ts_arrtest.cpp     size.width = cvRound( exp(val*CV_LOG2) );
exp               112 modules/ts/src/ts_arrtest.cpp     size.height = cvRound( exp(val*CV_LOG2) );
exp                51 modules/ts/src/ts_func.cpp     sz.width = cvRound(exp(width_log));
exp                52 modules/ts/src/ts_func.cpp     sz.height = cvRound(exp(height_log));
exp                64 modules/ts/src/ts_func.cpp         sz[i] = cvRound(exp(v));
exp              2088 modules/ts/src/ts_func.cpp         *_realmaxdiff = exp(1000.);
exp              1338 modules/ts/src/ts_perf.cpp             double minout = exp(gmean - 3 * gstddev) * runsPerIteration;
exp              1339 modules/ts/src/ts_perf.cpp             double maxout = exp(gmean + 3 * gstddev) * runsPerIteration;
exp              1384 modules/ts/src/ts_perf.cpp     metrics.gmean = exp(gmean);
exp                69 modules/video/src/optflowgf.cpp         g[x] = (float)std::exp(-x*x/(2*sigma*sigma));
exp               427 modules/video/src/optflowgf.cpp         float t = (float)std::exp(-i*i/(2*sigma*sigma) );
exp               161 modules/video/test/test_camshift.cpp     box0.size.width = (float)exp((cvtest::randReal(rng) * (max_log_size - min_log_size) + min_log_size)*CV_LOG2);
exp               162 modules/video/test/test_camshift.cpp     box0.size.height = (float)exp((cvtest::randReal(rng) * (max_log_size - min_log_size) + min_log_size)*CV_LOG2);
exp                99 modules/videostab/src/motion_stabilizing.cpp         sum += weight_[radius_ + i] = std::exp(-i*i/(stdev_*stdev_));