/external/opencv3/modules/calib3d/perf/ |
D | perf_pnp.cpp | 33 Mat tvec = Mat::zeros(3, 1, CV_32FC1); variable 44 warmup(tvec, WARMUP_RNG); 46 projectPoints(points3d, rvec, tvec, intrinsics, distortion, points2d); 58 solvePnP(points3d, points2d, intrinsics, distortion, rvec, tvec, false, algo); 62 SANITY_CHECK(tvec, 1e-6); 80 Mat tvec = Mat::zeros(3, 1, CV_32FC1); variable 91 warmup(tvec, WARMUP_RNG); 93 projectPoints(points3d, rvec, tvec, intrinsics, distortion, points2d); 105 solvePnP(points3d, points2d, intrinsics, distortion, rvec, tvec, false, algo); 109 SANITY_CHECK(tvec, 1e-2); [all …]
|
/external/opencv3/modules/calib3d/test/ |
D | test_solvepnp_ransac.cpp | 102 void generatePose(Mat& rvec, Mat& tvec, RNG& rng) in generatePose() argument 107 tvec.create(3, 1, CV_64FC1); in generatePose() 111 tvec.at<double>(i,0) = rng.uniform(minVal, maxVal/10); in generatePose() 117 Mat rvec, tvec; in runTest() local 140 solvePnPRansac(points, projectedPoints, intrinsics, distCoeffs, rvec, tvec, in runTest() 145 double rvecDiff = norm(rvec-trueRvec), tvecDiff = norm(tvec-trueTvec); in runTest() 213 Mat rvec, tvec; in runTest() local 240 solvePnP(opoints, projectedPoints, intrinsics, distCoeffs, rvec, tvec, in runTest() 243 double rvecDiff = norm(rvec-trueRvec), tvecDiff = norm(tvec-trueTvec); in runTest() 294 Mat tvec; in TEST() local [all …]
|
D | test_cameracalibration.cpp | 803 tvec( 1, 3, CV_64FC1, translationVector ); in project() local 810 projectPoints( objectPoints, rvec, tvec, in project() 1006 const Mat& rvec, const Mat& tvec, 1032 …Mat_<float> objPoints( pointCount, 3), rvec( 1, 3), rmat, tvec( 1, 3 ), cameraMatrix( 3, 3 ), dist… in run() local 1048 tvec(0,0) = rng.uniform( tMinVal, tMaxVal ); in run() 1049 tvec(0,1) = rng.uniform( tMinVal, tMaxVal ); in run() 1050 tvec(0,2) = rng.uniform( tMinVal, tMaxVal ); in run() 1059 point = (point - tvec) * rmat; in run() 1068 project( objPoints, rvec, tvec, cameraMatrix, distCoeffs, in run() 1077 double z = p.x*rmat(2,0) + p.y*rmat(2,1) + p.z*rmat(2,2) + tvec(0,2), in run() [all …]
|
D | test_chessboardgenerator.cpp | 55 patternSize(_patternSize), rendererResolutionMultiplier(4), tvec(Mat::zeros(1, 3, CV_32F)) in ChessBoardGenerator() 131 projectPoints(Mat(pts_square3d), rvec, tvec, camMat, distCoeffs, pts_square2d); in generateChessBoard() 144 projectPoints(Mat(corners3d), rvec, tvec, camMat, distCoeffs, corners); in generateChessBoard() 152 projectPoints(Mat(whole3d), rvec, tvec, camMat, distCoeffs, whole2d); in generateChessBoard() 218 projectPoints(Mat(pts3d), rvec, tvec, camMat, distCoeffs, pts2d); in operator ()() 283 projectPoints(Mat(pts3d), rvec, tvec, camMat, distCoeffs, pts2d); in operator ()() 325 projectPoints(Mat(pts3d), rvec, tvec, camMat, distCoeffs, pts2d); in operator ()()
|
D | test_cameracalibration_artificial.cpp | 174 const Point3d& tvec = *tvecs[i].ptr<Point3d>(); in compareShiftVecs() local 177 if (norm(tvec_est - tvec) > eps* (norm(tvec) + dlt)) in compareShiftVecs() 186 …G, "%d) norm(tvec_est - tvec) = %f, norm(tvec_exp) = %f \n", r, norm(tvec_est - tvec), norm(tvec)); in compareShiftVecs()
|
D | test_chessboardgenerator.hpp | 34 Mat rvec, tvec; member in cv::ChessBoardGenerator
|
/external/opencv3/modules/cudalegacy/src/ |
D | calib3d.cpp | 85 …void transformPointsCaller(const GpuMat& src, const Mat& rvec, const Mat& tvec, GpuMat& dst, cudaS… in transformPointsCaller() argument 89 CV_Assert(tvec.size() == Size(3, 1) && tvec.type() == CV_32F); in transformPointsCaller() 96 transform_points::call(src, rot.ptr<float>(), tvec.ptr<float>(), dst, stream); in transformPointsCaller() 100 void cv::cuda::transformPoints(const GpuMat& src, const Mat& rvec, const Mat& tvec, GpuMat& dst, St… in transformPoints() argument 102 transformPointsCaller(src, rvec, tvec, dst, StreamAccessor::getStream(stream)); in transformPoints() 107 …void projectPointsCaller(const GpuMat& src, const Mat& rvec, const Mat& tvec, const Mat& camera_ma… in projectPointsCaller() argument 111 CV_Assert(tvec.size() == Size(3, 1) && tvec.type() == CV_32F); in projectPointsCaller() 120 …project_points::call(src, rot.ptr<float>(), tvec.ptr<float>(), camera_mat.ptr<float>(), dst,stream… in projectPointsCaller() 124 void cv::cuda::projectPoints(const GpuMat& src, const Mat& rvec, const Mat& tvec, const Mat& camera… in projectPoints() argument 126 …projectPointsCaller(src, rvec, tvec, camera_mat, dist_coef, dst, StreamAccessor::getStream(stream)… in projectPoints() [all …]
|
/external/opencv3/modules/cudalegacy/perf/ |
D | perf_calib3d.cpp | 67 const cv::Mat tvec = cv::Mat::ones(1, 3, CV_32FC1); variable 75 TEST_CYCLE() cv::cuda::projectPoints(d_src, rvec, tvec, camera_mat, cv::Mat(), dst); 83 TEST_CYCLE() cv::projectPoints(src, rvec, tvec, camera_mat, cv::noArray(), dst); 123 cv::Mat tvec; variable 127 TEST_CYCLE() cv::cuda::solvePnPRansac(object, image, camera_mat, dist_coef, rvec, tvec); 130 CUDA_SANITY_CHECK(tvec, 1e-3); 134 TEST_CYCLE() cv::solvePnPRansac(object, image, camera_mat, dist_coef, rvec, tvec); 137 CPU_SANITY_CHECK(tvec, 1e-6);
|
/external/opencv3/modules/cudalegacy/test/ |
D | test_calib3d.cpp | 70 cv::Mat tvec = randomMat(cv::Size(3, 1), CV_32F, 0, 1); in CUDA_TEST_P() local 73 cv::cuda::transformPoints(loadMat(src), rvec, tvec, dst); in CUDA_TEST_P() 89 …<float>(0, 0) * p.x + rot.at<float>(0, 1) * p.y + rot.at<float>(0, 2) * p.z + tvec.at<float>(0, 0), in CUDA_TEST_P() 90 …<float>(1, 0) * p.x + rot.at<float>(1, 1) * p.y + rot.at<float>(1, 2) * p.z + tvec.at<float>(0, 1), in CUDA_TEST_P() 91 …float>(2, 0) * p.x + rot.at<float>(2, 1) * p.y + rot.at<float>(2, 2) * p.z + tvec.at<float>(0, 2)); in CUDA_TEST_P() 118 cv::Mat tvec = randomMat(cv::Size(3, 1), CV_32F, 0, 1); in CUDA_TEST_P() local 126 cv::cuda::projectPoints(loadMat(src), rvec, tvec, camera_mat, cv::Mat(), dst); in CUDA_TEST_P() 132 …cv::projectPoints(src, rvec, tvec, camera_mat, cv::Mat(1, 8, CV_32F, cv::Scalar::all(0)), dst_gold… in CUDA_TEST_P() 180 cv::Mat rvec, tvec; in CUDA_TEST_P() local 184 rvec, tvec, false, 200, 2.f, 100, &inliers); in CUDA_TEST_P() [all …]
|
/external/opencv3/modules/calib3d/src/ |
D | solvepnp.cpp | 63 Mat rvec, tvec; in solvePnP() local 82 tvec = _tvec.getMat(); in solvePnP() 97 PnP.compute_pose(R, tvec); in solvePnP() 109 result = P3Psolver.solve(R, tvec, opoints, undistortedPoints); in solvePnP() 117 CvMat c_rvec = rvec, c_tvec = tvec; in solvePnP() 158 rvec(_rvec), tvec(_tvec) {} in PnPRansacCallback() 167 rvec, tvec, useExtrinsicGuess, flags ); in runKernel() 170 hconcat(rvec, tvec, _local_model); in runKernel() 208 Mat tvec; member in cv::PnPRansacCallback 243 Mat tvec = useExtrinsicGuess ? _tvec.getMat() : Mat(3, 1, CV_64FC1); in solvePnPRansac() local [all …]
|
D | fisheye.cpp | 628 Vec3d tvec; in stereoRectify() local 629 _tvec.getMat().convertTo(tvec, CV_64F); in stereoRectify() 637 Vec3d t = r_r * tvec; in stereoRectify() 654 Vec3d tnew = ri2 * tvec; in stereoRectify() 953 cv::Mat tvec = cv::Mat(tvecs1[image_idx]); in stereoCalibrate() local 954 cv::internal::projectPoints(object, projected, rvec, tvec, intrinsicLeft, jacobians); in stereoCalibrate() 964 …cv::internal::compose_motion(rvec, tvec, omcur, Tcur, omr, Tr, domrdomckk, domrdTckk, domrdom, dom… in stereoCalibrate() 966 tvec = cv::Mat(tvecs2[image_idx]); in stereoCalibrate() 1156 Mat& tvec, Mat& J, const int MaxIter, in ComputeExtrinsicRefine() argument 1162 tvec.at<double>(0), tvec.at<double>(1), tvec.at<double>(2)); in ComputeExtrinsicRefine() [all …]
|
D | p3p.h | 13 bool solve(cv::Mat& R, cv::Mat& tvec, const cv::Mat& opoints, const cv::Mat& ipoints);
|
D | fisheye.hpp | 27 Mat& tvec, Mat& J, const int MaxIter,
|
/external/opencv3/samples/cpp/ |
D | select3dobj.cpp | 115 static Point3f image2plane(Point2f imgpt, const Mat& R, const Mat& tvec, in image2plane() argument 119 R1.col(2) = R1.col(2)*Z + tvec; in image2plane() 127 const Mat& cameraMatrix, const Mat& rvec, const Mat& tvec, in extract3DBox() argument 148 projectPoints(Mat(objpt), rvec, tvec, cameraMatrix, Mat(), imgpt); in extract3DBox() 199 const Mat& cameraMatrix, const Mat& rvec, const Mat& tvec, in select3DBox() argument 250 projectPoints(Mat(tempobj), rvec, tvec, cameraMatrix, Mat(), tempimg); in select3DBox() 262 box[npt] = image2plane(imgpt[npt], R, tvec, cameraMatrix, npt<3 ? 0 : Z); in select3DBox() 284 cameraMatrix, rvec, tvec, box, npt, false); in select3DBox() 562 Mat rvec, tvec; in main() local 565 distCoeffs, rvec, tvec, false); in main() [all …]
|
/external/vulkan-validation-layers/libs/glm/gtx/ |
D | intersect.inl | 95 // genType tvec = orig - vert0; 97 // position.y = dot(tvec, pvec); 101 // genType qvec = cross(tvec, edge1); 134 genType tvec = orig - vert0; local 136 position.y = dot(tvec, pvec) * inv_det; 140 genType qvec = cross(tvec, edge1);
|
/external/opencv3/samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/ |
D | PnPProblem.cpp | 115 cv::Mat tvec = cv::Mat::zeros(3, 1, CV_64FC1); in estimatePose() local 120 …ool correspondence = cv::solvePnP( list_points3d, list_points2d, _A_matrix, distCoeffs, rvec, tvec, in estimatePose() 125 _t_matrix = tvec; in estimatePose() 142 cv::Mat tvec = cv::Mat::zeros(3, 1, CV_64FC1); // output translation vector in estimatePoseRANSAC() local 147 cv::solvePnPRansac( list_points3d, list_points2d, _A_matrix, distCoeffs, rvec, tvec, in estimatePoseRANSAC() 152 _t_matrix = tvec; // set translation matrix in estimatePoseRANSAC()
|
/external/opencv3/modules/cudalegacy/include/opencv2/ |
D | cudalegacy.hpp | 258 CV_EXPORTS void transformPoints(const GpuMat& src, const Mat& rvec, const Mat& tvec, 261 CV_EXPORTS void projectPoints(const GpuMat& src, const Mat& rvec, const Mat& tvec, 282 … const Mat& dist_coef, Mat& rvec, Mat& tvec, bool use_extrinsic_guess=false,
|
/external/opencv3/modules/java/src/ |
D | calib3d+Calib3d.java | 72 …Points(MatOfPoint3f objectPoints, MatOfPoint2f imagePoints, Mat rvec, Mat tvec, Mat K, Mat D, doub… in projectPoints() argument 76 …projectPoints_0(objectPoints_mat.nativeObj, imagePoints_mat.nativeObj, rvec.nativeObj, tvec.native… in projectPoints() 82 …rojectPoints(MatOfPoint3f objectPoints, MatOfPoint2f imagePoints, Mat rvec, Mat tvec, Mat K, Mat D) in projectPoints() argument 86 …projectPoints_1(objectPoints_mat.nativeObj, imagePoints_mat.nativeObj, rvec.nativeObj, tvec.native… in projectPoints() 253 … stereoRectify(Mat K1, Mat D1, Mat K2, Mat D2, Size imageSize, Mat R, Mat tvec, Mat R1, Mat R2, Ma… in stereoRectify() argument 256 ….nativeObj, D2.nativeObj, imageSize.width, imageSize.height, R.nativeObj, tvec.nativeObj, R1.nativ… in stereoRectify() 262 … stereoRectify(Mat K1, Mat D1, Mat K2, Mat D2, Size imageSize, Mat R, Mat tvec, Mat R1, Mat R2, Ma… in stereoRectify() argument 265 ….nativeObj, D2.nativeObj, imageSize.width, imageSize.height, R.nativeObj, tvec.nativeObj, R1.nativ… in stereoRectify() 374 …public static void projectPoints(MatOfPoint3f objectPoints, Mat rvec, Mat tvec, Mat cameraMatrix, … in projectPoints() argument 379 …projectPoints_2(objectPoints_mat.nativeObj, rvec.nativeObj, tvec.nativeObj, cameraMatrix.nativeObj… in projectPoints() [all …]
|
D | calib3d.cpp | 1180 Mat& tvec = *((Mat*)tvec_nativeObj); in Java_org_opencv_calib3d_Calib3d_projectPoints_10() local 1184 …cv::fisheye::projectPoints( objectPoints, imagePoints, rvec, tvec, K, D, (double)alpha, jacobian ); in Java_org_opencv_calib3d_Calib3d_projectPoints_10() 1211 Mat& tvec = *((Mat*)tvec_nativeObj); in Java_org_opencv_calib3d_Calib3d_projectPoints_11() local 1214 cv::fisheye::projectPoints( objectPoints, imagePoints, rvec, tvec, K, D ); in Java_org_opencv_calib3d_Calib3d_projectPoints_11() 1598 Mat& tvec = *((Mat*)tvec_nativeObj); in Java_org_opencv_calib3d_Calib3d_stereoRectify_10() local 1605 …cv::fisheye::stereoRectify( K1, D1, K2, D2, imageSize, R, tvec, R1, R2, P1, P2, Q, (int)flags, new… in Java_org_opencv_calib3d_Calib3d_stereoRectify_10() 1631 Mat& tvec = *((Mat*)tvec_nativeObj); in Java_org_opencv_calib3d_Calib3d_stereoRectify_11() local 1637 … cv::fisheye::stereoRectify( K1, D1, K2, D2, imageSize, R, tvec, R1, R2, P1, P2, Q, (int)flags ); in Java_org_opencv_calib3d_Calib3d_stereoRectify_11() 1931 Mat& tvec = *((Mat*)tvec_nativeObj); in Java_org_opencv_calib3d_Calib3d_projectPoints_12() local 1934 …cv::projectPoints( objectPoints, rvec, tvec, cameraMatrix, distCoeffs, imagePoints, jacobian, (dou… in Java_org_opencv_calib3d_Calib3d_projectPoints_12() [all …]
|
/external/opencv3/samples/python2/ |
D | plane_ar.py | 91 ret, rvec, tvec = cv2.solvePnP(quad_3d, tracked.quad, K, dist_coef) 93 verts = cv2.projectPoints(verts, rvec, tvec, K, dist_coef)[0].reshape(-1, 2)
|
D | video.py | 105 …img_quads = cv2.projectPoints(quads.reshape(-1, 3), self.rvec, self.tvec, self.K, self.dist_coef) … 122 R, self.tvec = common.lookat(eye_pos, target_pos)
|
D | common.py | 62 tvec = -np.dot(R, eye) 63 return R, tvec
|
/external/opencv3/samples/gpu/performance/ |
D | tests.cpp | 846 Mat tvec; gen(tvec, 1, 3, CV_32F, 0, 1); in TEST() local 859 projectPoints(src, rvec, tvec, camera_mat, Mat::zeros(1, 8, CV_32F), dst); in TEST() 862 projectPoints(src, rvec, tvec, camera_mat, Mat::zeros(1, 8, CV_32F), dst); in TEST() 867 cuda::projectPoints(d_src, rvec, tvec, camera_mat, Mat(), d_dst); in TEST() 870 cuda::projectPoints(d_src, rvec, tvec, camera_mat, Mat(), d_dst); in TEST() 880 Mat rvec, tvec; in InitSolvePnpRansac() local 881 cuda::solvePnPRansac(object, image, Mat::eye(3, 3, CV_32F), Mat(), rvec, tvec); in InitSolvePnpRansac() 901 Mat rvec, tvec; in TEST() local 907 … solvePnPRansac(object, image, camera_mat, Mat::zeros(1, 8, CV_32F), rvec, tvec, false, num_iters, in TEST() 912 …cuda::solvePnPRansac(object, image, camera_mat, Mat::zeros(1, 8, CV_32F), rvec, tvec, false, num_i… in TEST()
|
/external/opencv3/modules/calib3d/include/opencv2/ |
D | calib3d.hpp | 471 InputArray rvec, InputArray tvec, 530 OutputArray rvec, OutputArray tvec, 569 OutputArray rvec, OutputArray tvec, 1666 …d projectPoints(InputArray objectPoints, OutputArray imagePoints, InputArray rvec, InputArray tvec, 1823 … InputArray D1, InputArray K2, InputArray D2, const Size &imageSize, InputArray R, InputArray tvec,
|
/external/opencv3/modules/calib3d/misc/java/test/ |
D | Calib3dTest.java | 521 Mat tvec = new Mat(); in testSolvePnPListOfPoint3ListOfPointMatMatMatMat() local 522 Calib3d.solvePnP(points3d, points2d, intrinsics, new MatOfDouble(), rvec, tvec); in testSolvePnPListOfPoint3ListOfPointMatMatMatMat() 531 assertMatEqual(truth_tvec, tvec, EPS); in testSolvePnPListOfPoint3ListOfPointMatMatMatMat()
|