VIO中IMU的状态向量为:
x I = ( G I q T b g T G v I T b a T G p I T C I q T I p C T ) T \textbf x_I=\begin{pmatrix} {}_G^I\textbf q^T & \textbf b_g^T & {}^G\textbf v_I^T & \textbf b_a^T & {}^G\textbf p_I^T & {}_C^I\textbf q^T & {}^I\textbf p_C^T \end{pmatrix}^T xI=(GIqTbgTGvITbaTGpITCIqTIpCT)T
误差状态为:
x ~ I = ( G I θ ~ T b ~ g T G v ~ T b ~ a T G p ~ I T C I θ ~ T I p ~ C T ) T \tilde{\textbf x}_I=\begin{pmatrix} {}_G^I\tilde\boldsymbol{\theta}^T & \tilde\boldsymbol{b}_g^T & {}^G\tilde\textbf{v}^T & \tilde\textbf{b}_a^T & {}^G\tilde\textbf{p}_I^T & {}_C^I\tilde\boldsymbol{\theta}^T & {}^I\tilde\textbf p_C^T \end{pmatrix}^T x~I=(GIθ~Tb~gTGv~Tb~aTGp~ITCIθ~TIp~CT)T
对于普通的变量,如 b g , v I \textbf b_g,\textbf v_I bg,vI等,满足通用的加减关系,比如 G p ~ I = G p I − G p ^ I {}^G\tilde\textbf p_I={}^G\textbf p_I-{}^G\hat\textbf p_I Gp~I=GpI−Gp^I。对于四元数,误差四元数为:
δ q = q ⊗ q ^ − 1 ≈ ( 1 2 I G θ ~ T 1 ) T \delta\textbf q=\textbf q\otimes\hat\textbf q^{-1}\\ \approx\begin{pmatrix} \frac{1}{2}{}^G_I\tilde\boldsymbol \theta^T & 1 \end{pmatrix}^T δq=q⊗q^−1≈(21IGθ~T1)T
其中 I G θ ~ T ∈ R 3 {}^G_I\tilde\boldsymbol\theta^T\in\mathbb R^3 IGθ~T∈R3表示一个微小的旋转,通过这种方式将旋转误差降到了三维。考虑最终的误差状态向量,设有N个相机状态,则最终的误差状态向量为:
x ~ = ( x ~ I T x ~ C 1 … x ~ C N ) T \tilde\textbf x=\begin{pmatrix} \tilde\textbf x_I^T & \tilde\textbf x_{C_1} & \dots & \tilde\textbf x_{C_N} \end{pmatrix}^T x~=(x~ITx~C1…x~CN)T
x ~ C i = ( G C i θ ~ T G p ~ C i T ) T \tilde\textbf x_{C_i}=\begin{pmatrix} {}_G^{C_i}\tilde\boldsymbol\theta^T & {}^G\tilde\textbf p_{C_i}^T \end{pmatrix}^T x~Ci=(GCiθ~TGp~CiT)T
(1) 初始化imu各噪声项,存在state_server.continuous_noise_cov中;
double IMUState::gyro_noise = 0.001;
double IMUState::acc_noise = 0.01;
double IMUState::gyro_bias_noise = 0.001;
double IMUState::acc_bias_noise = 0.01;
continuous_noise_cov为12x12的对角矩阵
(2) 初始化卡方检验表,置信度为0.95(不知道做什么用),存在chi_squared_test_table中。
(3) 创建ROS IO接口,订阅imu、features、mocap_odom,发布reset、gt_odom。
imuCallback
接收到的imu数据放在缓存imu_msg_buffer中,如果数据个数大于200,初始化重力和偏置。由于s-msckf默认从静止状态初始化,所以用加速度平均值初始化重力,角速度平均值初始化角速度偏置。把is_gravity_set设置为true。
得到重力向量后构建世界坐标系,令重力方向为z轴负方向。然后定义惯性系相对于世界坐标系的朝向,这里我看的有点懵,他先求解了一个旋转 R \textbf R R,使得:
R g I = − g w \textbf R\textbf g^I=-\textbf g^w RgI=−gw
然后把初始时刻的旋转 q i w \textbf q_{iw} qiw定义为:
q i w = q u a t e r n i o n ( R T ) \textbf q_{iw}=quaternion(R^T) qiw=quaternion(RT)
这一步目前还不是很懂
double gravity_norm = gravity_imu.norm();
IMUState::gravity = Vector3d(0.0, 0.0, -gravity_norm);
Quaterniond q0_i_w = Quaterniond::FromTwoVectors(
gravity_imu, -IMUState::gravity);
state_server.imu_state.orientation =
rotationToQuaternion(q0_i_w.toRotationMatrix().transpose());
首先判断重力是否已经设置,即判断is_gravity_set是否为true;再判断是否为第一张图像,如果是,把is_first_img置为false,把state_server.imu_state.time置为该图像时间。
该函数主要用于积分上一次积分时间到当前图像时间的imu数据,也就是积分相邻两个图像时间内的imu数据,并且构建协方差矩阵。
该函数用于构建 F \textbf F F矩阵、 G \textbf G G矩阵和 Φ \boldsymbol\Phi Φ矩阵,更新状态协方差 P \textbf P P和状态变量 X \textbf X X,其中 P \textbf P P存放在state_server.state_cov里。
F 21 × 21 = ( − ω ^ × − I 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 − C ( G I q ^ ) T a ^ × 0 3 × 3 0 3 × 3 − C ( G I q ^ ) T 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 I 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 ) \textbf F_{21\times 21}= \begin{pmatrix} -\hat{\boldsymbol\omega}_{\times} & -\textbf I_3 & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ -C({}_G^I\hat{\textbf{q}})^T\hat{\textbf a}_{\times} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & -C({}_G^I\hat{\textbf{q}})^T & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf I_3 & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} \end{pmatrix} F21×21=⎝⎜⎜⎜⎜⎜⎜⎜⎜⎛−ω^×03×3−C(GIq^)Ta^×03×303×303×303×3−I303×303×303×303×303×303×303×303×303×303×3I303×303×303×303×3−C(GIq^)T03×303×303×303×303×303×303×303×303×303×303×3⎠⎟⎟⎟⎟⎟⎟⎟⎟⎞
G 21 × 12 = ( − I 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 − I 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 − C ( G I q ^ ) T 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 I 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 0 3 × 3 ) \textbf G_{21\times 12}= \begin{pmatrix} -\textbf I_3 & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & -\textbf I_3 & \textbf 0_{3\times 3} & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & -C({}_G^I\hat{\textbf{q}})^T & \textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf I_3\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} &\textbf 0_{3\times 3}\\ \textbf 0_{3\times 3} & \textbf 0_{3\times 3} & \textbf 0_{3\times 3} &\textbf 0_{3\times 3} \end{pmatrix} G21×12=⎝⎜⎜⎜⎜⎜⎜⎛−I303×303×303×303×303×303×3−I303×303×303×303×303×303×3−C(GIq^)T03×303×303×303×303×303×3I303×303×3⎠⎟⎟⎟⎟⎟⎟⎞
其中
Φ = exp ( ∫ t k t k + 1 F ( τ ) d τ ) \boldsymbol\Phi = \exp(\int_{t_k}^{t_{k+1}}\textbf F(\tau)d\tau) Φ=exp(∫tktk+1F(τ)dτ)
这里采用3阶泰勒展开来取近似
Φ ≈ I + F d t + 1 2 ( F d t ) 2 + 1 6 ( F d t ) 3 \boldsymbol\Phi\approx\textbf I+\textbf Fd_t+\frac{1}{2}(\textbf Fd_t)^2+\frac{1}{6}(\textbf Fd_t)^3 Φ≈I+Fdt+21(Fdt)2+61(Fdt)3
RK4积分一般形式
x n + 1 = x n + Δ t 6 ( k 1 + 2 k 2 + 2 k 3 + k 4 ) \textbf x_{n+1}=\textbf x_{n}+\frac{\Delta t}{6}(k_1+2k_2+2k_3+k_4) xn+1=xn+6Δt(k1+2k2+2k3+k4)
k 1 = f ( t n , x n ) k 2 = f ( t n + 1 2 Δ t , x n + Δ t 2 k 1 ) k 3 = f ( t n + 1 2 Δ t , x n + Δ t 2 k 2 ) k 4 = f ( t n + Δ t , x n + Δ t ⋅ k 3 ) k_1=f(t_n,\textbf x_n)\\ k_2=f(t_n+\frac{1}{2}\Delta t,\textbf x_n + \frac{\Delta t}{2}k_1)\\ k_3=f(t_n+\frac{1}{2}\Delta t,\textbf x_n+\frac{\Delta t}{2}k_2)\\ k_4=f(t_n+\Delta t,\textbf x_n+\Delta t\cdot k_3) k1=f(tn,xn)k2=f(tn+21Δt,xn+2Δtk1)k3=f(tn+21Δt,xn+2Δtk2)k4=f(tn+Δt,xn+Δt⋅k3)
这一步要对PVQ的状态进行更新,其中对PV的更新用的是RK4积分,对于Q的更新是角速度乘以间隔时间。PVQ保存在state_server.imu_state里面。
Vector4d& q = state_server.imu_state.orientation;
Vector3d& v = state_server.imu_state.velocity;
Vector3d& p = state_server.imu_state.position;
a.更新Q
首先计算角速度的二范数 ∥ ω ∥ 2 \Vert\boldsymbol{\omega}\Vert_2 ∥ω∥2,然后乘以时间间隔得到旋转角度 ϕ \phi ϕ。
ϕ = ∥ ω ∥ 2 ⋅ Δ t \phi=\Vert\boldsymbol{\omega}\Vert_2\cdot\Delta t ϕ=∥ω∥2⋅Δt
于是 ϕ \phi ϕ对应的四元数为
q = ( cos ( ϕ / 2 ) u sin ( ϕ / 2 ) ) = ( q w q v ) \textbf q= \begin{pmatrix} \cos(\phi/2) \\ \textbf u\sin(\phi/2) \\ \end{pmatrix}= \begin{pmatrix} q_w \\ \textbf q_v \\ \end{pmatrix} q=(cos(ϕ/2)usin(ϕ/2))=(qwqv)
其中 u \textbf u u为旋转轴的单位向量。于是更新后的四元数为:
q k + 1 = q ⊗ q k = ( q w I + ( − ⌊ ω × ⌋ ω − ω T 0 ) ) q k = ( q w I + Ω ( ω ) ) q k \textbf q_{k+1}=\textbf q\otimes\textbf q_k\\ =(q_w\textbf I+\begin{pmatrix} -\left\lfloor\boldsymbol{\omega}\times\right\rfloor & \boldsymbol{\omega}\\ -\boldsymbol{\omega}^T & 0 \end{pmatrix})\textbf q_k\\ =(q_w\textbf I+\boldsymbol{\Omega}(\boldsymbol{\omega}))\textbf q_k qk+1=q⊗qk=(qwI+(−⌊ω×⌋−ωTω0))qk=(qwI+Ω(ω))qk
b.PV的更新( 这部分d1和d2在代码里没完全弄明白,待深究 )
V:
k 1 v = q k − 1 ⊗ a k + g w k 2 v = d 2 ∗ a k + g w k 3 v = d 2 ∗ a k + g w k 4 v = d 1 ∗ a k + g w k_1^v=\textbf q_k^{-1}\otimes\textbf a_k+\textbf g^w\\ k_2^v=d2*\textbf a_k+\textbf g^w\\ k_3^v=d2*\textbf a_k+\textbf g^w\\ k_4^v=d1*\textbf a_k+\textbf g^w k1v=qk−1⊗ak+gwk2v=d2∗ak+gwk3v=d2∗ak+gwk4v=d1∗ak+gw
P:
k 1 p = v k k 2 p = v k + 1 2 k 1 v Δ t k 3 p = v k + 1 2 k 2 v Δ t k 4 p = v k + k 3 v Δ t k_1^p=\textbf v_k\\ k_2^p=\textbf v_k+\frac{1}{2}k_1^v\Delta t\\ k_3^p=\textbf v_k+\frac{1}{2}k_2^v\Delta t\\ k_4^p=\textbf v_k+k_3^v\Delta t k1p=vkk2p=vk+21k1vΔtk3p=vk+21k2vΔtk4p=vk+k3vΔt
然后把上面的系数代入RK4积分公式就得到了 v k + 1 , p k + 1 \textbf v_{k+1},\textbf p_{k+1} vk+1,pk+1,然后更新state_server.imu_state。
a. Φ \boldsymbol{\Phi} Φ的更新( 感觉像是某种trick,论文里面没有详述,待深究)
b. P \textbf{P} P的更新
P I I k + 1 ∣ k = Φ k P I I k ∣ k Φ k T + Q k \textbf{P}_{II_{k+1|k}}=\boldsymbol{\Phi}_k\textbf{P}_{II_{k|k}}\boldsymbol{\Phi}_k^T+\textbf Q_k PIIk+1∣k=ΦkPIIk∣kΦkT+Qk
其中
Q k = ∫ t k t k + 1 Φ ( t k + 1 , τ ) GQG Φ ( t k + 1 , τ ) T d τ \textbf Q_k = \int_{t_k}^{t_{k+1}}\boldsymbol{\Phi}(t_{k+1},\tau)\textbf{GQG}\boldsymbol{\Phi}(t_{k+1},\tau)^Td\tau Qk=∫tktk+1Φ(tk+1,τ)GQGΦ(tk+1,τ)Tdτ
代码中对 Q k \textbf Q_k Qk取近似:
Q k ≈ Φ k GQG Φ k T Δ t \textbf Q_k\approx\boldsymbol\Phi_{k}\textbf{GQG}\boldsymbol\Phi_{k}^T\Delta t Qk≈ΦkGQGΦkTΔt
Matrix Q = Phi*G*state_server.continuous_noise_cov*
G.transpose()*Phi.transpose()*dtime;
state_server.state_cov.block<21, 21>(0, 0) =
Phi*state_server.state_cov.block<21, 21>(0, 0)*Phi.transpose() + Q;
c.对相机状态协方差的更新(之后补上)
a.根据imu数据的积分值和imu和相机之间的外参给相机状态(相对于世界坐标系的平移、旋转)赋值。
(32) G C q ˉ ^ = I C q ˉ ⊗ I G q ˉ ^ {}_G^C\hat{\bar{\textbf q}}={}_I^C\bar{\textbf q}\otimes{}_I^G\hat{\bar{\textbf q}} \tag{32} GCqˉ^=ICqˉ⊗IGqˉ^(32)
(33) G p ^ C = G p ^ I + C q ^ T I p C {}^G\hat{\textbf p}_C={}^G\hat{\textbf p}_I+C_{\hat{\textbf q}}^T{}^I\textbf p_C \tag{33} Gp^C=Gp^I+Cq^TIpC(33)
b.更新状态协方差矩阵(待详细推导)
a中得到了一个新的相机位姿,该相机位姿添加到状态向量中,对应的状态协方差矩阵也要进行相应的更新(augmented),设该相机位姿为第N+1个相机位姿,其对应的误差状态为:
(34) δ T C N + 1 ← G = ( δ θ C N + 1 ← G G p ~ C N + 1 ) \delta T_{C_{N+1}\leftarrow G}=\begin{pmatrix} \delta\boldsymbol{\theta}_{C_{N+1}\leftarrow G} \\ {}^G\tilde{\textbf p}_{C_{N+1}} \end{pmatrix} \tag{34} δTCN+1←G=(δθCN+1←GGp~CN+1)(34)
其中,
(35) exp ( δ θ C N + 1 ) \exp(\delta\boldsymbol{\theta_{C_{N+1}}}) \tag{35} exp(δθCN+1)(35)
(36) J = δ T C N + 1 ← G δ X ~ \textbf J=\frac{\delta T_{C_{N+1}\leftarrow G}}{\delta\tilde{\textbf X}} \tag{36} J=δX~δTCN+1←G(36)
更新后的状态协方差为:
P k ∣ k = ( I 6 N + 21 J ) P k ∣ k ( I 6 N + 21 J ) T = ( P k ∣ k PJ T PJ JPJ T ) \textbf P_{k|k} = \begin{pmatrix} \textbf I_{6N+21} \\ \textbf J \end{pmatrix} \textbf P_{k|k} \begin{pmatrix} \textbf I_{6N+21} \\ \textbf J \end{pmatrix}^T\\ =\begin{pmatrix} \textbf P_{k|k} & \textbf{PJ}^T\\ \textbf{PJ} & \textbf{JPJ}^T \end{pmatrix} Pk∣k=(I6N+21J)Pk∣k(I6N+21J)T=(Pk∣kPJPJTJPJT)
相机的误差状态与IMU的误差状态存在以下关系:
(37) δ θ C N + 1 = I C q ˉ δ θ I N + 1 \delta\boldsymbol{\theta}_{C_{N+1}} = {}_I^C\bar\textbf{q}\delta\boldsymbol\theta_{I_{N+1}} \tag{37} δθCN+1=ICqˉδθIN+1(37)
(38) G p ~ C N + 1 = G p ~ I N + 1 + G I N + 1 q ˉ ^ T ( I p C ) ∧ δ θ I N + 1 {}^G\tilde\textbf p_{C_{N+1}}={}^G\tilde\textbf p_{I_{N+1}}+{}_{G}^{I_{N+1}}\hat{\bar{\textbf q}}^T({}^I\textbf p_C)^{\land}\delta\boldsymbol\theta_{I_{N+1}} \tag{38} Gp~CN+1=Gp~IN+1+GIN+1qˉ^T(IpC)∧δθIN+1(38)
   ⟺    J 6 × ( 21 + 6 N ) = ( J I 6 × 21 0 6 × 6 N ) \iff\textbf J_{6\times(21+6N)}=\begin{pmatrix} \textbf J_{I6\times 21} & \textbf 0_{6\times 6N} \end{pmatrix} ⟺J6×(21+6N)=(JI6×2106×6N)
   ⟺    J I = ( C ( I C q ˉ ) 0 3 × 9 0 3 × 3 I 3 0 3 × 3 C q ^ T ( I p C ) ∧ 0 3 × 9 I 3 0 3 × 3 I 3 ) \iff\textbf J_I=\begin{pmatrix} C(_I^C\bar\textbf q) & \textbf 0_{3\times 9} & \textbf 0_{3\times 3} & \textbf I_3 & \textbf 0_{3\times 3}\\ C_{\hat\textbf q}^T({}^I\textbf p_C)^\land & \textbf 0_{3\times 9} & \textbf I_3 & \textbf 0_{3\times 3} & \textbf I_3 \end{pmatrix} ⟺JI=(C(ICqˉ)Cq^T(IpC)∧03×903×903×3I3I303×303×3I3)
此处 J I \textbf J_I JI跟论文里的推导有点区别,之后深究。
更新状态协方差矩阵后为了确保其对称,与他的转置求和,然后除以二:
P ← ( P + P T ) / 2 \textbf P\leftarrow(\textbf P+\textbf P^T)/2 P←(P+PT)/2
添加新特征、跟踪特征。
移除已经不再跟踪的特征点、进行measurement update
如果特征点仍然在跟踪,但是尚未初始化,就根据checkMotion和initializePosition来判断是否为无效点。
bool Feature::checkMotion(const CamStateServer& cam_states);
checkMotion主要是check第一次观测到某特征点时的相机位置和最后一次观测到该特征点时的相机位置(当前相机位置)是否存在足够的平移,主要判断下图红色线段长度是否超过阈值。
bool Feature::initializePosition(const CamStateServer& cam_states);
如果checkMotion返回真,则对特征点位置进行初始化。
算法中把计算特征点的3D坐标构建成了一个最小二乘问题,利用Levenberg-Marquart算法进行求解。再进行优化之前,首先要得到一个初始估计(initial guess)。
void Feature::generateInitialGuess(
const Eigen::Isometry3d& T_c1_c2, const Eigen::Vector2d& z1,
const Eigen::Vector2d& z2, Eigen::Vector3d& p)
// Generate initial guess
Eigen::Vector3d initial_position(0.0, 0.0, 0.0);
generateInitialGuess(cam_poses[cam_poses.size()-1], measurements[0],
measurements[measurements.size()-1], initial_position);
Eigen::Vector3d solution(
initial_position(0)/initial_position(2),
initial_position(1)/initial_position(2),
1.0/initial_position(2));
在计算初始估计时,取观测到该特征点的第一帧的左相机归一化坐标和观测到该特征点的最后一帧的右相机归一化坐标进行三角化来估计深度,通过足够大的平移来保证一个较高的精度。
接下来就是基于L-M算法的非线性优化,优化变量为:
x = ( x ˉ y ˉ ρ ) T \textbf x = \begin{pmatrix} \bar x & \bar y & \rho \end{pmatrix}^T x=(xˉyˉρ)T
其中 x ˉ , y ˉ \bar x, \bar y xˉ,yˉ是特征点的归一化坐标, ρ \rho ρ是逆深度。假设该特征点在第j帧图像的观测值的归一化坐标为 m j \textbf m_j mj,第j帧相机位姿相对于第一次观测到该特征点的相机的相对位姿为 R , t \textbf R,\textbf t R,t,则重投影误差为:
r = Rp + ρ t − m j = ( a 11 a 12 a 13 a 21 a 22 a 23 a 31 a 32 a 33 ) ( x ˉ y ˉ 1 ) + ρ ( t x t y t z ) − ( x ˉ m j y ˉ m j 1 ) \textbf r = \textbf{Rp}+\rho\textbf t - \textbf m_j\\ =\begin{pmatrix} a_{11} & a_{12} & a_{13}\\ a_{21} & a_{22} & a_{23}\\ a_{31} & a_{32} & a_{33} \end{pmatrix} \begin{pmatrix} \bar x\\ \bar y\\ 1 \end{pmatrix}+\rho \begin{pmatrix} t_x\\ t_y\\ t_z \end{pmatrix}- \begin{pmatrix} \bar x_{m_j}\\ \bar y_{m_j}\\ 1 \end{pmatrix} r=Rp+ρt−mj=⎝⎛a11a21a31a12a22a32a13a23a33⎠⎞⎝⎛xˉyˉ1⎠⎞+ρ⎝⎛txtytz⎠⎞−⎝⎛xˉmjyˉmj1⎠⎞
这里只取 r \textbf r r的前两维 r 2 × 1 = ( r x r y ) T \textbf r_{2\times 1}=\begin{pmatrix}r_x & r_y\end{pmatrix}^T r2×1=(rxry)T。=于是雅克比矩阵为:
J = ( d r x d x ˉ d r x d y ˉ d r x d ρ d r y d x ˉ d r y d y ˉ d r y d ρ ) \textbf J = \begin{pmatrix} \frac{dr_x}{d\bar x} & \frac{dr_x}{d\bar y} & \frac{dr_x}{d\rho}\\ \frac{dr_y}{d\bar x} & \frac{dr_y}{d\bar y} & \frac{dr_y}{d\rho} \end{pmatrix} J=(dxˉdrxdxˉdrydyˉdrxdyˉdrydρdrxdρdry)
其中,令
p ′ = Rp + ρ t = ( x ˉ ′ y ˉ ′ z ˉ ′ ) T \textbf p' = \textbf{Rp}+\rho\textbf t =\begin{pmatrix} \bar x' & \bar y' & \bar z' \end{pmatrix}^T p′=Rp+ρt=(xˉ′yˉ′zˉ′)T
则:
d r x d x ˉ = a 11 z ˉ ′ − a 31 z ˉ ′ z ˉ ′ 2 , d r x d y ˉ = a 12 z ˉ ′ − a 32 x ˉ ′ z ˉ ′ 2 , d r x d ρ = t x z ˉ ′ 2 − t z x ˉ ′ z ˉ ′ 2 d r y d x ˉ = a 21 z ˉ ′ − y ˉ ′ a 31 z ˉ ′ 2 , d r y d y ˉ = a 22 z ˉ ′ − a 32 y ˉ ′ z ˉ ′ 2 , d r y d ρ = t y z ˉ ′ − y ˉ ′ t z z ˉ ′ 2 \frac{dr_x}{d\bar x}=\frac{a_{11}\bar z'-a_{31}\bar z'}{\bar z'^2},\quad \frac{dr_x}{d\bar y}=\frac{a_{12}\bar z'-a_{32}\bar x'}{\bar z'^2},\quad \frac{dr_x}{d\rho}=\frac{t_x\bar z'^2-t_z\bar x'}{\bar z'^2}\\ \frac{dr_y}{d\bar x}=\frac{a_{21}\bar z'-\bar y'a_{31}}{\bar z'^2},\quad \frac{dr_y}{d\bar y}=\frac{a_{22}\bar z'-a_{32}\bar y'}{\bar z'^2},\quad \frac{dr_y}{d\rho}=\frac{t_y\bar z'-\bar y't_z}{\bar z'^2} dxˉdrx=zˉ′2a11zˉ′−a31zˉ′,dyˉdrx=zˉ′2a12zˉ′−a32xˉ′,dρdrx=zˉ′2txzˉ′2−tzxˉ′dxˉdry=zˉ′2a21zˉ′−yˉ′a31,dyˉdry=zˉ′2a22zˉ′−a32yˉ′,dρdry=zˉ′2tyzˉ′−yˉ′tz
代码中对于雅可比的计算位于函数
void Feature::jacobian(const Eigen::Isometry3d& T_c0_ci,
const Eigen::Vector3d& x, const Eigen::Vector2d& z,
Eigen::Matrix& J, Eigen::Vector2d& r,
double& w) const
其中计算雅克比部分的代码为
// Compute the Jacobian.
Eigen::Matrix3d W;
W.leftCols<2>() = T_c0_ci.linear().leftCols<2>();
W.rightCols<1>() = T_c0_ci.translation();
J.row(0) = 1/h3*W.row(0) - h1/(h3*h3)*W.row(2);
J.row(1) = 1/h3*W.row(1) - h2/(h3*h3)*W.row(2);
把上式稍作变换,我们就能得到与代码一致的形式:
( d r x d x ˉ d r x d y ˉ d r x d ρ ) = 1 z ˉ ′ ( a 11 a 12 t x ) − x ˉ ′ z ˉ ′ 2 ( a 31 a 32 t z ) ( d r y d x ˉ d r y d y ˉ d r y d ρ ) = 1 z ˉ ′ ( a 21 a 22 t y ) − y ˉ ′ z ˉ ′ 2 ( a 31 a 32 t z ) \begin{pmatrix} \frac{dr_x}{d\bar x} & \frac{dr_x}{d\bar y} & \frac{dr_x}{d\rho} \end{pmatrix}=\frac{1}{\bar z'}\begin{pmatrix} a_{11} & a_{12} & t_x \end{pmatrix}- \frac{\bar x'}{\bar z'^2}\begin{pmatrix} a_{31} & a_{32} & t_z \end{pmatrix}\\ \begin{pmatrix} \frac{dr_y}{d\bar x} & \frac{dr_y}{d\bar y} & \frac{dr_y}{d\rho} \end{pmatrix}= \frac{1}{\bar z'}\begin{pmatrix} a_{21} & a_{22} & t_y \end{pmatrix}- \frac{\bar y'}{\bar z'^2}\begin{pmatrix} a_{31} & a_{32} & t_z \end{pmatrix} (dxˉdrxdyˉdrxdρdrx)=zˉ′1(a11a12tx)−zˉ′2xˉ′(a31a32tz)(dxˉdrydyˉdrydρdry)=zˉ′1(a21a22ty)−zˉ′2yˉ′(a31a32tz)
然后根据误差来计算权值,如果误差小于一定值,则权值为1.0,若大于该值,根据huber核函数计算权值:
r = z_hat - z;
// Compute the weight based on the residual.
double e = r.norm();
if (e <= optimization_config.huber_epsilon)
w = 1.0;
else
w = optimization_config.huber_epsilon / (2*e);
然后基于L-M算法构建增量方程:
( A + λ I ) δ x = b (\textbf A+\lambda\textbf I)\delta\textbf x=\textbf b (A+λI)δx=b
λ \lambda λ的选择逻辑
代码中对于 λ \lambda λ取值十分清晰,直接把代码搬上来:
if (new_cost < total_cost)
{
is_cost_reduced = true;
solution = new_solution;
total_cost = new_cost;
lambda = lambda/10 > 1e-10 ? lambda/10 : 1e-10;
}
else
{
is_cost_reduced = false;
lambda = lambda*10 < 1e12 ? lambda*10 : 1e12;
}
其中 λ \lambda λ的初始值是1e-3。
该过程在一个循环中计算与每个特征点相关的雅可比矩阵和残差向量,然后拼成一个大的雅可比矩阵和残差向量,用于下一步的观测更新(measurement update)。
// This function computes the Jacobian of all measurements viewed
// in the given camera states of this feature.
void featureJacobian(const FeatureIDType& feature_id,
const std::vector& cam_state_ids,
Eigen::MatrixXd& H_x, Eigen::VectorXd& r);
该函数放在特征点的循环中执行,每次计算两个雅可比矩阵 H x j , H f i \textbf H_{x_j}, \textbf H_{f_i} Hxj,Hfi和残差向量 r j \textbf r_j rj,然后把雅可比矩阵和残差向量投影到 H f i \textbf H_{f_i} Hfi的零空间。
A. 计算 H x j 、 H f j \textbf H_{x_j}、\textbf H_{f_j} Hxj、Hfj和 r j \textbf r_j rj
这个过程也是放在一个循环中进行,把单个小的雅克比矩阵拼成一个稍大的雅克比矩阵。计算单个小的雅克比矩阵的函数为MsckfVio::measurementJacobian。它计算的是观测误差关于特征点3D坐标和一对相机状态向量的雅克比矩阵。相机i对特征点j的观测残差为:
r i j = z i j − z ^ i j = H C i j x ~ C i + H f i j G p ~ j + n i j \textbf r_i^j = \textbf z_i^j - \hat\textbf z_i^j = \textbf H_{C_i}^j\tilde\textbf x_{C_i} + \textbf H_{f_i}^j{}^G\tilde\textbf p_j + \textbf n_i^j rij=zij−z^ij=HCijx~Ci+HfijGp~j+nij
对应于论文的附录C中。即 H C i j \textbf H_{C_i}^j HCij和 H f i j \textbf H_{f_i}^j Hfij。
根据链式法则:
H C i j = ∂ z i j ∂ C i , 1 p j ⋅ ∂ C i , 1 p j ∂ x C i , 1 + ∂ z i j ∂ C i , 2 p j ⋅ ∂ C i , 2 p j ∂ x C i , 1 H f i j = ∂ z i j ∂ C i , 1 p j ⋅ ∂ C i , 1 p j ∂ G p j + ∂ z i j ∂ C i , 2 p j ⋅ ∂ C i , 2 p j ∂ G p j \textbf H_{C_i}^j = \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,1}}\textbf p_j}\cdot\frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial\textbf x_{C_{i,1}}} + \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,2}}\textbf p_j}\cdot\frac{\partial{}^{C_{i,2}}\textbf p_j}{\partial\textbf x_{C_{i,1}}}\\\\ \textbf H_{f_i}^j = \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,1}}\textbf p_j}\cdot\frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial{}^G\textbf p_j} + \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,2}}\textbf p_j}\cdot\frac{\partial{}^{C_{i,2}}\textbf p_j}{\partial{}^G\textbf p_j} HCij=∂Ci,1pj∂zij⋅∂xCi,1∂Ci,1pj+∂Ci,2pj∂zij⋅∂xCi,1∂Ci,2pjHfij=∂Ci,1pj∂zij⋅∂Gpj∂Ci,1pj+∂Ci,2pj∂zij⋅∂Gpj∂Ci,2pj
其中,
∂ z i j ∂ C i , 1 p j = 1 C i , 1 Z ^ j ( 1 0 − C i , 1 X ^ j C i , 1 Z ^ j 0 1 − C i , 1 Y ^ j C i , 1 Z ^ j 0 0 0 0 0 0 ) ∂ z i j ∂ C i , 2 p j = 1 C i , 2 Z ^ j ( 0 0 0 0 0 0 1 0 − C i , 2 X ^ j C i , 1 Z ^ j 0 1 − C i , 2 Y ^ j C i , 1 Z ^ j ) ∂ C i , 1 p j ∂ x C i , 1 = ( ⌊ C i , 1 p ^ j × ⌋ − C ( G C i , 1 q ^ ) ∂ C i , 1 p j ∂ G p j = C ( G C i , 1 q ^ ) ∂ C i , 2 p j ∂ x C i , 1 = C ( C i , 2 C i , 1 q ) ⊤ ( ⌊ C i , 1 p ^ j × ⌋ − C ( G C i , 1 q ^ ) ) ∂ C i , 2 p j ∂ G p j = C ( C i , 2 C i , 1 q ) ⊤ C ( G C i , 1 q ) \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,1}}\textbf p_j} = \frac{1}{{}^{C_{i,1}}\hat Z_j}\begin{pmatrix} 1 & 0 & -\frac{{}^{C_{i,1}}\hat X_j}{{}^{C_{i,1}}\hat Z_j}\\ 0 & 1 & -\frac{{}^{C_{i,1}}\hat Y_j}{{}^{C_{i,1}}\hat Z_j}\\ 0 & 0 & 0\\ 0 & 0 & 0 \end{pmatrix}\\\\ \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,2}}\textbf p_j} = \frac{1}{{}^{C_{i,2}}\hat Z_j}\begin{pmatrix} 0 & 0 & 0\\ 0 & 0 & 0\\ 1 & 0 & -\frac{{}^{C_{i,2}}\hat X_j}{{}^{C_{i,1}}\hat Z_j}\\ 0 & 1 & -\frac{{}^{C_{i,2}}\hat Y_j}{{}^{C_{i,1}}\hat Z_j} \end{pmatrix}\\ \frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial\textbf x_{C_{i,1}}} = \begin{pmatrix} \left\lfloor{}^{C_{i,1}}\hat\textbf p_{j\times}\right\rfloor & -C({}_{G}^{C_{i,1}}\hat\textbf q \end{pmatrix}\\ \frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial{}^G\textbf p_j} = C({}_{G}^{C_{i,1}}\hat\textbf q)\\ \frac{\partial{}^{C_{i,2}}\textbf p_j}{\partial\textbf x_{C_{i,1}}} = C({}_{C_{i,2}}^{C_{i,1}}\textbf q)^\top\begin{pmatrix} \left\lfloor{}^{C_{i,1}}\hat\textbf p_{j\times}\right\rfloor & -C({}_{G}^{C_{i,1}}\hat\textbf q)\end{pmatrix}\\ \frac{\partial{}^{C_{i,2}}\textbf p_j}{\partial{}^G\textbf p_j} = C({}_{C_{i,2}}^{C_{i,1}}\textbf q)^\top C({}_G^{C_{i,1}}\textbf q) ∂Ci,1pj∂zij=Ci,1Z^j1⎝⎜⎜⎜⎜⎛10000100−Ci,1Z^jCi,1X^j−Ci,1Z^jCi,1Y^j00⎠⎟⎟⎟⎟⎞∂Ci,2pj∂zij=Ci,2Z^j1⎝⎜⎜⎜⎜⎛0010000100−Ci,1Z^jCi,2X^j−Ci,1Z^jCi,2Y^j⎠⎟⎟⎟⎟⎞∂xCi,1∂Ci,1pj=(⌊Ci,1p^j×⌋−C(GCi,1q^)∂Gpj∂Ci,1pj=C(GCi,1q^)∂xCi,1∂Ci,2pj=C(Ci,2Ci,1q)⊤(⌊Ci,1p^j×⌋−C(GCi,1q^))∂Gpj∂Ci,2pj=C(Ci,2Ci,1q)⊤C(GCi,1q)
在代码里,为了保证观测约束,对雅可比进行了一定的调整:
这步目前还没整明白
// Modifty the measurement Jacobian to ensure
// observability constrain.
Matrix A = H_x;
Matrix u = Matrix::Zero();
u.block<3, 1>(0, 0) = quaternionToRotation(
cam_state.orientation_null) * IMUState::gravity;
u.block<3, 1>(3, 0) = skewSymmetric(
p_w-cam_state.position_null) * IMUState::gravity;
H_x = A - A*u*(u.transpose()*u).inverse()*u.transpose();
H_f = -H_x.block<4, 3>(0, 3);
// Compute the residual.
r = z - Vector4d(p_c0(0)/p_c0(2), p_c0(1)/p_c0(2),
p_c1(0)/p_c1(2), p_c1(1)/p_c1(2));
通过把对同一个特征点的观测叠加起来,可以得到特征点j的雅可比矩阵:
r j = H x j x ~ + H f j G p ~ j + n j \textbf r^j = \textbf H_{\textbf x}^j\tilde\textbf x + \textbf H_f^j{^G}\tilde\textbf p_j + \textbf n^j rj=Hxjx~+HfjGp~j+nj
B. 把雅可比和残差向量投影到 H f i \textbf H_f^i Hfi的零空间
由于当前形式的 r j \textbf r^j rj无法进行标准EKF更新,需要把它投影到 H f i \textbf H_f^i Hfi的零空间,得到
r 0 j = V ⊤ r j = V ⊤ H x j x ~ + V ⊤ n j = H x , 0 j x ~ + n 0 j \textbf r_0^j = \textbf V^\top\textbf r^j = \textbf V^\top\textbf H_{\textbf x}^j\tilde\textbf x + \textbf V^\top\textbf n^j = \textbf H_{\textbf x,0}^j\tilde\textbf x + \textbf n_0^j r0j=V⊤rj=V⊤Hxjx~+V⊤nj=Hx,0jx~+n0j
V ⊤ \textbf V^\top V⊤主要通过对 H f i \textbf H_f^i Hfi进行SVD分解得到:
// Project the residual and Jacobians onto the nullspace
// of H_fj.
JacobiSVD svd_helper(H_fj, ComputeFullU | ComputeThinV);
MatrixXd A = svd_helper.matrixU().rightCols(
jacobian_row_size - 3);
H_x = A.transpose() * H_xj;
r = A.transpose() * r_j;
那么这里有个问题,如果对单个双目观测的误差关于状态向量的雅可比进行投影,计算量更小,为什么不这样做呢?
论文的附录D向我们解释了原因,为了方便法表示,记以下符号为:
∂ z i j ∂ C i , 1 p j = ( J 1 0 ) , ∂ z i j ∂ C i , 1 p j = ( 0 J 2 ) ∂ C i , 1 p j ∂ x C i , 1 = ( H 1 ) , ∂ C i , 1 p j ∂ G p j = H 2 , C ( C i , 2 C i , 1 q ) = R \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,1}}\textbf p_j} = \begin{pmatrix} \textbf J_1\\ \textbf 0 \end{pmatrix}, \frac{\partial\textbf z_i^j}{\partial{}^{C_{i,1}}\textbf p_j} = \begin{pmatrix} \textbf 0\\ \textbf J_2 \end{pmatrix}\\ \frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial\textbf x_{C_{i,1}}} = \begin{pmatrix} \textbf H_1 \end{pmatrix}, \frac{\partial{}^{C_{i,1}}\textbf p_j}{\partial{}^G\textbf p_j} = \textbf H_2, C({}_{C_{i,2}}^{C_{i,1}}\textbf q) = \textbf R ∂Ci,1pj∂zij=(J10),∂Ci,1pj∂zij=(0J2)∂xCi,1∂Ci,1pj=(H1),∂Gpj∂Ci,1pj=H2,C(Ci,2Ci,1q)=R
于是有
H C i j = ( J 1 H 1 J 2 R ⊤ H 1 ) , H f i j = ( j 1 H 2 J 2 R ⊤ H 2 ) \textbf H_{C_i}^j = \begin{pmatrix} \textbf J_1\textbf H_1\\ \textbf J_2\textbf R^\top\textbf H_1 \end{pmatrix}, \textbf H_{f_i}^j = \begin{pmatrix} \textbf j_1\textbf H_2\\ \textbf J_2\textbf R^\top\textbf H_2 \end{pmatrix} HCij=(J1H1J2R⊤H1),Hfij=(j1H2J2R⊤H2)
设 v = ( v 1 ⊤ , v 2 ⊤ ) ⊤ ∈ R 4 \textbf v = (\textbf v_1^\top,\textbf v_2^\top)^\top \in \mathbb R^4 v=(v1⊤,v2⊤)⊤∈R4是 H f i j \textbf H_{f_i}^j Hfij的左零空间,于是有
v ⊤ H f i j = ( v 1 ⊤ J 1 + v 2 ⊤ J 2 R ⊤ ) H 2 = 0 \textbf v^\top\textbf H_{f_i}^j = (\textbf v_1^\top\textbf J_1 + \textbf v_2^\top\textbf J_2\textbf R^\top)\textbf H_2 = \textbf 0 v⊤Hfij=(v1⊤J1+v2⊤J2R⊤)H2=0
由于 H 2 = C ( G C i , 1 q ^ ) \textbf H_2 = C({}_G^{C_{i,1}}\hat\textbf q) H2=C(GCi,1q^)是一个旋转矩阵,它的秩等于3,因此 v 1 ⊤ J 1 + v 2 ⊤ J 2 R ⊤ = 0 \textbf v_1^\top\textbf J_1 + \textbf v_2^\top\textbf J_2\textbf R^\top = 0 v1⊤J1+v2⊤J2R⊤=0。有这个性质,就可以直接推出 v \textbf v v也是 H C i j \textbf H_{C_i}^j HCij的左零空间:
v ⊤ H C i j = ( v 1 ⊤ J 1 + v 2 ⊤ J 2 R ⊤ ) H 1 = 0 \textbf v^\top\textbf H_{C_i}^j = (\textbf v_1^\top\textbf J_1 + \textbf v_2^\top\textbf J_2\textbf R^\top)\textbf H_1 = 0 v⊤HCij=(v1⊤J1+v2⊤J2R⊤)H1=0
所以单独的一个双目观测不能用于EKF更新。
在把上一步得到的雅可比矩阵 H x , 0 j \textbf H_{\textbf x, 0}^j Hx,0j和残差向量叠 r 0 j \textbf r_0^j r0j叠加起来后,就得到了一个大的雅可比矩阵 H x , 0 \textbf H_{x,0} Hx,0和残差向量 r 0 \textbf r_0 r0,为了与代码中的变量保持一致,记为 H x \textbf H_x Hx和 r \textbf r r。
对应算法位于
void MsckfVio::measurementUpdate(const MatrixXd& H, const VectorXd& r)
由于 H x \textbf H_x Hx的维数较高,为了降低EKF更新的计算量,对 H x \textbf H_x Hx进行QR分解:
H x = ( Q 1 Q 2 ) ( T H 0 ) \textbf H_x = \begin{pmatrix} \textbf Q_1 &\textbf Q_2 \end{pmatrix} \begin{pmatrix} \textbf T_H \\ \textbf 0 \end{pmatrix} Hx=(Q1Q2)(TH0)
其中 Q 1 , Q 2 \textbf Q_1 ,\textbf Q_2 Q1,Q2是单位正交列向量组, T H \textbf T_H TH是上三角矩阵,于是
r = ( Q 1 Q 2 ) ( T H 0 ) x ~ + n ⇒ ( Q 1 ⊤ r Q 2 ⊤ r ) = ( T H 0 ) x ~ + ( Q 1 ⊤ n Q 2 ⊤ n ) \textbf r = \begin{pmatrix} \textbf Q_1 &\textbf Q_2 \end{pmatrix} \begin{pmatrix} \textbf T_H \\ \textbf 0 \end{pmatrix}\tilde\textbf x + \textbf n\\ \Rightarrow \begin{pmatrix} \textbf Q_1^\top\textbf r\\ \textbf Q_2^\top\textbf r \end{pmatrix} = \begin{pmatrix} \textbf T_H\\ \textbf 0 \end{pmatrix}\tilde\textbf x + \begin{pmatrix} \textbf Q_1^\top\textbf n\\ \textbf Q_2^\top\textbf n \end{pmatrix} r=(Q1Q2)(TH0)x~+n⇒(Q1⊤rQ2⊤r)=(TH0)x~+(Q1⊤nQ2⊤n)
从上式可以很清楚的看出,通过把残差投影到 T H \textbf T_H TH的基向量组 Q 1 \textbf Q_1 Q1上,可以保留观测的全部有效信息,残差项 Q 2 ⊤ r \textbf Q_2^\top\textbf r Q2⊤r仅仅是噪声,完全可以忽略,于是可以通过以下残差来进行EKF更新:
r ′ = Q 1 ⊤ r = T H x ~ + n ′ \textbf r' = \textbf Q_1^\top\textbf r = \textbf T_H\tilde\textbf x + \textbf n' r′=Q1⊤r=THx~+n′
计算卡尔曼增益:
K = P T H ⊤ ( T H P T H ⊤ + R ) − 1 \textbf K = \textbf P\textbf T_H^\top(\textbf T_H\textbf P\textbf T_H^\top + \textbf R)^{-1} K=PTH⊤(THPTH⊤+R)−1
于是状态向量的修正增量为:
Δ x = Kr \Delta\textbf x = \textbf K\textbf r Δx=Kr
然后更新协方差:
P k + 1 ∣ k + 1 = ( I ξ − KT H ) P k + 1 ∣ k ( I ξ − KT H ) ⊤ + KRK ⊤ \textbf P_{k+1|k+1} = (\textbf I_\xi - \textbf{KT}_H)\textbf P_{k+1|k}(\textbf I_\xi - \textbf{KT}_H)^\top + \textbf{KRK}^\top Pk+1∣k+1=(Iξ−KTH)Pk+1∣k(Iξ−KTH)⊤+KRK⊤
trick: 代码并没有严格按照公式来,而是做了一些调整
// Update state covariance.
MatrixXd I_KH = MatrixXd::Identity(K.rows(), H_thin.cols()) - K*H_thin;
//state_server.state_cov = I_KH*state_server.state_cov*I_KH.transpose() +
// K*K.transpose()*Feature::observation_noise;
state_server.state_cov = I_KH*state_server.state_cov;
// Fix the covariance to be symmetric
MatrixXd state_cov_fixed = (state_server.state_cov +
state_server.state_cov.transpose()) / 2.0;
state_server.state_cov = state_cov_fixed;
对应算法位于MsckfVio::pruneCamStateBuffer()。
对应代码位于MsckfVio::findRedundantCamStates。冗余相机位姿为与关键相机位姿相差小的位姿或者相机状态向量中靠前的位姿。把冗余相机位姿的id放在一个vector中并进行排序,输出。
如果查找到2个冗余相机位姿,则遍历这2个位姿产生共视的所有特征点构建特征雅可比矩阵,删除冗余相机位姿的观测,关于这些共视点和2个相机位姿进行EKF更新。
最后从相机状态向量里删除冗余相机位姿,删除状态协方差里关于冗余相机位姿的矩阵块。
位姿发布给ros进行显示。