/external/opencv3/modules/cudaimgproc/src/cuda/ |
D | hough_lines.cu | 61 …igned int* list, const int count, PtrStepi accum, const float irho, const float theta, const int n… in linesAccumGlobal() 89 …igned int* list, const int count, PtrStepi accum, const float irho, const float theta, const int n… in linesAccumShared() 129 …_gpu(const unsigned int* list, int count, PtrStepSzi accum, float rho, float theta, size_t sharedM… in linesAccum_gpu() 149 …accum, float2* out, int* votes, const int maxSize, const float rho, const float theta, const int t… in linesGetResult() 177 …gpu(PtrStepSzi accum, float2* out, int* votes, int maxSize, float rho, float theta, int threshold,… in linesGetResult_gpu()
|
D | hough_segments.cu | 58 const float rho, const float theta, in houghLinesProbabilistic() 217 …(PtrStepSzb mask, PtrStepSzi accum, int4* out, int maxSize, float rho, float theta, int lineGap, i… in houghLinesProbabilistic_gpu()
|
/external/libcxx/test/std/numerics/complex.number/complex.value.ops/ |
D | polar.pass.cpp | 30 test(const T& rho, const T& theta, std::complex<T> x) in test() 53 double theta = imag(x[i]); in test_edges() local
|
/external/eigen/bench/ |
D | quat_slerp.cpp | 33 Scalar theta = std::acos(absD); in slerp_legacy() local 63 Scalar theta = std::acos(absD); in slerp_legacy_nlerp() local 90 Scalar theta; in slerp_rw() local 114 Scalar theta; in slerp_gael() local
|
/external/ceres-solver/internal/ceres/ |
D | rotation_test.cc | 210 double theta = 1.0e-2; in TEST() local 222 double theta = pow(numeric_limits<double>::min(), 0.75); in TEST() local 272 double theta = 1.0e-2; in TEST() local 283 double theta = pow(numeric_limits<double>::min(), 0.75); in TEST() local 326 double theta = kPi * 2 * RandDouble() - kPi; in TEST() local 436 double theta = kPi - kMaxSmallAngle * RandDouble(); in TEST() local 534 double theta = kPi * 2 * RandDouble() - kPi; in TEST() local 567 double theta = 1e-16 * (kPi * 2 * RandDouble() - kPi); in TEST() local 730 double theta = pow(10.0, i); in TEST() local 750 double theta = pow(10.0, i); in TEST() local [all …]
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/ode/sampling/ |
D | AbstractStepInterpolator.java | 334 protected abstract void computeInterpolatedStateAndDerivatives(double theta, in computeInterpolatedStateAndDerivatives() 344 final double theta = (h == 0) ? 0 : (h - oneMinusThetaH) / h; in getInterpolatedState() local 359 final double theta = (h == 0) ? 0 : (h - oneMinusThetaH) / h; in getInterpolatedDerivatives() local
|
D | DummyStepInterpolator.java | 101 …protected void computeInterpolatedStateAndDerivatives(final double theta, final double oneMinusThe… in computeInterpolatedStateAndDerivatives()
|
/external/pdfium/third_party/lcms2-2.6/src/ |
D | cmssm.c | 46 cmsFloat64Number theta; member 168 void QuantizeToSector(const cmsSpherical* sp, int* alpha, int* theta) in QuantizeToSector() 325 int alpha, theta; in GetPoint() local 439 int FindNearSectors(cmsGDB* gbd, int alpha, int theta, cmsGDBPoint* Close[]) in FindNearSectors() 473 cmsBool InterpolateMissingSector(cmsGDB* gbd, int alpha, int theta) in InterpolateMissingSector() 551 int alpha, theta; in cmsGDBCompute() local
|
/external/opencv3/modules/cudaimgproc/src/ |
D | hough_segments.cpp | 77 …HoughSegmentDetectorImpl(float rho, float theta, int minLineLength, int maxLineGap, int maxLines) : in HoughSegmentDetectorImpl() 87 void setTheta(float theta) { theta_ = theta; } in setTheta() 181 Ptr<HoughSegmentDetector> cv::cuda::createHoughSegmentDetector(float rho, float theta, int minLineL… in createHoughSegmentDetector()
|
D | hough_lines.cpp | 73 HoughLinesDetectorImpl(float rho, float theta, int threshold, bool doSort, int maxLines) : in HoughLinesDetectorImpl() 84 void setTheta(float theta) { theta_ = theta; } in setTheta() 206 Ptr<HoughLinesDetector> cv::cuda::createHoughLinesDetector(float rho, float theta, int threshold, b… in createHoughLinesDetector()
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/complex/ |
D | ComplexUtils.java | 64 public static Complex polar2Complex(double r, double theta) { in polar2Complex()
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/ode/nonstiff/ |
D | EulerStepInterpolator.java | 80 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives()
|
D | MidpointStepInterpolator.java | 82 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives()
|
D | ClassicalRungeKuttaStepInterpolator.java | 84 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives()
|
D | ThreeEighthesStepInterpolator.java | 87 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives()
|
D | HighamHall54StepInterpolator.java | 72 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives()
|
/external/fio/lib/ |
D | zipf.h | 9 double theta; member
|
/external/opencv3/modules/imgproc/perf/ |
D | perf_filter2d.cpp | 61 double theta = 47; variable
|
/external/ceres-solver/include/ceres/ |
D | rotation.h | 231 const T theta = sqrt(theta_squared); in AngleAxisToQuaternion() local 333 const T theta = atan2(sintheta, costheta); in RotationMatrixToAngleAxis() local 402 const T theta = sqrt(theta2); in AngleAxisToRotationMatrix() local 595 const T theta = sqrt(theta2); in AngleAxisRotatePoint() local
|
/external/opencv3/modules/imgproc/src/ |
D | hough.cpp | 79 HoughLinesStandard( const Mat& img, float rho, float theta, in HoughLinesStandard() 193 float rho, theta; member 199 float rho, float theta, int threshold, in HoughLinesSDiv() 416 float rho, float theta, int threshold, in HoughLinesProbabilistic() 689 …tArray _pointsList, OutputArray _accum, int total_points, double rho, double theta, int numrho, in… in ocl_fillAccum() 730 static bool ocl_HoughLines(InputArray _src, OutputArray _lines, double rho, double theta, int thres… in ocl_HoughLines() 790 static bool ocl_HoughLinesP(InputArray _src, OutputArray _lines, double rho, double theta, int thre… in ocl_HoughLinesP() 850 double rho, double theta, int threshold, in HoughLines() 869 double rho, double theta, int threshold, in HoughLinesP() 886 double rho, double theta, int threshold, in cvHoughLines2()
|
D | gabor.cpp | 51 cv::Mat cv::getGaborKernel( Size ksize, double sigma, double theta, in getGaborKernel()
|
/external/opencv3/samples/python2/ |
D | houghlines.py | 32 theta = lines[i][0][1] variable
|
/external/valgrind/none/tests/amd64/ |
D | bug132918.c | 44 double theta; in main() local
|
/external/opencv3/modules/cudaimgproc/test/ |
D | test_hough.cpp | 70 float rho = lines[i][0], theta = lines[i][1]; in PARAM_TEST_CASE() local 91 const float theta = (float) (1.5 * CV_PI / 180.0); in CUDA_TEST_P() local
|
/external/opencv3/modules/cudaoptflow/src/ |
D | tvl1flow.cpp | 79 …OpticalFlowDual_TVL1_Impl(double tau, double lambda, double theta, int nscales, int warps, double … in OpticalFlowDual_TVL1_Impl() 96 virtual void setTheta(double theta) { theta_ = theta; } in setTheta() 374 double tau, double lambda, double theta, int nscales, int warps, in create()
|