dot               887 3rdparty/openexr/Imath/ImathEuler.h     T dMag     = d.dot(d);
dot               888 3rdparty/openexr/Imath/ImathEuler.h     T odMag    = od.dot(od);
dot               140 3rdparty/openexr/Imath/ImathFrame.h         T dot = ti.dot( tj );
dot               146 3rdparty/openexr/Imath/ImathFrame.h         if( dot > 1.0 ) dot = 1.0;
dot               147 3rdparty/openexr/Imath/ImathFrame.h         else if( dot < -1.0 ) dot = -1.0;
dot               149 3rdparty/openexr/Imath/ImathFrame.h         r = acosf( dot );
dot               534 3rdparty/openexr/Imath/ImathMatrixAlgo.h     shr[0]  = row[0].dot (row[1]);
dot               547 3rdparty/openexr/Imath/ImathMatrixAlgo.h     shr[1]  = row[0].dot (row[2]);
dot               549 3rdparty/openexr/Imath/ImathMatrixAlgo.h     shr[2]  = row[1].dot (row[2]);
dot               565 3rdparty/openexr/Imath/ImathMatrixAlgo.h     if (row[0].dot (row[1].cross (row[2])) < 0)
dot              1207 3rdparty/openexr/Imath/ImathMatrixAlgo.h     shr     = row[0].dot (row[1]);
dot               133 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               202 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               271 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               340 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               409 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               478 3rdparty/openexr/Imath/ImathVec.cpp     float lenF = Math<float>::sqrt ((float)dot (*this));
dot               157 3rdparty/openexr/Imath/ImathVec.h     T			dot (const Vec2 &v) const;
dot               369 3rdparty/openexr/Imath/ImathVec.h     T			dot (const Vec3 &v) const;
dot               556 3rdparty/openexr/Imath/ImathVec.h     T			dot (const Vec4 &v) const;
dot              1003 3rdparty/openexr/Imath/ImathVec.h Vec2<T>::dot (const Vec2 &v) const
dot              1012 3rdparty/openexr/Imath/ImathVec.h     return dot (v);
dot              1173 3rdparty/openexr/Imath/ImathVec.h     T length2 = dot (*this);
dot              1185 3rdparty/openexr/Imath/ImathVec.h     return dot (*this);
dot              1466 3rdparty/openexr/Imath/ImathVec.h Vec3<T>::dot (const Vec3 &v) const
dot              1475 3rdparty/openexr/Imath/ImathVec.h     return dot (v);
dot              1664 3rdparty/openexr/Imath/ImathVec.h     T length2 = dot (*this);
dot              1676 3rdparty/openexr/Imath/ImathVec.h     return dot (*this);
dot              1887 3rdparty/openexr/Imath/ImathVec.h Vec4<T>::dot (const Vec4 &v) const
dot              1896 3rdparty/openexr/Imath/ImathVec.h     return dot (v);
dot              2068 3rdparty/openexr/Imath/ImathVec.h     T length2 = dot (*this);
dot              2080 3rdparty/openexr/Imath/ImathVec.h     return dot (*this);
dot               246 modules/calib3d/src/circlesgrid.cpp       float val = fabs(tangentVectors[i].dot(tangentVectors[j]));
dot               265 modules/calib3d/src/epnp.cpp       R[i][j] = dot(abt_u + 3 * i, abt_v + 3 * j);
dot               277 modules/calib3d/src/epnp.cpp   t[0] = pc0[0] - dot(R[0], pw0);
dot               278 modules/calib3d/src/epnp.cpp   t[1] = pc0[1] - dot(R[1], pw0);
dot               279 modules/calib3d/src/epnp.cpp   t[2] = pc0[2] - dot(R[2], pw0);
dot               316 modules/calib3d/src/epnp.cpp     double Xc = dot(R[0], pw) + t[0];
dot               317 modules/calib3d/src/epnp.cpp     double Yc = dot(R[1], pw) + t[1];
dot               318 modules/calib3d/src/epnp.cpp     double inv_Zc = 1.0 / (dot(R[2], pw) + t[2]);
dot               454 modules/calib3d/src/epnp.cpp     row[0] =        dot(dv[0][i], dv[0][i]);
dot               455 modules/calib3d/src/epnp.cpp     row[1] = 2.0f * dot(dv[0][i], dv[1][i]);
dot               456 modules/calib3d/src/epnp.cpp     row[2] =        dot(dv[1][i], dv[1][i]);
dot               457 modules/calib3d/src/epnp.cpp     row[3] = 2.0f * dot(dv[0][i], dv[2][i]);
dot               458 modules/calib3d/src/epnp.cpp     row[4] = 2.0f * dot(dv[1][i], dv[2][i]);
dot               459 modules/calib3d/src/epnp.cpp     row[5] =        dot(dv[2][i], dv[2][i]);
dot               460 modules/calib3d/src/epnp.cpp     row[6] = 2.0f * dot(dv[0][i], dv[3][i]);
dot               461 modules/calib3d/src/epnp.cpp     row[7] = 2.0f * dot(dv[1][i], dv[3][i]);
dot               462 modules/calib3d/src/epnp.cpp     row[8] = 2.0f * dot(dv[2][i], dv[3][i]);
dot               463 modules/calib3d/src/epnp.cpp     row[9] =        dot(dv[3][i], dv[3][i]);
dot                55 modules/calib3d/src/epnp.h   double dot(const double * v1, const double * v2);
dot               127 modules/calib3d/src/fisheye.cpp         double r2 = x.dot(x);
dot               284 modules/calib3d/src/fisheye.cpp         double r2 = x.dot(x);
dot              1338 modules/calib3d/src/fisheye.cpp     Mat u2 = H.col(1).clone() - u1.dot(H.col(1).clone()) * u1;
dot               390 modules/calib3d/src/five-point.cpp             double x2tEx1 = x2.dot(Ex1);
dot               140 modules/calib3d/src/levmarq.cpp             double dS = d.dot(temp_d);
dot               152 modules/calib3d/src/levmarq.cpp                 double t = d.dot(v);
dot               232 modules/calib3d/src/quadsubpix.cpp         double angle = acos(dir1.dot(dir2)/(norm(dir1)*norm(dir2)));
dot               200 modules/calib3d/src/upnp.cpp       R[i][j] = dot(abt_u + 3 * i, abt_v + 3 * j);
dot               212 modules/calib3d/src/upnp.cpp   t[0] = pc0[0] - dot(R[0], pw0);
dot               213 modules/calib3d/src/upnp.cpp   t[1] = pc0[1] - dot(R[1], pw0);
dot               214 modules/calib3d/src/upnp.cpp   t[2] = pc0[2] - dot(R[2], pw0);
dot               251 modules/calib3d/src/upnp.cpp     double Xc = dot(R[0], pw) + t[0];
dot               252 modules/calib3d/src/upnp.cpp     double Yc = dot(R[1], pw) + t[1];
dot               253 modules/calib3d/src/upnp.cpp     double inv_Zc = 1.0 / (dot(R[2], pw) + t[2]);
dot               103 modules/calib3d/src/upnp.h       double dot(const double * v1, const double * v2);
dot               405 modules/core/include/opencv2/core/affine.hpp         result(j, 3) = R.row(j).dot(tc.t());
dot              1193 modules/core/include/opencv2/core/mat.hpp     double dot(InputArray m) const;
dot              2210 modules/core/include/opencv2/core/mat.hpp     double dot(InputArray m) const;
dot              3275 modules/core/include/opencv2/core/mat.hpp     double dot(const Mat& m) const;
dot               132 modules/core/include/opencv2/core/matx.hpp     _Tp dot(const Matx<_Tp, m, n>& v) const;
dot               167 modules/core/include/opencv2/core/types.hpp     _Tp dot(const Point_& pt) const;
dot               237 modules/core/include/opencv2/core/types.hpp     _Tp dot(const Point3_& pt) const;
dot               236 modules/core/misc/java/test/MatTest.java         double s = v1.dot(v2);
dot                33 modules/core/misc/java/test/Point3Test.java         double result = p1.dot(p2);
dot                27 modules/core/misc/java/test/PointTest.java         double result = p1.dot(p2);
dot               836 modules/core/perf/opencl/perf_arithm.cpp     OCL_TEST_CYCLE() r = src1.dot(src2);
dot                12 modules/core/perf/perf_dot.cpp PERF_TEST_P( MatType_Length, dot,
dot                28 modules/core/perf/perf_dot.cpp     TEST_CYCLE_N(1000) product = a.dot(b);
dot               109 modules/core/src/conjugate_gradient.cpp             double d1=buf1.dot(d), d2=buf2.dot(d);
dot               114 modules/core/src/conjugate_gradient.cpp             dprintf(("(buf2.dot(d)-buf1.dot(d))=%f\nalpha=%f\n",(buf2.dot(d)-buf1.dot(d)),alpha));
dot               168 modules/core/src/conjugate_gradient.cpp             double beta=MAX(0.0,(r_norm_sq-r.dot(r_old))/r_norm_sq);
dot              3381 modules/core/src/matmul.cpp     return cv::cvarrToMat(srcAarr).dot(cv::cvarrToMat(srcBarr));
dot               645 modules/core/src/matop.cpp     return ((Mat)*this).dot(m);
dot              5350 modules/core/src/matrix.cpp     CV_Assert( abs(vecs[0].dot(vecs[1])) / (norm(vecs[0]) * norm(vecs[1])) <= FLT_EPSILON );
dot               916 modules/core/src/umatrix.cpp     return getMat(ACCESS_READ).dot(m);
dot              1430 modules/core/test/ocl/test_arithm.cpp         OCL_OFF(const double cpuRes = src1_roi.dot(src2_roi));
dot              1431 modules/core/test/ocl/test_arithm.cpp         OCL_ON(const double gpuRes = usrc1_roi.dot(usrc2_roi));
dot               119 modules/core/test/test_lpsolver.cpp     printf("scalar %g\n",z.dot(A));
dot               122 modules/core/test/test_lpsolver.cpp     ASSERT_LT(fabs(z.dot(A) - 1), DBL_EPSILON);
dot               136 modules/core/test/test_lpsolver.cpp     printf("scalar %g\n",z.dot(A));
dot               138 modules/core/test/test_lpsolver.cpp     ASSERT_LT(fabs(z.dot(A) - 1), DBL_EPSILON);
dot              2780 modules/core/test/test_math.cpp     ASSERT_EQ(s.dot(s), 0.0);
dot              2785 modules/core/test/test_math.cpp     ASSERT_EQ(sDiff.dot(sDiff), 0.0);
dot              2815 modules/core/test/test_math.cpp     ASSERT_EQ(s.dot(s), 0.0);
dot              2820 modules/core/test/test_math.cpp     ASSERT_EQ(sDiff.dot(sDiff), 0.0);
dot                58 modules/cudalegacy/perf/perf_labeling.cpp         static dot make(int i, int j)
dot                60 modules/cudalegacy/perf/perf_labeling.cpp             dot d; d.x = i; d.y = j;
dot                83 modules/cudalegacy/perf/perf_labeling.cpp     : image(img), _labels(image.size(), CV_32SC1, cv::Scalar::all(-1)) {stack = new dot[image.cols * image.rows];}
dot               105 modules/cudalegacy/perf/perf_labeling.cpp                 dot* top = stack;
dot               106 modules/cudalegacy/perf/perf_labeling.cpp                 dot p = dot::make(i, j);
dot               120 modules/cudalegacy/perf/perf_labeling.cpp                         *top++ = dot::make(p.x + 1, p.y);
dot               124 modules/cudalegacy/perf/perf_labeling.cpp                         *top++ = dot::make(p.x - 1, p.y);
dot               128 modules/cudalegacy/perf/perf_labeling.cpp                         *top++ = dot::make(p.x, p.y + 1);
dot               132 modules/cudalegacy/perf/perf_labeling.cpp                         *top++ = dot::make(p.x, p.y - 1);
dot               141 modules/cudalegacy/perf/perf_labeling.cpp     dot* stack;
dot                56 modules/cudalegacy/test/test_labeling.cpp             static dot make(int i, int j)
dot                58 modules/cudalegacy/test/test_labeling.cpp                 dot d; d.x = i; d.y = j;
dot                81 modules/cudalegacy/test/test_labeling.cpp             dot* stack = new dot[image.cols * image.rows];
dot                98 modules/cudalegacy/test/test_labeling.cpp                     dot* top = stack;
dot                99 modules/cudalegacy/test/test_labeling.cpp                     dot p = dot::make(i, j);
dot               113 modules/cudalegacy/test/test_labeling.cpp                             *top++ = dot::make(p.x + 1, p.y);
dot               117 modules/cudalegacy/test/test_labeling.cpp                             *top++ = dot::make(p.x - 1, p.y);
dot               121 modules/cudalegacy/test/test_labeling.cpp                             *top++ = dot::make(p.x, p.y + 1);
dot               125 modules/cudalegacy/test/test_labeling.cpp                             *top++ = dot::make(p.x, p.y - 1);
dot               107 modules/features2d/src/opencl/brute_force_match.cl #       define DIST(x, y)   {value_type d = ((x) - (y)); result += dot(d.s0123, d.s0123) + dot(d.s4567, d.s4567);}
dot               110 modules/features2d/src/opencl/brute_force_match.cl #       define DIST(x, y)   {value_type d = ((x) - (y)); result += dot(d, d);}
dot               244 modules/imgproc/src/grabcut.cpp                 beta += diff.dot(diff);
dot               249 modules/imgproc/src/grabcut.cpp                 beta += diff.dot(diff);
dot               254 modules/imgproc/src/grabcut.cpp                 beta += diff.dot(diff);
dot               259 modules/imgproc/src/grabcut.cpp                 beta += diff.dot(diff);
dot               290 modules/imgproc/src/grabcut.cpp                 leftW.at<double>(y,x) = gamma * exp(-beta*diff.dot(diff));
dot               297 modules/imgproc/src/grabcut.cpp                 upleftW.at<double>(y,x) = gammaDivSqrt2 * exp(-beta*diff.dot(diff));
dot               304 modules/imgproc/src/grabcut.cpp                 upW.at<double>(y,x) = gamma * exp(-beta*diff.dot(diff));
dot               311 modules/imgproc/src/grabcut.cpp                 uprightW.at<double>(y,x) = gammaDivSqrt2 * exp(-beta*diff.dot(diff));
dot               229 modules/imgproc/src/opencl/pyr_down.cl                 FT sum = dot(vload4(0, (__local float*) (&smem) + tid2 + (yin - y) * (LOCAL_SIZE + 4)), (float4)(co3, co2, co1, co2));
dot               231 modules/imgproc/src/opencl/pyr_down.cl                 FT sum = dot(vload4(0, (__local double*) (&smem) + tid2 + (yin - y) * (LOCAL_SIZE + 4)), (double4)(co3, co2, co1, co2));
dot               436 modules/imgproc/src/opencl/remap.cl                             xsum = dot(convert_float2(value), (float2)(coeffs_x[0], coeffs_x[1]));
dot               210 modules/imgproc/src/opencl/warp_affine.cl                         xsum = dot(convert_float2(value), (float2)(coeffs_x[0], coeffs_x[1]));
dot               351 modules/imgproc/src/opencl/warp_affine.cl                     xsum = dot(convert_float4(value), (float4)(coeffs_x[0], coeffs_x[1], coeffs_x[2], coeffs_x[3]));
dot               812 modules/java/generator/src/cpp/Mat.cpp         return me->dot( m );
dot               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)));
dot               283 modules/objdetect/src/cascadedetect.cpp             sumW+=(weightsV[i])*std::exp(-(aPt.dot(aPt))/2)/std::sqrt(sPt.dot(Point3d(1,1,1)));
dot               312 modules/objdetect/src/cascadedetect.cpp         return p2.dot(p2);
dot               411 modules/photo/src/tonemap.cpp         float target_norm = static_cast<float>(right.dot(right)) * powf(target_error, 2.0f);
dot               413 modules/photo/src/tonemap.cpp         float rr = static_cast<float>(r.dot(r));
dot               418 modules/photo/src/tonemap.cpp             float alpha = rr / static_cast<float>(p.dot(product));
dot               423 modules/photo/src/tonemap.cpp             float new_rr = static_cast<float>(r.dot(r));
dot               149 modules/stitching/include/opencv2/stitching/detail/seam_finders.hpp             int d1 = (c1 - c2).dot(c1 - c2);
dot               153 modules/stitching/include/opencv2/stitching/detail/seam_finders.hpp             int d2 = (c1 - c2).dot(c1 - c2);
dot               118 modules/stitching/include/opencv2/stitching/detail/util_inl.hpp     return r.dot(r);
dot               249 modules/stitching/src/motion_estimators.cpp     LOGLN_CHAT("Bundle adjustment, final RMS error: " << std::sqrt(err.dot(err) / total_num_matches_));
dot               652 modules/stitching/src/motion_estimators.cpp             conf += rg0.dot(rmats[i].col(0));
dot               662 modules/stitching/src/motion_estimators.cpp             conf -= rg1.dot(rmats[i].col(0));
dot               962 modules/ts/src/ts_perf.cpp                 s+=a.dot(b);
dot               228 modules/video/src/ecc.cpp             dstPtr[i] = (float) src2.dot(src1.colRange(i*w,(i+1)*w));
dot               242 modules/video/src/ecc.cpp                 dstPtr[i*dst.cols+j] = (float) mat.dot(src2.colRange(j*w, (j+1)*w));
dot               513 modules/video/src/ecc.cpp         const double correlation = templateZM.dot(imageWarped);
dot               529 modules/video/src/ecc.cpp         const double lambda_n = (imgNorm*imgNorm) - imageProjection.dot(imageProjectionHessian);
dot               530 modules/video/src/ecc.cpp         const double lambda_d = correlation - templateProjection.dot(imageProjectionHessian);
dot                89 modules/video/src/opencl/bgfg_mog2.cl             float dist2 = dot(diff, diff);
dot               201 modules/video/src/opencl/bgfg_mog2.cl                 float denominator = dot(c_mean, c_mean);
dot               212 modules/video/src/opencl/bgfg_mog2.cl                     if (dot(dD, dD) < c_Tb * _variance[mode_idx] * a * a)
dot                96 modules/video/test/test_ecc.cpp     return sqrt(errorMat.dot(errorMat)/(mat1.rows*mat1.cols));
dot               258 samples/cpp/select3dobj.cpp                     Z = d1.dot(d2)/(n1*n1);