theta             632 3rdparty/openexr/Imath/ImathQuat.h     T theta = Math<T>::acos (std::min (r, (T) 1.0));
theta             634 3rdparty/openexr/Imath/ImathQuat.h     if (theta == 0)
theta             637 3rdparty/openexr/Imath/ImathQuat.h     T sintheta = Math<T>::sin (theta);
theta             640 3rdparty/openexr/Imath/ImathQuat.h     if (abs (sintheta) < 1 && abs (theta) >= limits<T>::max() * abs (sintheta))
theta             643 3rdparty/openexr/Imath/ImathQuat.h     k = theta / sintheta;
theta             659 3rdparty/openexr/Imath/ImathQuat.h     T theta = v.length();
theta             660 3rdparty/openexr/Imath/ImathQuat.h     T sintheta = Math<T>::sin (theta);
theta             663 3rdparty/openexr/Imath/ImathQuat.h     if (abs (theta) < 1 && abs (sintheta) >= limits<T>::max() * abs (theta))
theta             666 3rdparty/openexr/Imath/ImathQuat.h     k = sintheta / theta;
theta             668 3rdparty/openexr/Imath/ImathQuat.h     T costheta = Math<T>::cos (theta);
theta             289 modules/calib3d/src/calibration.cpp         double rx, ry, rz, theta;
theta             310 modules/calib3d/src/calibration.cpp         theta = std::sqrt(rx*rx + ry*ry + rz*rz);
theta             312 modules/calib3d/src/calibration.cpp         if( theta < DBL_EPSILON )
theta             327 modules/calib3d/src/calibration.cpp             double c = cos(theta);
theta             328 modules/calib3d/src/calibration.cpp             double s = sin(theta);
theta             330 modules/calib3d/src/calibration.cpp             double itheta = theta ? 1./theta : 0.;
theta             373 modules/calib3d/src/calibration.cpp         double theta, s, c;
theta             399 modules/calib3d/src/calibration.cpp         theta = acos(c);
theta             417 modules/calib3d/src/calibration.cpp                 theta /= std::sqrt(rx*rx + ry*ry + rz*rz);
theta             418 modules/calib3d/src/calibration.cpp                 rx *= theta;
theta             419 modules/calib3d/src/calibration.cpp                 ry *= theta;
theta             420 modules/calib3d/src/calibration.cpp                 rz *= theta;
theta             464 modules/calib3d/src/calibration.cpp                     theta, 0, 0, rx*vth,
theta             465 modules/calib3d/src/calibration.cpp                     0, theta, 0, ry*vth,
theta             466 modules/calib3d/src/calibration.cpp                     0, 0, theta, rz*vth
theta             484 modules/calib3d/src/calibration.cpp             vth *= theta;
theta             131 modules/calib3d/src/fisheye.cpp         double theta = atan(r);
theta             133 modules/calib3d/src/fisheye.cpp         double theta2 = theta*theta, theta3 = theta2*theta, theta4 = theta2*theta2, theta5 = theta4*theta,
theta             134 modules/calib3d/src/fisheye.cpp                 theta6 = theta3*theta3, theta7 = theta6*theta, theta8 = theta4*theta4, theta9 = theta8*theta;
theta             136 modules/calib3d/src/fisheye.cpp         double theta_d = theta + k[0]*theta3 + k[1]*theta5 + k[2]*theta7 + k[3]*theta9;
theta             288 modules/calib3d/src/fisheye.cpp         double theta = atan(r);
theta             290 modules/calib3d/src/fisheye.cpp         double theta2 = theta*theta, theta3 = theta2*theta, theta4 = theta2*theta2, theta5 = theta4*theta,
theta             291 modules/calib3d/src/fisheye.cpp                 theta6 = theta3*theta3, theta7 = theta6*theta, theta8 = theta4*theta4, theta9 = theta8*theta;
theta             293 modules/calib3d/src/fisheye.cpp         double theta_d = theta + k[0]*theta3 + k[1]*theta5 + k[2]*theta7 + k[3]*theta9;
theta             375 modules/calib3d/src/fisheye.cpp             double theta = theta_d;
theta             378 modules/calib3d/src/fisheye.cpp                 double theta2 = theta*theta, theta4 = theta2*theta2, theta6 = theta4*theta2, theta8 = theta6*theta2;
theta             379 modules/calib3d/src/fisheye.cpp                 theta = theta_d / (1 + k[0] * theta2 + k[1] * theta4 + k[2] * theta6 + k[3] * theta8);
theta             382 modules/calib3d/src/fisheye.cpp             scale = std::tan(theta) / theta_d;
theta             464 modules/calib3d/src/fisheye.cpp             double theta = atan(r);
theta             466 modules/calib3d/src/fisheye.cpp             double theta2 = theta*theta, theta4 = theta2*theta2, theta6 = theta4*theta2, theta8 = theta4*theta4;
theta             467 modules/calib3d/src/fisheye.cpp             double theta_d = theta * (1 + k[0]*theta2 + k[1]*theta4 + k[2]*theta6 + k[3]*theta8);
theta             367 modules/calib3d/src/p3p.cpp                         double theta = 0.5 * hh / Aij;
theta             368 modules/calib3d/src/p3p.cpp                         t = 1.0 / (fabs(theta) + sqrt(1.0 + theta * theta));
theta             369 modules/calib3d/src/p3p.cpp                         if (theta < 0.0) t = -t;
theta              75 modules/calib3d/src/polynom_solver.cpp     double theta = acos(R / sqrt(-Q3));
theta              77 modules/calib3d/src/polynom_solver.cpp     x0 = 2 * sqrt_Q * cos(theta             / 3.0) - b_a_3;
theta              78 modules/calib3d/src/polynom_solver.cpp     x1 = 2 * sqrt_Q * cos((theta + 2 * CV_PI)/ 3.0) - b_a_3;
theta              79 modules/calib3d/src/polynom_solver.cpp     x2 = 2 * sqrt_Q * cos((theta + 4 * CV_PI)/ 3.0) - b_a_3;
theta              66 modules/calib3d/test/test_fundam.cpp         double r[3], theta;
theta              73 modules/calib3d/test/test_fundam.cpp         theta = sqrt(r[0]*r[0] + r[1]*r[1] + r[2]*r[2]);
theta              74 modules/calib3d/test/test_fundam.cpp         if( theta < DBL_EPSILON )
theta              88 modules/calib3d/test/test_fundam.cpp             double itheta = 1./theta;
theta              90 modules/calib3d/test/test_fundam.cpp             double alpha = cos(theta);
theta              91 modules/calib3d/test/test_fundam.cpp             double beta = sin(theta);
theta             211 modules/calib3d/test/test_fundam.cpp         double tr, alpha, beta, theta;
theta             233 modules/calib3d/test/test_fundam.cpp         theta = acos(tr);
theta             234 modules/calib3d/test/test_fundam.cpp         alpha = cos(theta);
theta             235 modules/calib3d/test/test_fundam.cpp         beta = sin(theta);
theta             246 modules/calib3d/test/test_fundam.cpp             double d3 = vth*theta;
theta             277 modules/calib3d/test/test_fundam.cpp                     theta, 0, 0, om1[0]*vth,
theta             278 modules/calib3d/test/test_fundam.cpp                     0, theta, 0, om1[1]*vth,
theta             279 modules/calib3d/test/test_fundam.cpp                     0, 0, theta, om1[2]*vth
theta             304 modules/calib3d/test/test_fundam.cpp             r[0] = theta*sqrt((R[0] + 1)*0.5);
theta             305 modules/calib3d/test/test_fundam.cpp             r[1] = theta*sqrt((R[4] + 1)*0.5)*(R[1] >= 0 ? 1 : -1);
theta             306 modules/calib3d/test/test_fundam.cpp             r[2] = theta*sqrt((R[8] + 1)*0.5)*(R[2] >= 0 ? 1 : -1);
theta             245 modules/core/include/opencv2/core/affine.hpp     double theta = std::sqrt(rx*rx + ry*ry + rz*rz);
theta             247 modules/core/include/opencv2/core/affine.hpp     if (theta < DBL_EPSILON)
theta             253 modules/core/include/opencv2/core/affine.hpp         double c = std::cos(theta);
theta             254 modules/core/include/opencv2/core/affine.hpp         double s = std::sin(theta);
theta             256 modules/core/include/opencv2/core/affine.hpp         double itheta = (theta != 0) ? 1./theta : 0.;
theta             346 modules/core/include/opencv2/core/affine.hpp     double theta = acos(c);
theta             364 modules/core/include/opencv2/core/affine.hpp             theta /= std::sqrt(rx*rx + ry*ry + rz*rz);
theta             365 modules/core/include/opencv2/core/affine.hpp             rx *= theta;
theta             366 modules/core/include/opencv2/core/affine.hpp             ry *= theta;
theta             367 modules/core/include/opencv2/core/affine.hpp             rz *= theta;
theta             373 modules/core/include/opencv2/core/affine.hpp         vth *= theta;
theta            2012 modules/core/src/dxt.cpp                 double theta = -CV_2PI*j/n;
theta            2016 modules/core/src/dxt.cpp                     ptr[ptr_index++] = (T) cos(k*theta);
theta            2017 modules/core/src/dxt.cpp                     ptr[ptr_index++] = (T) sin(k*theta);
theta            1997 modules/core/src/mathfuncs.cpp             double theta = acos(R / std::sqrt(Qcubed));
theta            2000 modules/core/src/mathfuncs.cpp             double t1 = theta * (1./3);
theta             360 modules/cudaimgproc/include/opencv2/cudaimgproc.hpp     virtual void setTheta(float theta) = 0;
theta             382 modules/cudaimgproc/include/opencv2/cudaimgproc.hpp CV_EXPORTS Ptr<HoughLinesDetector> createHoughLinesDetector(float rho, float theta, int threshold, bool doSort = false, int maxLines = 4096);
theta             408 modules/cudaimgproc/include/opencv2/cudaimgproc.hpp     virtual void setTheta(float theta) = 0;
theta             429 modules/cudaimgproc/include/opencv2/cudaimgproc.hpp CV_EXPORTS Ptr<HoughSegmentDetector> createHoughSegmentDetector(float rho, float theta, int minLineLength, int maxLineGap, int maxLines = 4096);
theta              91 modules/cudaimgproc/perf/perf_hough.cpp     const float theta = static_cast<float>(CV_PI / 180.0);
theta             107 modules/cudaimgproc/perf/perf_hough.cpp         cv::Ptr<cv::cuda::HoughLinesDetector> hough = cv::cuda::createHoughLinesDetector(rho, theta, threshold);
theta             121 modules/cudaimgproc/perf/perf_hough.cpp         TEST_CYCLE() cv::HoughLines(src, cpu_lines, rho, theta, threshold);
theta             140 modules/cudaimgproc/perf/perf_hough.cpp     const float theta = static_cast<float>(CV_PI / 180.0);
theta             156 modules/cudaimgproc/perf/perf_hough.cpp         cv::Ptr<cv::cuda::HoughSegmentDetector> hough = cv::cuda::createHoughSegmentDetector(rho, theta, minLineLength, maxLineGap);
theta             170 modules/cudaimgproc/perf/perf_hough.cpp         TEST_CYCLE() cv::HoughLinesP(mask, cpu_lines, rho, theta, threshold, minLineLength, maxLineGap);
theta              63 modules/cudaimgproc/src/hough_lines.cpp         void linesAccum_gpu(const unsigned int* list, int count, PtrStepSzi accum, float rho, float theta, size_t sharedMemPerBlock, bool has20);
theta              64 modules/cudaimgproc/src/hough_lines.cpp         int linesGetResult_gpu(PtrStepSzi accum, float2* out, int* votes, int maxSize, float rho, float theta, int threshold, bool doSort);
theta              73 modules/cudaimgproc/src/hough_lines.cpp         HoughLinesDetectorImpl(float rho, float theta, int threshold, bool doSort, int maxLines) :
theta              74 modules/cudaimgproc/src/hough_lines.cpp             rho_(rho), theta_(theta), threshold_(threshold), doSort_(doSort), maxLines_(maxLines)
theta              84 modules/cudaimgproc/src/hough_lines.cpp         void setTheta(float theta) { theta_ = theta; }
theta             206 modules/cudaimgproc/src/hough_lines.cpp Ptr<HoughLinesDetector> cv::cuda::createHoughLinesDetector(float rho, float theta, int threshold, bool doSort, int maxLines)
theta             208 modules/cudaimgproc/src/hough_lines.cpp     return makePtr<HoughLinesDetectorImpl>(rho, theta, threshold, doSort, maxLines);
theta              63 modules/cudaimgproc/src/hough_segments.cpp         void linesAccum_gpu(const unsigned int* list, int count, PtrStepSzi accum, float rho, float theta, size_t sharedMemPerBlock, bool has20);
theta              68 modules/cudaimgproc/src/hough_segments.cpp         int houghLinesProbabilistic_gpu(PtrStepSzb mask, PtrStepSzi accum, int4* out, int maxSize, float rho, float theta, int lineGap, int lineLength);
theta              77 modules/cudaimgproc/src/hough_segments.cpp         HoughSegmentDetectorImpl(float rho, float theta, int minLineLength, int maxLineGap, int maxLines) :
theta              78 modules/cudaimgproc/src/hough_segments.cpp             rho_(rho), theta_(theta), minLineLength_(minLineLength), maxLineGap_(maxLineGap), maxLines_(maxLines)
theta              87 modules/cudaimgproc/src/hough_segments.cpp         void setTheta(float theta) { theta_ = theta; }
theta             181 modules/cudaimgproc/src/hough_segments.cpp Ptr<HoughSegmentDetector> cv::cuda::createHoughSegmentDetector(float rho, float theta, int minLineLength, int maxLineGap, int maxLines)
theta             183 modules/cudaimgproc/src/hough_segments.cpp     return makePtr<HoughSegmentDetectorImpl>(rho, theta, minLineLength, maxLineGap, maxLines);
theta              70 modules/cudaimgproc/test/test_hough.cpp             float rho = lines[i][0], theta = lines[i][1];
theta              72 modules/cudaimgproc/test/test_hough.cpp             double a = std::cos(theta), b = std::sin(theta);
theta              91 modules/cudaimgproc/test/test_hough.cpp     const float theta = (float) (1.5 * CV_PI / 180.0);
theta              97 modules/cudaimgproc/test/test_hough.cpp     cv::Ptr<cv::cuda::HoughLinesDetector> hough = cv::cuda::createHoughLinesDetector(rho, theta, threshold);
theta             296 modules/cudaoptflow/include/opencv2/cudaoptflow.hpp     virtual void setTheta(double theta) = 0;
theta             335 modules/cudaoptflow/include/opencv2/cudaoptflow.hpp             double theta = 0.3,
theta              66 modules/cudaoptflow/src/tvl1flow.cpp                    float l_t, float theta, float gamma, bool calcError,
theta              79 modules/cudaoptflow/src/tvl1flow.cpp         OpticalFlowDual_TVL1_Impl(double tau, double lambda, double theta, int nscales, int warps, double epsilon,
theta              81 modules/cudaoptflow/src/tvl1flow.cpp             tau_(tau), lambda_(lambda), gamma_(gamma), theta_(theta), nscales_(nscales), warps_(warps),
theta              96 modules/cudaoptflow/src/tvl1flow.cpp         virtual void setTheta(double theta) { theta_ = theta; }
theta             374 modules/cudaoptflow/src/tvl1flow.cpp             double tau, double lambda, double theta, int nscales, int warps,
theta             377 modules/cudaoptflow/src/tvl1flow.cpp     return makePtr<OpticalFlowDual_TVL1_Impl>(tau, lambda, theta, nscales, warps,
theta             359 modules/features2d/src/brisk.cpp     double alpha, theta;
theta             362 modules/features2d/src/brisk.cpp       theta = double(rot) * 2 * CV_PI / double(n_rot_); // this is the rotation of the feature
theta             369 modules/features2d/src/brisk.cpp           patternIterator->x = (float)(scaleList_[scale] * radiusList[ring] * cos(alpha + theta)); // feature rotation plus angle of the point
theta             370 modules/features2d/src/brisk.cpp           patternIterator->y = (float)(scaleList_[scale] * radiusList[ring] * sin(alpha + theta));
theta             745 modules/features2d/src/brisk.cpp     int theta;
theta             749 modules/features2d/src/brisk.cpp         theta = 0;
theta             753 modules/features2d/src/brisk.cpp         theta = (int) (n_rot_ * (kp.angle / (360.0)) + 0.5);
theta             754 modules/features2d/src/brisk.cpp         if (theta < 0)
theta             755 modules/features2d/src/brisk.cpp           theta += n_rot_;
theta             756 modules/features2d/src/brisk.cpp         if (theta >= int(n_rot_))
theta             757 modules/features2d/src/brisk.cpp           theta -= n_rot_;
theta             772 modules/features2d/src/brisk.cpp       *(pvalues++) = smoothedIntensity(image, _integral, x, y, scale, theta, i);
theta            1104 modules/imgproc/include/opencv2/imgproc.hpp CV_EXPORTS_W Mat getGaborKernel( Size ksize, double sigma, double theta, double lambd,
theta            1676 modules/imgproc/include/opencv2/imgproc.hpp                               double rho, double theta, int threshold,
theta            1759 modules/imgproc/include/opencv2/imgproc.hpp                                double rho, double theta, int threshold,
theta             951 modules/imgproc/include/opencv2/imgproc/imgproc_c.h                               double rho, double theta, int threshold,
theta              61 modules/imgproc/perf/perf_filter2d.cpp     double theta = 47;
theta              63 modules/imgproc/perf/perf_filter2d.cpp     Mat gaborKernel = getGaborKernel(Size(kernelSize, kernelSize), sigma, theta, lambda, gamma);
theta              51 modules/imgproc/src/gabor.cpp cv::Mat cv::getGaborKernel( Size ksize, double sigma, double theta,
theta              58 modules/imgproc/src/gabor.cpp     double c = cos(theta), s = sin(theta);
theta             402 modules/imgproc/src/generalized_hough.cpp                     const float theta = fastAtan2(dyRow[x], dxRow[x]);
theta             403 modules/imgproc/src/generalized_hough.cpp                     const int n = cvRound(theta * thetaScale);
theta             445 modules/imgproc/src/generalized_hough.cpp                     const float theta = fastAtan2(dyRow[x], dxRow[x]);
theta             446 modules/imgproc/src/generalized_hough.cpp                     const int n = cvRound(theta * thetaScale);
theta             587 modules/imgproc/src/generalized_hough.cpp             double theta;
theta             704 modules/imgproc/src/generalized_hough.cpp                 if (angleEq(p1.theta - p2.theta, xi_, angleEpsilon_))
theta             713 modules/imgproc/src/generalized_hough.cpp                     f.alpha12 = clampAngle(fastAtan2((float)d.y, (float)d.x) - p1.theta);
theta             753 modules/imgproc/src/generalized_hough.cpp                     p.theta = fastAtan2(dyRow[x], dxRow[x]);
theta             787 modules/imgproc/src/generalized_hough.cpp                     const double angle = clampAngle(imF.p1.theta - templF.p1.theta);
theta             832 modules/imgproc/src/generalized_hough.cpp                 templF.p1.theta += angle;
theta             838 modules/imgproc/src/generalized_hough.cpp                     if (angleEq(imF.p1.theta, templF.p1.theta, angleEpsilon_))
theta             889 modules/imgproc/src/generalized_hough.cpp                 templF.p1.theta += angle;
theta             901 modules/imgproc/src/generalized_hough.cpp                     if (angleEq(imF.p1.theta, templF.p1.theta, angleEpsilon_))
theta              79 modules/imgproc/src/hough.cpp HoughLinesStandard( const Mat& img, float rho, float theta,
theta              96 modules/imgproc/src/hough.cpp     int numangle = cvRound((max_theta - min_theta) / theta);
theta             103 modules/imgproc/src/hough.cpp         IppPointPolar delta = { rho, theta };
theta             135 modules/imgproc/src/hough.cpp     for(int n = 0; n < numangle; ang += theta, n++ )
theta             178 modules/imgproc/src/hough.cpp         line.angle = static_cast<float>(min_theta) + n * theta;
theta             193 modules/imgproc/src/hough.cpp     float rho, theta;
theta             199 modules/imgproc/src/hough.cpp                 float rho, float theta, int threshold,
theta             235 modules/imgproc/src/hough.cpp     float itheta = 1 / theta;
theta             237 modules/imgproc/src/hough.cpp     float stheta = theta / stn;
theta             296 modules/imgproc/src/hough.cpp                 theta_it = theta_it < theta ? theta_it : theta;
theta             329 modules/imgproc/src/hough.cpp         HoughLinesStandard( img, rho, theta, threshold, lines, linesMax, min_theta, max_theta );
theta             384 modules/imgproc/src/hough.cpp                                        index % stn * stheta + ti * theta - (float)(CV_PI*0.5));
theta             405 modules/imgproc/src/hough.cpp         lines.push_back(Vec2f(lst[idx].rho, lst[idx].theta));
theta             416 modules/imgproc/src/hough.cpp                          float rho, float theta, int threshold,
theta             429 modules/imgproc/src/hough.cpp     int numangle = cvRound(CV_PI / theta);
theta             436 modules/imgproc/src/hough.cpp         IppPointPolar delta = { rho, theta };
theta             467 modules/imgproc/src/hough.cpp         trigtab[n*2] = (float)(cos((double)n*theta) * irho);
theta             468 modules/imgproc/src/hough.cpp         trigtab[n*2+1] = (float)(sin((double)n*theta) * irho);
theta             689 modules/imgproc/src/hough.cpp static bool ocl_fillAccum(InputArray _pointsList, OutputArray _accum, int total_points, double rho, double theta, int numrho, int numangle)
theta             713 modules/imgproc/src/hough.cpp                         total_points, irho, (float) theta, numrho, numangle);
theta             725 modules/imgproc/src/hough.cpp                         total_points, irho, (float) theta, numrho, numangle);
theta             730 modules/imgproc/src/hough.cpp static bool ocl_HoughLines(InputArray _src, OutputArray _lines, double rho, double theta, int threshold,
theta             741 modules/imgproc/src/hough.cpp     if (!(rho > 0 && theta > 0)) {
theta             746 modules/imgproc/src/hough.cpp     int numangle = cvRound((max_theta - min_theta) / theta);
theta             763 modules/imgproc/src/hough.cpp     if (!ocl_fillAccum(pointsList, accum, total_points, rho, theta, numrho, numangle))
theta             776 modules/imgproc/src/hough.cpp                         ocl::KernelArg::PtrWriteOnly(counters), linesMax, threshold, (float) rho, (float) theta);
theta             790 modules/imgproc/src/hough.cpp static bool ocl_HoughLinesP(InputArray _src, OutputArray _lines, double rho, double theta, int threshold,
theta             795 modules/imgproc/src/hough.cpp     if (!(rho > 0 && theta > 0)) {
theta             800 modules/imgproc/src/hough.cpp     int numangle = cvRound(CV_PI / theta);
theta             817 modules/imgproc/src/hough.cpp     if (!ocl_fillAccum(pointsList, accum, total_points, rho, theta, numrho, numangle))
theta             830 modules/imgproc/src/hough.cpp                         linesMax, threshold, (int) minLineLength, (int) maxGap, (float) rho, (float) theta);
theta             850 modules/imgproc/src/hough.cpp                     double rho, double theta, int threshold,
theta             854 modules/imgproc/src/hough.cpp                ocl_HoughLines(_image, _lines, rho, theta, threshold, min_theta, max_theta));
theta             860 modules/imgproc/src/hough.cpp         HoughLinesStandard(image, (float)rho, (float)theta, threshold, lines, INT_MAX, min_theta, max_theta );
theta             862 modules/imgproc/src/hough.cpp         HoughLinesSDiv(image, (float)rho, (float)theta, threshold, cvRound(srn), cvRound(stn), lines, INT_MAX, min_theta, max_theta);
theta             869 modules/imgproc/src/hough.cpp                      double rho, double theta, int threshold,
theta             873 modules/imgproc/src/hough.cpp                ocl_HoughLinesP(_image, _lines, rho, theta, threshold, minLineLength, maxGap));
theta             877 modules/imgproc/src/hough.cpp     HoughLinesProbabilistic(image, (float)rho, (float)theta, threshold, cvRound(minLineLength), cvRound(maxGap), lines, INT_MAX);
theta             886 modules/imgproc/src/hough.cpp                double rho, double theta, int threshold,
theta             906 modules/imgproc/src/hough.cpp     if( rho <= 0 || theta <= 0 || threshold <= 0 )
theta             951 modules/imgproc/src/hough.cpp                 (float)theta, threshold, l2, linesMax, min_theta, max_theta );
theta             954 modules/imgproc/src/hough.cpp         HoughLinesSDiv( image, (float)rho, (float)theta,
theta             958 modules/imgproc/src/hough.cpp         HoughLinesProbabilistic( image, (float)rho, (float)theta,
theta             278 modules/imgproc/src/lsd.cpp         double theta;             // angle
theta             386 modules/imgproc/src/lsd.cpp     bool isAligned(const int& address, const double& theta, const double& prec) const;
theta             707 modules/imgproc/src/lsd.cpp     double theta = get_theta(reg, reg_size, x, y, reg_angle, prec);
theta             710 modules/imgproc/src/lsd.cpp     double dx = cos(theta);
theta             711 modules/imgproc/src/lsd.cpp     double dy = sin(theta);
theta             736 modules/imgproc/src/lsd.cpp     rec.theta = theta;
theta             773 modules/imgproc/src/lsd.cpp     double theta = (fabs(Ixx)>fabs(Iyy))?
theta             776 modules/imgproc/src/lsd.cpp     theta *= DEG_TO_RADS;
theta             779 modules/imgproc/src/lsd.cpp     if(angle_diff(theta, reg_angle) > prec) { theta += CV_PI; }
theta             781 modules/imgproc/src/lsd.cpp     return theta;
theta            1082 modules/imgproc/src/lsd.cpp             if(isAligned(adx, rec.theta, rec.prec))
theta            1136 modules/imgproc/src/lsd.cpp inline bool LineSegmentDetectorImpl::isAligned(const int& address, const double& theta, const double& prec) const
theta            1143 modules/imgproc/src/lsd.cpp     double n_theta = theta - a;
theta              61 modules/imgproc/src/opencl/hough_lines.cl                                 int total_points, float irho, float theta, int numrho, int numangle)
theta              67 modules/imgproc/src/opencl/hough_lines.cl     float sinVal = sincos(theta * ((float)theta_idx), &cosVal);
theta              93 modules/imgproc/src/opencl/hough_lines.cl                                int total_points, float irho, float theta, int numrho, int numangle)
theta             101 modules/imgproc/src/opencl/hough_lines.cl         float sinVal = sincos(theta * (float) (theta_idx-1), &cosVal);
theta             142 modules/imgproc/src/opencl/hough_lines.cl                          int linesMax, int threshold, float rho, float theta)
theta             166 modules/imgproc/src/opencl/hough_lines.cl                     float angle = y * theta;
theta             182 modules/imgproc/src/opencl/hough_lines.cl                         int linesMax, int threshold, int lineLength, int lineGap, float rho, float theta)
theta             206 modules/imgproc/src/opencl/hough_lines.cl             const float angle = y * theta;
theta              78 modules/photo/src/denoise_tvl1.cpp         const double L2 = 8.0, tau = 0.02, sigma = 1./(L2*tau), theta = 1.0;
theta             146 modules/photo/src/denoise_tvl1.cpp                 x_curr[x] = x_new + theta*(x_new - x_curr[x]);
theta             158 modules/photo/src/denoise_tvl1.cpp                     x_curr[x] = x_new + theta*(x_new - x_curr[x]);
theta             158 modules/video/src/camshift.cpp     double theta = atan2( 2 * b, a - c + square );
theta             161 modules/video/src/camshift.cpp     double cs = cos( theta );
theta             162 modules/video/src/camshift.cpp     double sn = sin( theta );
theta             174 modules/video/src/camshift.cpp         theta = CV_PI*0.5 - theta;
theta             202 modules/video/src/camshift.cpp     box.angle = (float)((CV_PI*0.5+theta)*180./CV_PI);
theta             313 modules/video/src/opencl/optical_flow_tvl1.cl     __global float* error, float l_t, float theta, int u2_step,
theta             365 modules/video/src/opencl/optical_flow_tvl1.cl         float u1NewVal = v1 + theta * div_p1;
theta             366 modules/video/src/opencl/optical_flow_tvl1.cl         float u2NewVal = v2 + theta * div_p2;
theta              99 modules/video/src/tvl1flow.cpp     CV_IMPL_PROPERTY(double, Theta, theta)
theta             113 modules/video/src/tvl1flow.cpp     double theta;
theta             211 modules/video/src/tvl1flow.cpp         UMat &u2, UMat &error, float l_t, float theta, char calc_error);
theta             282 modules/video/src/tvl1flow.cpp     UMat &u2, UMat &error, float l_t, float theta, char calc_error)
theta             307 modules/video/src/tvl1flow.cpp     idxArg = kernel.set(idxArg, (float)theta); //float theta
theta             361 modules/video/src/tvl1flow.cpp     theta          = 0.3;
theta            1041 modules/video/src/tvl1flow.cpp             float theta, float gamma)
theta            1071 modules/video/src/tvl1flow.cpp             u1Row[x] = v1Row[x] + theta * divP1Row[x];
theta            1072 modules/video/src/tvl1flow.cpp             u2Row[x] = v2Row[x] + theta * divP2Row[x];
theta            1073 modules/video/src/tvl1flow.cpp             if (use_gamma) u3Row[x] = v3Row[x] + theta * divP3Row[x];
theta            1227 modules/video/src/tvl1flow.cpp     const float l_t = static_cast<float>(lambda * theta);
theta            1228 modules/video/src/tvl1flow.cpp     const float taut = static_cast<float>(tau / theta);
theta            1251 modules/video/src/tvl1flow.cpp                     u1, u2, diff, l_t, static_cast<float>(theta), calc_error))
theta            1323 modules/video/src/tvl1flow.cpp     const float l_t = static_cast<float>(lambda * theta);
theta            1324 modules/video/src/tvl1flow.cpp     const float taut = static_cast<float>(tau / theta);
theta            1354 modules/video/src/tvl1flow.cpp                 error = estimateU(v1, v2, v3, div_p1, div_p2, div_p3, u1, u2, u3, static_cast<float>(theta), static_cast<float>(gamma));
theta              39 samples/cpp/houghlines.cpp         float rho = lines[i][0], theta = lines[i][1];
theta              41 samples/cpp/houghlines.cpp         double a = cos(theta), b = sin(theta);