log               686 3rdparty/libtiff/tif_luv.c #define log2(x)		((1./M_LN2)*log(x))
log               292 3rdparty/libtiff/tif_ojpeg.c         uint8 log;
log               672 3rdparty/libtiff/tif_ojpeg.c     if (sp->sos_end[s].log==0)
log              1083 3rdparty/libtiff/tif_ojpeg.c     sp->sos_end[0].log=1;
log              1099 3rdparty/libtiff/tif_ojpeg.c     assert(sp->sos_end[0].log!=0);
log              1100 3rdparty/libtiff/tif_ojpeg.c     assert(sp->sos_end[s].log==0);
log              1102 3rdparty/libtiff/tif_ojpeg.c     while(sp->sos_end[sp->plane_sample_offset].log==0)
log              1133 3rdparty/libtiff/tif_ojpeg.c         sp->sos_end[sp->plane_sample_offset].log=1;
log               504 3rdparty/libtiff/tif_pixarlog.c     c = log(RATIO);
log               927 3rdparty/libtiff/tif_pixarlog.c           : LogK1*log(v*LogK2) + 0.5 )
log               249 3rdparty/libwebp/dsp/lossless.c     return (float)(LOG_2_RECIPROCAL * v * log((double)v));
log               263 3rdparty/libwebp/dsp/lossless.c     return (float)(LOG_2_RECIPROCAL * log((double)v));
log                56 3rdparty/libwebp/enc/backward_references.h   int log = 0;
log                66 3rdparty/libwebp/enc/backward_references.h       log += shift;
log                69 3rdparty/libwebp/enc/backward_references.h   return log;
log               958 3rdparty/libwebp/enc/picture.c   return (float)((v > 0.) ? -4.3429448 * log(v / (255 * 255.))
log               164 3rdparty/openexr/IlmImf/ImfLut.cpp     int12log = int (2000.5 + 200.0 * log (x / middleval) / log (2.0));
log                90 3rdparty/openexr/IlmImf/b44ExpLogTable.cpp     else if (h >= 8 * log (HALF_MAX))
log               120 3rdparty/openexr/IlmImf/b44ExpLogTable.cpp         h = 8 * log (h);
log               104 3rdparty/openexr/Imath/ImathMath.h    static T	log   (T x)		{return ::log (double(x));}
log               137 3rdparty/openexr/Imath/ImathMath.h    static float	log   (float x)			{return ::logf (x);}
log               147 3rdparty/openexr/Imath/ImathQuat.h     Quat<T>		log () const;
log               616 3rdparty/openexr/Imath/ImathQuat.h     Quat<T> c3 = (T) (-0.25) * (c2.log() + c1.log());
log               625 3rdparty/openexr/Imath/ImathQuat.h Quat<T>::log () const
log               385 3rdparty/openexr/Imath/ImathRandom.h     return x * sqrt (-2 * log (double (length2)) / length2);
log                86 apps/traincascade/boost.cpp     return log( val/(1. - val) );
log                50 apps/traincascade/old_ml_boost.cpp     return log( val/(1. - val) );
log               265 modules/calib3d/src/compat_ptsetreg.cpp     const double LOG10 = log(10.);
log                69 modules/calib3d/src/ptsetreg.cpp     num = std::log(num);
log                70 modules/calib3d/src/ptsetreg.cpp     denom = std::log(denom);
log              1507 modules/calib3d/src/rho.cpp     C = (1-delta)  *  log((1-delta)/(1-epsilon)) +
log              1508 modules/calib3d/src/rho.cpp         delta      *  log(  delta  /  epsilon  );
log              1533 modules/calib3d/src/rho.cpp         An = K + log(An);
log              1802 modules/calib3d/src/rho.cpp         retVal = (unsigned)ceil(log(1.-confidence)/log(atLeastOneOutlierProbability));
log               561 modules/calib3d/src/upnp.cpp     independent_term[0] = log( abs( betas[ combination[i][0]-1 ] ) );
log               562 modules/calib3d/src/upnp.cpp     independent_term[1] = log( abs( betas[ combination[i][1]-1 ] ) );
log               563 modules/calib3d/src/upnp.cpp     independent_term[2] = log( abs( betas[ combination[i][2]-1 ] ) );
log              1400 modules/core/include/opencv2/core.hpp CV_EXPORTS_W void log(InputArray src, OutputArray dst);
log               504 modules/core/include/opencv2/core/cuda/functional.hpp     OPENCV_CUDA_IMPLEMENT_UN_FUNCTOR(log, ::log)
log               247 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, uchar, float)
log               248 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, char, float)
log               249 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, ushort, float)
log               250 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, short, float)
log               251 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, int, float)
log               252 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, uint, float)
log               253 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, float, float)
log               254 modules/core/include/opencv2/core/cuda/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::log, double, double)
log                77 modules/core/include/opencv2/core/cvstd.hpp     using std::log;
log               897 modules/core/misc/java/test/CoreTest.java         Core.log(in, dst);
log               114 modules/core/perf/opencl/perf_arithm.cpp     OCL_TEST_CYCLE() cv::log(src, dst);
log               830 modules/core/src/mathfuncs.cpp     hal::log(x, y, n);
log               844 modules/core/src/mathfuncs.cpp     hal::log(x, y, n);
log               850 modules/core/src/mathfuncs.cpp #define Log_32f hal::log
log               851 modules/core/src/mathfuncs.cpp #define Log_64f hal::log
log              1865 modules/core/src/mathfuncs.cpp     cv::log( src, dst );
log              5080 modules/core/src/matrix.cpp         newsize = (size_t)1 << cvCeil(std::log((double)newsize)/CV_LOG2);
log               294 modules/core/src/opencl/arithm.cl     storedst(log(fabs(srcelem1)))
log               354 modules/core/src/rand.cpp             dn = std::sqrt(-2.*std::log(vn/dn+std::exp(-.5*dn*dn)));
log               382 modules/core/src/rand.cpp                     x = (float)(-std::log(x+FLT_MIN)*0.2904764);
log               383 modules/core/src/rand.cpp                     y = (float)-std::log(y+FLT_MIN);
log              1045 modules/core/test/ocl/test_arithm.cpp         OCL_OFF(cv::log(src1_roi, dst1_roi));
log              1046 modules/core/test/ocl/test_arithm.cpp         OCL_ON(cv::log(usrc1_roi, udst1_roi));
log               943 modules/core/test/test_arithm.cpp                 ((float*)dptr)[j] = (float)std::log(fabs(((const float*)sptr)[j]));
log               948 modules/core/test/test_arithm.cpp                 ((double*)dptr)[j] = std::log(fabs(((const double*)sptr)[j]));
log               996 modules/core/test/test_arithm.cpp         cv::log(temp, dst);
log              1002 modules/core/test/test_arithm.cpp         cvtest::log(temp, dst);
log                81 modules/core/test/test_hal_core.cpp                     hal::log(src.ptr<float>(), dst.ptr<float>(), n);
log                83 modules/core/test/test_hal_core.cpp                     hal::log(src.ptr<double>(), dst.ptr<double>(), n);
log               104 modules/core/test/test_hal_core.cpp                 log(src, dst0);
log               190 modules/cudaarithm/include/opencv2/cudaarithm.hpp CV_EXPORTS void log(InputArray src, OutputArray dst, Stream& stream = Stream::Null());
log               547 modules/cudaarithm/perf/perf_element_operations.cpp         TEST_CYCLE() cv::cuda::log(d_src, dst);
log               555 modules/cudaarithm/perf/perf_element_operations.cpp         TEST_CYCLE() cv::log(src, dst);
log               434 modules/cudaarithm/src/arithm.cpp         dft_size.width = 1 << int(ceil(std::log(block_size.width + templ_size.width - 1.) / std::log(2.)));
log               435 modules/cudaarithm/src/arithm.cpp         dft_size.height = 1 << int(ceil(std::log(block_size.height + templ_size.height - 1.) / std::log(2.)));
log              1635 modules/cudaarithm/test/test_element_operations.cpp                 dst.at<T>(y, x) = static_cast<T>(std::log(static_cast<float>(src.at<T>(y, x))));
log              1676 modules/cudaarithm/test/test_element_operations.cpp     cv::cuda::log(loadMat(src, useRoi), dst);
log               376 modules/cudastereo/src/stereobp.cpp     levels = (int)(::log(static_cast<double>(mm)) + 1) * 4 / 5;
log               171 modules/cudastereo/src/stereocsbp.cpp         levels_ = std::min(levels_, int(log((double)ndisp_) / log(2.0)));
log               351 modules/cudastereo/src/stereocsbp.cpp     levels = (int)::log(static_cast<double>(mm)) * 2 / 3;
log                74 modules/cudev/include/opencv2/cudev/expr/unary_func.hpp CV_CUDEV_EXPR_UNARY_FUNC(log)
log               525 modules/cudev/include/opencv2/cudev/functional/functional.hpp CV_CUDEV_UNARY_FUNCTION_INST(log, ::log)
log               258 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, uchar, float)
log               259 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, char, float)
log               260 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, ushort, float)
log               261 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, short, float)
log               262 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, int, float)
log               263 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, uint, float)
log               264 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::logf, float, float)
log               265 modules/cudev/include/opencv2/cudev/util/vec_math.hpp CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(log, ::log, double, double)
log               345 modules/features2d/src/brisk.cpp   static const float lb_scale = (float)(std::log(scalerange_) / std::log(2.0));
log               649 modules/features2d/src/brisk.cpp   static const float lb_scalerange = (float)(std::log(scalerange_) / (log2));
log               656 modules/features2d/src/brisk.cpp       scale = std::max((int) (scales_ / lb_scalerange * (std::log(keypoints[k].size / (basicSize06)) / log2) + 0.5), 0);
log               713 modules/flann/include/opencv2/flann/dist.h                     result += *a * log(ratio);
log               736 modules/flann/include/opencv2/flann/dist.h                 result = a * log(ratio);
log                99 modules/flann/include/opencv2/flann/logger.h     static int log(int level, const char* fmt, ...)
log                85 modules/hal/include/opencv2/hal.hpp void log(const float* src, float* dst, int n);
log                86 modules/hal/include/opencv2/hal.hpp void log(const double* src, double* dst, int n);
log               194 modules/hal/include/opencv2/hal/intrin_cpp.hpp OPENCV_HAL_IMPL_MATH_FUNC(v_log, std::log, _Tp)
log               301 modules/imgcodecs/src/grfmt_jpeg2000.cpp     int rshift = cvRound(std::log(maxval/256.)/std::log(2.));
log               365 modules/imgcodecs/src/grfmt_jpeg2000.cpp     int rshift = cvRound(std::log(maxval/65536.)/std::log(2.));
log               466 modules/imgproc/src/grabcut.cpp                 fromSource = -log( bgdGMM(color) );
log               467 modules/imgproc/src/grabcut.cpp                 toSink = -log( fgdGMM(color) );
log              2450 modules/imgproc/src/histogram.cpp                 result += p * std::log( p / q );
log              2577 modules/imgproc/src/histogram.cpp             result += v1 * std::log( v1 / v2 );
log              6558 modules/imgproc/src/imgwarp.cpp                 double p = log(std::sqrt(xx*xx + yy*yy) + 1.)*M;
log               136 modules/imgproc/src/lsd.cpp     return 0.918938533204673 + (x-0.5)*log(x) - x
log               137 modules/imgproc/src/lsd.cpp          + 0.5*x*log(x*sinh(1/x) + 1/(810.0*pow(x, 6.0)));
log               150 modules/imgproc/src/lsd.cpp     double a = (x + 0.5) * log(x + 5.5) - (x + 5.5);
log               154 modules/imgproc/src/lsd.cpp         a -= log(x + double(n));
log               157 modules/imgproc/src/lsd.cpp     return a + log(b);
log               453 modules/imgproc/src/lsd.cpp         const unsigned int h =  (unsigned int)(ceil(sigma * sqrt(2 * sprec * log(10.0))));
log              1108 modules/imgproc/src/lsd.cpp                 + double(k) * log(p) + double(n-k) * log(1.0 - p);
log                93 modules/imgproc/test/test_bilateral_filter.cpp         double rand_value = rng.uniform(log((double)min_value), log((double)max_value + 1));
log              1029 modules/imgproc/test/test_histograms.cpp             result0[CV_COMP_KL_DIV] += v0 * std::log( v0 / v1 );
log              1061 modules/imgproc/test/test_histograms.cpp             result0[CV_COMP_KL_DIV] += v0 * std::log( v0 / v1 );
log                53 modules/ml/src/boost.cpp     return log( val/(1. - val) );
log               459 modules/ml/src/em.cpp         log(weights, logWeights);
log               469 modules/ml/src/em.cpp                 logDetCov += std::log(covsEigenValues[clusterIndex].at<double>(covMatType != COV_MAT_SPHERICAL ? di : 0));
log               621 modules/ml/src/em.cpp         res[0] = std::log(expDiffSum)  + maxLVal - 0.5 * dim * CV_LOG2PI;
log               343 modules/ml/src/lr.cpp     log(d_a, d_a);
log               347 modules/ml/src/lr.cpp     log(d_b, d_b);
log               181 modules/ml/src/nbayes.cpp             c.at<double>(cls) = det > 0 ? log(det) : -700;
log               328 modules/objdetect/src/cascadedetect.cpp         hits[i] = Point3d(hitCenter.x, hitCenter.y, std::log(scales[i]));
log               335 modules/objdetect/src/cascadedetect.cpp     double logZ = std::log(1.3);
log               122 modules/photo/src/align.cpp         int maxlevel = static_cast<int>(log((double)max(img0.rows, img0.cols)) / log(2.0)) - 1;
log               112 modules/photo/src/calibrate.cpp                     B.at<float>(eq, 0) = w.at<float>(val) * log(times.at<float>((int)j));
log               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)));
log                82 modules/photo/src/merge.cpp         log(response, response);
log                87 modules/photo/src/merge.cpp         log(exp_values, exp_values);
log                53 modules/photo/src/tonemap.cpp     log(dst, dst);
log               140 modules/photo/src/tonemap.cpp         log(gray_img + 1.0f, map);
log               143 modules/photo/src/tonemap.cpp         log(2.0f + 8.0f * div, div);
log               254 modules/shape/src/aff_trans.cpp     transformCost=std::log((singVals.at<float>(0,0)+FLT_MIN)/(singVals.at<float>(1,0)+FLT_MIN));
log               111 modules/shape/src/tps_trans.cpp     norma = norma*std::log(norma+FLT_EPSILON);
log               223 modules/stitching/src/blenders.cpp     num_bands_ = std::min(actual_num_bands_, static_cast<int>(ceil(std::log(max_len) / std::log(2.0))));
log               216 modules/ts/include/opencv2/ts/ocl_test.hpp         double logMin = log((double)minVal + 1);
log               217 modules/ts/include/opencv2/ts/ocl_test.hpp         double logMax = log((double)maxVal + 1);
log              1324 modules/ts/src/ts_perf.cpp             double lx = log(x);
log              1371 modules/ts/src/ts_perf.cpp             double lx = log(x);
log               484 modules/video/src/bgfg_KNN.cpp     Kshort=(int)(log(0.7)/log(1-m_fAlphaT))+1;//Kshort
log               485 modules/video/src/bgfg_KNN.cpp     Kmid=(int)(log(0.4)/log(1-m_fAlphaT))-Kshort+1;//Kmid
log               486 modules/video/src/bgfg_KNN.cpp     Klong=(int)(log(0.1)/log(1-m_fAlphaT))-Kshort-Kmid+1;//Klong
log                95 modules/videostab/include/opencv2/videostab/motion_core.hpp                 std::ceil(std::log(1 - prob) / std::log(1 - std::pow(1 - eps, size))));
log                54 samples/cpp/dft.cpp     log(mag, mag);
log               805 samples/cpp/stitching_detailed.cpp                 mb->setNumBands(static_cast<int>(ceil(log(blend_width)/log(2.)) - 1.));
log                48 samples/cpp/tutorial_code/core/discrete_fourier_transform/discrete_fourier_transform.cpp     log(magI, magI);
log               497 samples/gpu/performance/tests.cpp TEST(log)
log               508 samples/gpu/performance/tests.cpp         log(src, dst);
log               511 samples/gpu/performance/tests.cpp         log(src, dst);
log               516 samples/gpu/performance/tests.cpp         cuda::log(d_src, d_dst);
log               519 samples/gpu/performance/tests.cpp         cuda::log(d_src, d_dst);