https://www.cnblogs.com/gaoxiang12/p/5304272.html
- 結點1:相機位姿結點:g2o::VertexSE3Expmap,來自<g2o/types/sba/types_six_dof_expmap.h>;
- 結點2:特徵點空間座標結點:g2o::VertexSBAPointXYZ,來自<g2o/types/sba/types_sba.h>;
- 邊:重投影誤差:g2o::EdgeProjectXYZ2UV,來自<g2o/types/sba/types_six_dof_expmap.h>;
這個是 EdgeProjectXYZ2UV 邊的定義。它是一個Binary Edge,後面的模板參數列示,它的資料是2維的,來自Eigen::Vector2D,它連線的兩個頂點必須是 VertexSBAPointXYZ, VertexSE3Expmap。 我們還能看到它的 computeError 定義,和前面給出的公式是一致的。注意到計算Error時,它呼叫了 g2o::CameraParameters 作為引數,所以我們在設定這條邊時也需要給定一個相機引數。
/** * BA Example * Author: Xiang Gao * Date: 2016.3 * Email: gaoxiang12@mails.tsinghua.edu.cn * * 在這個程式中,我們讀取兩張影像,進行特徵匹配。然後根據匹配得到的特徵,計算相機運動以及特徵點的位置。這是一個典型的Bundle Adjustment,我們用g2o進行最佳化。 */ // for std #include <iostream> // for opencv #include <opencv2/core/core.hpp> #include <opencv2/highgui/highgui.hpp> #include <opencv2/features2d/features2d.hpp> #include <boost/concept_check.hpp> // for g2o #include <g2o/core/sparse_optimizer.h> #include <g2o/core/block_solver.h> #include <g2o/core/robust_kernel.h> #include <g2o/core/robust_kernel_impl.h> #include <g2o/core/optimization_algorithm_levenberg.h> #include <g2o/solvers/cholmod/linear_solver_cholmod.h> #include <g2o/types/slam3d/se3quat.h> #include <g2o/types/sba/types_six_dof_expmap.h> using namespace std; // 尋找兩個影像中的對應點,畫素座標系 // 輸入:img1, img2 兩張影像 // 輸出:points1, points2, 兩組對應的2D點 int findCorrespondingPoints( const cv::Mat& img1, const cv::Mat& img2, vector<cv::Point2f>& points1, vector<cv::Point2f>& points2 ); // 相機內參 double cx = 325.5; double cy = 253.5; double fx = 518.0; double fy = 519.0; int main( int argc, char** argv ) { // 呼叫格式:命令 [第一個圖] [第二個圖] if (argc != 3) { cout<<"Usage: ba_example img1, img2"<<endl; exit(1); } // 讀取影像 cv::Mat img1 = cv::imread( argv[1] ); cv::Mat img2 = cv::imread( argv[2] ); // 找到對應點 vector<cv::Point2f> pts1, pts2; if ( findCorrespondingPoints( img1, img2, pts1, pts2 ) == false ) { cout<<"匹配點不夠!"<<endl; return 0; } cout<<"找到了"<<pts1.size()<<"組對應特徵點。"<<endl; // 構造g2o中的圖 // 先構造求解器 g2o::SparseOptimizer optimizer; // 使用Cholmod中的線性方程求解器 g2o::BlockSolver_6_3::LinearSolverType* linearSolver = new g2o::LinearSolverCholmod<g2o::BlockSolver_6_3::PoseMatrixType> (); // 6*3 的引數 g2o::BlockSolver_6_3* block_solver = new g2o::BlockSolver_6_3( linearSolver ); // L-M 下降 g2o::OptimizationAlgorithmLevenberg* algorithm = new g2o::OptimizationAlgorithmLevenberg( block_solver ); optimizer.setAlgorithm( algorithm ); optimizer.setVerbose( false ); // 新增節點 // 兩個位姿節點 for ( int i=0; i<2; i++ ) { g2o::VertexSE3Expmap* v = new g2o::VertexSE3Expmap(); v->setId(i); if ( i == 0) v->setFixed( true ); // 第一個點固定為零 // 預設值為單位Pose,因為我們不知道任何資訊 v->setEstimate( g2o::SE3Quat() ); optimizer.addVertex( v ); } // 很多個特徵點的節點 // 以第一幀為準 for ( size_t i=0; i<pts1.size(); i++ ) { g2o::VertexSBAPointXYZ* v = new g2o::VertexSBAPointXYZ(); v->setId( 2 + i ); // 由於深度不知道,只能把深度設定為1了 double z = 1; double x = ( pts1[i].x - cx ) * z / fx; double y = ( pts1[i].y - cy ) * z / fy; v->setMarginalized(true); v->setEstimate( Eigen::Vector3d(x,y,z) ); optimizer.addVertex( v ); } // 準備相機引數 g2o::CameraParameters* camera = new g2o::CameraParameters( fx, Eigen::Vector2d(cx, cy), 0 ); camera->setId(0); optimizer.addParameter( camera ); // 準備邊 // 第一幀 vector<g2o::EdgeProjectXYZ2UV*> edges; for ( size_t i=0; i<pts1.size(); i++ ) { g2o::EdgeProjectXYZ2UV* edge = new g2o::EdgeProjectXYZ2UV(); edge->setVertex( 0, dynamic_cast<g2o::VertexSBAPointXYZ*> (optimizer.vertex(i+2)) ); edge->setVertex( 1, dynamic_cast<g2o::VertexSE3Expmap*> (optimizer.vertex(0)) ); edge->setMeasurement( Eigen::Vector2d(pts1[i].x, pts1[i].y ) ); edge->setInformation( Eigen::Matrix2d::Identity() ); edge->setParameterId(0, 0); // 核函式 edge->setRobustKernel( new g2o::RobustKernelHuber() ); optimizer.addEdge( edge ); edges.push_back(edge); } // 第二幀 for ( size_t i=0; i<pts2.size(); i++ ) { g2o::EdgeProjectXYZ2UV* edge = new g2o::EdgeProjectXYZ2UV(); edge->setVertex( 0, dynamic_cast<g2o::VertexSBAPointXYZ*> (optimizer.vertex(i+2)) ); edge->setVertex( 1, dynamic_cast<g2o::VertexSE3Expmap*> (optimizer.vertex(1)) ); edge->setMeasurement( Eigen::Vector2d(pts2[i].x, pts2[i].y ) ); edge->setInformation( Eigen::Matrix2d::Identity() ); edge->setParameterId(0,0); // 核函式 edge->setRobustKernel( new g2o::RobustKernelHuber() ); optimizer.addEdge( edge ); edges.push_back(edge); } cout<<"開始最佳化"<<endl; optimizer.setVerbose(true); optimizer.initializeOptimization(); optimizer.optimize(10); cout<<"最佳化完畢"<<endl; //我們比較關心兩幀之間的變換矩陣 g2o::VertexSE3Expmap* v = dynamic_cast<g2o::VertexSE3Expmap*>( optimizer.vertex(1) ); Eigen::Isometry3d pose = v->estimate(); cout<<"Pose="<<endl<<pose.matrix()<<endl; // 以及所有特徵點的位置 for ( size_t i=0; i<pts1.size(); i++ ) { g2o::VertexSBAPointXYZ* v = dynamic_cast<g2o::VertexSBAPointXYZ*> (optimizer.vertex(i+2)); cout<<"vertex id "<<i+2<<", pos = "; Eigen::Vector3d pos = v->estimate(); cout<<pos(0)<<","<<pos(1)<<","<<pos(2)<<endl; } // 估計inlier的個數 int inliers = 0; for ( auto e:edges ) { e->computeError(); // chi2 就是 error*\Omega*error, 如果這個數很大,說明此邊的值與其他邊很不相符 if ( e->chi2() > 1 ) { cout<<"error = "<<e->chi2()<<endl; } else { inliers++; } } cout<<"inliers in total points: "<<inliers<<"/"<<pts1.size()+pts2.size()<<endl; optimizer.save("ba.g2o"); return 0; } int findCorrespondingPoints( const cv::Mat& img1, const cv::Mat& img2, vector<cv::Point2f>& points1, vector<cv::Point2f>& points2 ) { cv::ORB orb; vector<cv::KeyPoint> kp1, kp2; cv::Mat desp1, desp2; orb( img1, cv::Mat(), kp1, desp1 ); orb( img2, cv::Mat(), kp2, desp2 ); cout<<"分別找到了"<<kp1.size()<<"和"<<kp2.size()<<"個特徵點"<<endl; cv::Ptr<cv::DescriptorMatcher> matcher = cv::DescriptorMatcher::create( "BruteForce-Hamming"); double knn_match_ratio=0.8; vector< vector<cv::DMatch> > matches_knn; matcher->knnMatch( desp1, desp2, matches_knn, 2 ); vector< cv::DMatch > matches; for ( size_t i=0; i<matches_knn.size(); i++ ) { if (matches_knn[i][0].distance < knn_match_ratio * matches_knn[i][1].distance ) matches.push_back( matches_knn[i][0] ); } if (matches.size() <= 20) //匹配點太少 return false; for ( auto m:matches ) { points1.push_back( kp1[m.queryIdx].pt ); points2.push_back( kp2[m.trainIdx].pt ); } return true; }