动手实现LK光流特征点跟踪

光流

光流是一种像素随时间在图像之间运行的方法。视觉slam为了估计相机的运行,需要追踪像素中特征点的运行过程。其中,计算部分像素运行的称为稀疏光流(以Lucas-Kanada光流为代表)和稠密光流(以Horn-Schunck位移代表)。本文主要介绍并实现LK光流。


LK光流

原理简介

给定两幅图片,分别记为输入图片: I ( x ) I(\mathbf{x}) I(x),和模板图片: T ( x ) T(\mathbf{x}) T(x),其中 x = ( x , y ) T \mathbf{x}=(x, y)^{\mathrm{T}} x=(x,y)T为包含像素坐标的列向量。LK光流的目标是对模板图片中的每一个特征点计算相应的像素坐标位移: p \mathbf{p} p,使得 I ( x ) I(\mathbf{x}) I(x) T ( x ) T(\mathbf{x}) T(x)之间的像素灰度值最小:
∑ x [ I ( W ( x ; p ) ) − T ( x ) ] 2 (1) \sum_{\mathbf{x}}[I(\mathbf{W}(\mathbf{x} ; \mathbf{p}))-T(\mathbf{x})]^{2} \tag{1} x[I(W(x;p))T(x)]2(1)
其中 W ( x ; p ) \mathbf{W}(\mathbf{x} ; \mathbf{p}) W(x;p)表示对输入图片的变换,其中 p \mathbf{p} p即是我们要求解的位移向量:
W ( x ; p ) = ( x + p 1 y + p 2 ) (2) \mathbf{W}(\mathbf{x} ; \mathbf{p})=\left(\begin{array}{l}x+p_{1} \\ y+p_{2}\end{array}\right) \tag{2} W(x;p)=(x+p1y+p2)(2)
(注:也可以使用更为复杂的仿射变换实现图像转换,如式(3)所示)
W ( x ; p ) = ( ( 1 + p 1 ) ⋅ x + p 3 ⋅ y + p 5 p 2 ⋅ x + ( 1 + p 4 ) ⋅ y + p 6 ) (3) \mathbf{W}(\mathbf{x} ; \mathbf{p})=\left(\begin{array}{ccccc}\left(1+p_{1}\right) \cdot x & + & p_{3} \cdot y & + & p_{5} \\ p_{2} \cdot x & + & \left(1+p_{4}\right) \cdot y & + & p_{6}\end{array}\right) \tag{3} W(x;p)=((1+p1)xp2x++p3y(1+p4)y++p5p6)(3)

LK光流通常假设特征点周围窗口内的像素具有相同的运动,因此式(1)中的求和表示对特征点附近一个像素窗口内的像素值和模板图片对应像素区域的灰度误差求和的结果。

为了最小化式(1)的目标函数,我们采用迭代求解的方法,即:
Δ p = m i n ∑ x [ I ( W ( x ; p + Δ p ) ) − T ( x ) ] 2 (4) \Delta \mathbf{p} = min\sum_{\mathbf{x}}[I(\mathbf{W}(\mathbf{x} ; \mathbf{p}+\Delta \mathbf{p}))-T(\mathbf{x})]^{2} \tag{4} Δp=minx[I(W(x;p+Δp))T(x)]2(4)
并将像素位移的更新量 Δ p \Delta \mathbf{p} Δp叠加到当前的像素位移向量 p \mathbf{p} p上,即:
p ← p + Δ p (5) \mathbf{p} \leftarrow \mathbf{p} + \Delta \mathbf{p} \tag{5} pp+Δp(5)
如此不断迭代直到 p \mathbf{p} p收敛。

求解式(4)可以使用Gauss-Newton法。首先对 I ( W ( x ; p + Δ p ) I(\mathbf{W}(\mathbf{x} ; \mathbf{p}+\Delta \mathbf{p}) I(W(x;p+Δp)进行一阶线性展开,此时式(4)变为:

∑ x [ I ( W ( x ; p ) ) + ∇ I ∂ W ∂ p Δ p − T ( x ) ] 2 (6) \sum_{\mathbf{x}}\left[I(\mathbf{W}(\mathbf{x} ; \mathbf{p}))+\nabla I \frac{\partial \mathbf{W}}{\partial \mathbf{p}} \Delta \mathbf{p}-T(\mathbf{x})\right]^{2} \tag{6} x[I(W(x;p))+IpWΔpT(x)]2(6)
其中 ∇ I = ( ∂ I ∂ x , ∂ I ∂ y ) \nabla I=\left(\frac{\partial I}{\partial x}, \frac{\partial I}{\partial y}\right) I=(xI,yI)为输入图片 I ( x ) I(\mathbf{x}) I(x) W ( x ; p ) \mathbf{W}(\mathbf{x} ; \mathbf{p}) W(x;p)的梯度。 ∂ W ∂ p \frac{\partial \mathbf{W}}{\partial \mathbf{p}} pW为变换操作相对于位移向量的导数。(注:如果采用的变换操作为式(2),则 ∂ W ∂ p \frac{\partial \mathbf{W}}{\partial \mathbf{p}} pW等效为单位矩阵 I I I)对式(6)求关于 Δ p \Delta \mathbf{p} Δp的导数得到:

∑ x [ ∇ I ∂ W ∂ p ] T [ I ( W ( x ; p ) ) + ∇ I ∂ W ∂ p Δ p − T ( x ) ] (7) \sum_{\mathbf{x}}\left[\boldsymbol{\nabla} I \frac{\partial \mathbf{W}}{\partial \mathbf{p}}\right]^{\mathrm{T}}\left[I(\mathbf{W}(\mathbf{x} ; \mathbf{p}))+\boldsymbol{\nabla} I \frac{\partial \mathbf{W}}{\partial \mathbf{p}} \Delta \mathbf{p}-T(\mathbf{x})\right] \tag{7} x[IpW]T[I(W(x;p))+IpWΔpT(x)](7)

令式(7)等于0可得:
Δ p = H − 1 ∑ x [ ∇ I ∂ W ∂ p ] T [ T ( x ) − I ( W ( x ; p ) ) ] \Delta \mathbf{p}=H^{-1} \sum_{\mathbf{x}}\left[\boldsymbol{\nabla} I \frac{\partial \mathbf{W}}{\partial \mathbf{p}}\right]^{\mathrm{T}}[T(\mathbf{x})-I(\mathbf{W}(\mathbf{x} ; \mathbf{p}))] Δp=H1x[IpW]T[T(x)I(W(x;p))]

其中 H H H为海森矩阵的近似:
H = ∑ x [ ∇ I ∂ W ∂ p ] T [ ∇ I ∂ W ∂ p ] H=\sum_{\mathbf{x}}\left[\boldsymbol{\nabla} I \frac{\partial \mathbf{W}}{\partial \mathbf{p}}\right]^{\mathrm{T}}\left[\boldsymbol{\nabla} I \frac{\partial \mathbf{W}}{\partial \mathbf{p}}\right] H=x[IpW]T[IpW]


实验代码

代码中使用到图片的获取方式:https://github.com/gaoxiang12/slambook/tree/master/ch8/data

C++代码:

#include <iostream>
#include <fstream>
#include <list>
#include <vector>
#include <chrono>
using namespace std; 

#include <opencv2/core/core.hpp>
#include <opencv2/highgui/highgui.hpp>
#include <opencv2/features2d/features2d.hpp>
#include <opencv2/video/tracking.hpp>

#include <eigen3/Eigen/Eigen>

bool isIndexValid(cv::Mat image, int rowIndex, int colIndex)
{
    if (rowIndex >= 0 && rowIndex < image.rows && colIndex >= 0 && colIndex < image.cols)
    {
        return true;
    }
    return false;
}

void myCalcOpticalFlowLK(cv::Mat image1, cv::Mat image2,
                          vector<cv::Point2f> &prev_kp, vector<cv::Point2f> &next_kp,
                          vector<uchar> &status, int patch_size=21, int iteration=10)
{
    int i;
    double threshold = 0.5;
    cv::Mat image1_gray, image2_gray;
    cv::cvtColor(image1, image1_gray, cv::COLOR_BGR2GRAY);
    cv::cvtColor(image2, image2_gray, cv::COLOR_BGR2GRAY);
    status.reserve(prev_kp.size());

    for(i = 0; i < prev_kp.size(); i++)
    {
        uchar success = 1;
        Eigen::Vector2f p = Eigen::Vector2f::Zero();
        int x = prev_kp[i].x, y = prev_kp[i].y;
        Eigen::Vector2f delta_p = Eigen::Vector2f::Zero();

        for(int iter = 0; iter <= iteration; iter++)
        {
            Eigen::Matrix2f Hessian = Eigen::Matrix2f::Zero();
            Eigen::Vector2f err_total = Eigen::Vector2f::Zero();

            for(int x_step = -patch_size/2; x_step < patch_size/2; x_step++)
                for(int y_step = -patch_size/2; y_step < patch_size/2; y_step++)
                {
                    if(!isIndexValid(image1_gray, y + y_step, x + x_step) || !isIndexValid(image2_gray, y + y_step + p(1), x + x_step + p(0)))
                    {
                        continue;
                    }

                    float err = image1_gray.at<uchar>(y + y_step, x + x_step) - image2_gray.at<uchar>(y + y_step + p(1), x + x_step + p(0));
                    float jacob_x = 0.5 * ( image2_gray.at<uchar>(y + y_step + p(1), x + x_step + p(0) + 1) - image2_gray.at<uchar>(y + y_step + p(1), x + x_step + p(0) - 1));
                    float jacob_y = 0.5 * ( image2_gray.at<uchar>(y + y_step + p(1) + 1, x + x_step + p(0)) - image2_gray.at<uchar>(y + y_step + p(1) - 1, x + x_step + p(0)));
                    Eigen::Vector2f J(jacob_x, jacob_y);
                    err_total += J * err;
                    Hessian += J * J.transpose();
                }

            delta_p = Hessian.ldlt().solve(err_total);
            p += delta_p;

            if(delta_p.norm() < threshold)
            {
                break;
            }
        }

        next_kp.emplace_back(x + p(0), y + p(1));
        status[i] = 1;
    }
}


int main( int argc, char** argv )
{
    if ( argc != 2 )
    {
        cout<<"usage: useLK path_to_dataset"<<endl;
        return 1;
    }
    string path_to_dataset = argv[1];
    string associate_file = path_to_dataset + "/associate.txt";

    cout << "associate file is: " << associate_file << endl;
    
    ifstream fin( associate_file );
    if ( !fin ) 
    {
        cerr<<"I cann't find associate.txt!"<<endl;
        return 1;
    }
    
    string rgb_file, depth_file, time_rgb, time_depth;
    list< cv::Point2f > keypoints;      // 因为要删除跟踪失败的点,使用list
    cv::Mat color, depth, last_color;
    
    for ( int index=0; index<100; index++ )
    {
        fin >> time_rgb >> rgb_file >> time_depth >> depth_file;
        color = cv::imread( path_to_dataset + "/" + rgb_file );
        depth = cv::imread( path_to_dataset + "/" + depth_file, -1 );
        if (index ==0 )
        {
            // 对第一帧提取FAST特征点
            vector<cv::KeyPoint> kps;
            cv::Ptr<cv::FastFeatureDetector> detector = cv::FastFeatureDetector::create();
            detector->detect( color, kps );
            for ( auto kp:kps )
                keypoints.push_back( kp.pt );
            last_color = color;
            continue;
        }
        if ( color.data == nullptr || depth.data == nullptr )
            continue;
        // 对其他帧用LK跟踪特征点
        vector<cv::Point2f> next_keypoints; 
        vector<cv::Point2f> prev_keypoints;
        for ( auto kp:keypoints )
            prev_keypoints.push_back(kp);
        vector<unsigned char> status;
        vector<float> error;
        chrono::steady_clock::time_point t1 = chrono::steady_clock::now();
        myCalcOpticalFlowLK(last_color, color, prev_keypoints, next_keypoints, status);
//        cv::calcOpticalFlowPyrLK( last_color, color, prev_keypoints, next_keypoints, status, error );
        chrono::steady_clock::time_point t2 = chrono::steady_clock::now();
        chrono::duration<double> time_used = chrono::duration_cast<chrono::duration<double>>( t2-t1 );
        cout<<"LK Flow use time:"<<time_used.count()<<" seconds."<<endl;
        // 把跟丢的点删掉
        int i=0; 
        for ( auto iter = keypoints.begin(); iter != keypoints.end(); i++)
        {
            if ( status[i] == 0 )
            {
                iter = keypoints.erase(iter);
                continue;
            }
            *iter = next_keypoints[i];
            iter++;
        }
        cout << "tracked keypoints: " << keypoints.size() << endl;
        if (keypoints.size() == 0)
        {
            cout << "all keypoints are lost." << endl;
            break;
        }
        // 绘制特征点和光流线段
        for (int j = 0; j < prev_keypoints.size(); j++)
        {
            if (status[j])
            {
                cv::line(last_color, prev_keypoints[j], next_keypoints[j], cv::Scalar(255, 0, 0), 2);
                cv::circle(last_color, prev_keypoints[j], 3, cv::Scalar(0, 0, 255), -1);
            }
        }

        // 显示结果图像
        cv::imshow("Optical Flow", last_color);
        cv::waitKey(0);
        last_color = color;
    }
    return 0;
}

CMakeLists.txt:

cmake_minimum_required( VERSION 2.8 )
project(LKOptical)

set( CMAKE_BUILD_TYPE Debug )

find_package(Eigen3 REQUIRED)
find_package(OpenCV REQUIRED)
include_directories( ${OpenCV_INCLUDE_DIRS} )
include_directories( ${EIGEN3_INCLUDE_DIRS} )

add_executable(LKOptical useLK.cpp)
target_link_libraries(LKOptical ${OpenCV_LIBS})

输出结果

请添加图片描述
请添加图片描述

  • 0
    点赞
  • 4
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值