Click here to Skip to main content
15,860,861 members
Articles / Programming Languages / C
Article

Image Alignment Algorithms

Rate me:
Please Sign up or sign in to vote.
4.83/5 (57 votes)
7 Aug 2008CPOL11 min read 305K   17K   187   41
Implementing the Lucas-Kanade and Baker-Dellaert-Matthews image alignment algorithms.

demo_src

Introduction

To learn what's new in the latest article update please see History.

Image alignment is the process of matching one image called template (let's denote it as T) with another image, I (see the above figure). There are many applications for image alignment, such as tracking objects on video, motion analysis, and many other tasks of computer vision.

In 1981, Bruse D. Lucas and Takeo Kanade proposed a new technique that used image intensity gradient information to search for the best match between a template T and another image I. The proposed algorithm has been widely used in the field of computer vision for the last 20 years, and has had many modifications and extensions. One of such modifications is an algorithm proposed by Simon Baker, Frank Dellaert, and Iain Matthews. Their algorithm is much more computationally effective than the original Lucas-Kanade algorithm.

In the Lucas-Kanade 20 Years On: A Unifying Framework series of articles, Baker and Matthews try to classify image alignment algorithms and divide them into two categories: forwards and inverse, depending on the role of the template T. Also, they classify algorithms as additive or compositional, depending on whether the warp is updated by adding parameters increment or by composing transformation matrices. Following this classification, the Lucas-Kanade algorithm should be called a forwards additive algorithm, and the Baker-Dellaert-Matthews algorithm should be called an inverse compositional algorithm.

In this article, we will implement these two algorithms in C language using the Intel OpenCV open-source computer vision library as the base for our implementation. We also will try to compare these two algorithms, and will see which one is faster.

Why is this article needed? First of all, after writing this article, I have a better understanding of image alignment algorithms myself (at least I hope so). There are a lot of articles that provide tons of information on image alignment. Most of them are oriented on advanced readers, not on beginners. Among those articles, I've found several ones that, from my point of view, describe difficult things more simply. But what I really missed is code examples to experiment with. So, the other two purposes of this article are a relatively simple explaination of how image alignment works and providing sample source code.

Who will be interested in reading this? I think, if you remember some mathematics from your university program, are familiar with C or C++, interested in learning how to track an object on video, and have a little patience, you can read this.

Compiling Example Code

It is very easy to run the sample – just download demo_binary.zip and run the executable file.

But to experiment with the code, you will need to compile it yourself. First of all, you need Visual Studio .NET 2005 to be installed. Visual C++ Express Edition also fits our needs.

The next step is to download and install the OpenCV library from here. Download OpenCV_1.0.exe and run it on your computer.

And at last, you need to configure your Visual Studio as follows:

  • In the Visual Studio main window, choose the Tools -> Options... menu item, then click the Projects and Solutions -> VC++ Directories tree item.
  • In the 'Show directories for..' combo box, select 'Library Files'. Add the following line to the list below:
  • C:\Program Files\OpenCV\lib
  • In the 'Show directories for..' combo box, select 'Include Files'. Add the following lines to the list below:
  • C:\Program Files\OpenCV\cv\include
    C:\Program Files\OpenCV\cxcore\include
    C:\Program Files\OpenCV\otherlibs\highgui

That's all! Now you can open align_demo.sln, compile, and run it.

Some words about the structure of the sample project.

The auxfunc.h and auxfunc.cpp contain auxiliary image warping functions. The forwadditive.h and forwadditive.cpp files contain an implementation of the Lucas-Kanade algorithm. The invcomp.h and invcomp.cpp contain an implementation of the inverse compositional algorithm. And, the main.cpp contains the main function.

What does it do?

Saying in a few words, this program tries to align the template (the small butterfly image) with the big image (butterfly on the flower). It is not limited to using a butterfly as the template. For example, you can use a face image as a template and determine where the face moves on the next frame of the video sequence.

During the process of alignment, we perform warping operations on the template. We assume that there are three allowed operations: in-plane rotation of the template, and its 2D translation in X and Y directions. These operations are called the allowed set of warps.

We define the allowed set of warps by defining the warp matrix, ImgAlign2_html_m3845b468.gif. The matrix W depends on the vector of parameters, p=(wz, tx, ty). Here tx and ty are translation components and wz is the rotation component.

It is even possible to use much more complex sets of warps, for example 3D translation and rotation, scaling, and so on. But, here we use a relatively simple set of warps for simplicity.

Now, about the logic of the application.

  1. After you compile and run the demo, you will see a console window, where we will display the diagnostic information. Enter the components of the vector p=(wz, tx, ty).
  2. After that, you can see two windows containing the template T and the incoming image I. You also can see a white rectangle on the image I. It is an initial approximation of the butterfly's position. We just assume that the butterfly is somewhere near that area.
  3. Press any key to start the Lucas-Kanade image alignment algorithm. This algorithm tries to search where the butterfly is located, iteratively minimizing the difference between the template and the image I. In the console window, you will see how it works. You can see the current iteration number, parameter increments, and the mean error value.
  4. After the process of error minimization converges, the summary is written to the console. The summary includes the algorithm name, the calculation time, the resulting mean error ImgAlign2_html_580a2e8b.gif, and the parameters approximation. You can also see the white rectangle that displays how the template is aligned on the image I.
  5. Now, press any key to run the same process, but using an inverse compositional image alignment algorithm. You can see the current iteration number and the mean error value.
  6. The summary is displayed for the inverse compositional algorithm. Press any key to exit the program.

Let's see the contents of main.cpp:

C++
// Our plan:
// 
// 1. Ask user to enter image warp parameter vector p=(wz, tx, ty)
// 2. Define our template rectangle to be bounding rectangle of the butterfly
// 3. Warp image I with warp matrix W(p)
// 4. Show template T and image I, wait for a key press
// 5. Estimate warp parameters using Lucas-Kanade method, wait for a key press
// 6. Estimate warp parameters using Baker-Dellaert-Matthews, wait for a key press
//

int main(int argc, char* argv[])
{
 // Ask user to enter image warp paremeters vector.
 // p = (wz, tx, ty)
 
 float WZ=0, TX=0, TY=0;
 printf("Please enter WZ, TX and TY, separated by space.\n");
 printf("Example: -0.01 5 -3\n");
 printf(">");
 scanf("%f %f %f", &WZ, &TX, &TY);

In OpenCV, we will store our images in the IplImage structure, so here we define the pointers to our images and initially set them with zeros.

C++
// Here we will store our images.
IplImage* pColorPhoto = 0; // Photo of a butterfly on a flower.
IplImage* pGrayPhoto = 0; // Grayscale copy of the photo.
IplImage* pImgT = 0; // Template T.
IplImage* pImgI = 0; // Image I.

In OpenCV, matrices are stored in CvMat structures. Let's define a pointer to our warp matrix W, and initialize it with zero.

C++
// Here we will store our warp matrix.
CvMat* W = 0; // Warp W(p)

Now, create two windows for the template T and for the image I. OpenCV has the basic support for the GUI. The GUI support is implemented as a part of OpenCV called the highgui library. The cvLoadImage() function allows to load an image from a JPG file.

Now, allocate memory for the images using the cvCreateImage() function. The first parameter is the size of the image in pixels, the second one is the depth, and the third is the number of channels. RGB images have a depth IPL_DEPTH_8U and three channels. IPL_DEPTH_8U means to use an unsigned char as the image element. IPL_DEPTH_16S means to use a short int as the image element.

We also need to convert our photo to gray-scale format, because image alignment algorithms work with gray-scale images only.

C++
// Create two simple windows.
cvNamedWindow("template"); // Here we will display T(x).
cvNamedWindow("image"); // Here we will display I(x).

// Load photo.
pColorPhoto = cvLoadImage("..\\data\\photo.jpg");

// Create other images.
CvSize photo_size = cvSize(pColorPhoto->width,pColorPhoto->height);
pGrayPhoto = cvCreateImage(photo_size, IPL_DEPTH_8U, 1);
pImgT = cvCreateImage(photo_size, IPL_DEPTH_8U, 1);
pImgI = cvCreateImage(photo_size, IPL_DEPTH_8U, 1);

// Convert photo to grayscale, because we need intensity values instead of RGB.
cvCvtColor(pColorPhoto, pGrayPhoto, CV_RGB2GRAY);

Now, let's allocate memory for our warp matrix W using the cvCreateMat() function. The first two parameters define the matrix size (3x3) and the last one is the type of the matrix element. CV_32F means we will use float as the matrix element type.

C++
// Create warp matrix, we will use it to create image I.
W = cvCreateMat(3, 3, CV_32F);

Let's define what template we will use. We define the omega rectangle which denotes the butterfly's position.

C++
// Create template T
// Set region of interest to butterfly's bounding rectangle.
cvCopy(pGrayPhoto, pImgT);
CvRect omega = cvRect(110, 100, 200, 150);

Let's define what image I we will use, by slightly warping the template.

C++
// Create I by warping photo.
init_warp(W, WZ, TX, TY);
warp_image(pGrayPhoto, pImgI, W);

// Draw the initial template position approximation rectangle.
cvSetIdentity(W);
draw_warped_rect(pImgI, omega, W);

// Show T and I and wait for key press.
cvSetImageROI(pImgT, omega);
cvShowImage("template", pImgT);
cvShowImage("image", pImgI);
printf("Press any key to start Lucas-Kanade algorithm.\n");
cvWaitKey(0);
cvResetImageROI(pImgT);

// Print what parameters were entered by user.
printf("==========================================================\n");
printf("Ground truth: WZ=%f TX=%f TY=%f\n", WZ, TX, TY);
printf("==========================================================\n");

init_warp(W, WZ, TX, TY);

Run the Lucas-Kanade algorithm:

C++
// Restore image I
warp_image(pGrayPhoto, pImgI, W);

/* Lucas-Kanade */
align_image_forwards_additive(pImgT, omega, pImgI);

Now, wait for a key press and run the inverse compositional algorithm:

C++
// Restore image I
warp_image(pGrayPhoto, pImgI, W);

printf("Press any key to start Baker-Dellaert-Matthews algorithm.\n");
cvWaitKey();

/* Baker-Dellaert-Matthews*/
align_image_inverse_compositional(pImgT, omega, pImgI);

Wait for a key press, release all the used resources, and exit.

C++
 printf("Press any key to exit the demo.\n");
 cvWaitKey();

 // Release all used resources and exit
 cvDestroyWindow("template");
 cvDestroyWindow("image");
 cvReleaseImage(&pImgT);
 cvReleaseImage(&pImgI);
 cvReleaseMat(&W);
 
 return 0;
}

Implementing the Forwards Additive Algorithm

Now, we will describe in detail how the Lucas-Kanade algorithm is implemented. As Baker and Matthews say, a forwards additive algorithm consists of the following steps:

Pre-compute:

  1. Compute the gradient image_alignment_html_m598b0001.gifof image I.

Iterate:

  1. Warp I with W(x;p) to compute I(W(x,p)).
  2. Compute the error image T(x) – I(W(x;p)).
  3. Warp the gradient image_alignment_html_m598b0001.gifwith W(x;p).
  4. Evaluate the Jacobian image_alignment_html_4f527f32.gif at (x;p).
  5. Compute the steepest descent images image_alignment_html_22a3dc10.gif.
  6. Compute the Hessian matrix image_alignment_html_m6b25ac04.gif
  7. Compute image_alignment_html_5df3d3fb.gif
  8. Compute image_alignment_html_18ab0344.gif
  9. Update the parameters: image_alignment_html_2870ad92.gif

until image_alignment_html_m5bba6f82.gif.

Let's implement this algorithm (see forwadditive.h and forwadditive.cpp).

First of all, let's include the headers for the functions we will use.

C++
#include <stdio.h> 
#include <time.h> 
#include <cv.h> // Include header for computer-vision part of OpenCV.
#include <highgui.h> // Include header for GUI part of OpenCV. 
#include "auxfunc.h" // Header for our warping functions. 

Let's define the function that will implement the forwards additive (Lucas-Kanade) algorithm. The template image pImgT, the template bounding rectangle omega, and another image pImgI represent the parameters for the algorithm. In OpenCV, the images are stored as IplImage structures, and a rectangle can be defined using the CvRect structure.

C++
// Lucas-Kanade method
// @param[in] pImgT Template image T
// @param[in] omega Rectangular template region
// @param[in] pImgI Another image I

void align_image_forwards_additive(IplImage* pImgT, CvRect omega, IplImage* pImgI)
{
 // Some constants for iterative minimization process.
 const float EPS = 1E-5f; // Threshold value for termination criteria.
 const int MAX_ITER = 100; // Maximum iteration count.

In OpenCV, we will store our images in the IplImage structure, so here we define the pointers to our images and initially set them with zeros.

C++
// Here we will store gradient images.
IplImage* pGradIx = 0; // Gradient of I in X direction.
IplImage* pGradIy = 0; // Gradient of I in Y direction.

Also, we will need to use matrices. In OpenCV, matrices are stored in CvMat structures.

C++
// Here we will store matrices.
CvMat* W = 0; // Current value of warp W(x,p)
CvMat* H = 0; // Hessian
CvMat* iH = 0; // Inverse of Hessian
CvMat* b = 0; // Vector in the right side of the system of linear equations.
CvMat* delta_p = 0; // Parameter update value.
CvMat* X = 0; // Point in coordinate frame of T.
CvMat* Z = 0; // Point in coordinate frame of I.

Now, let's allocate memory for our matrices using the cvCreateMat() function. The first two parameters define the matrix size (3x3 or 3x1), and the last one is the type of the matrix element. CV_32F means we will use float as the matrix element type.

C++
// Create matrices.
W = cvCreateMat(3, 3, CV_32F);
H = cvCreateMat(3, 3, CV_32F);
iH = cvCreateMat(3, 3, CV_32F);
b = cvCreateMat(3, 1, CV_32F);
delta_p = cvCreateMat(3, 1, CV_32F);
X = cvCreateMat(3, 1, CV_32F);
Z = cvCreateMat(3, 1, CV_32F);

Allocate memory for images using the cvCreateImage() function. The first parameter is the size of image in pixels, the second one is the depth, and the third is the number of channels. Gray-scale images have a depth IPL_DEPTH_8U and one channel. IPL_DEPTH_16S means to use short int as the image element.

C++
// Create gradient images.
CvSize image_size = cvSize(pImgI->width, pImgI->height);
pGradIx = cvCreateImage(image_size, IPL_DEPTH_16S, 1);
pGradIy = cvCreateImage(image_size, IPL_DEPTH_16S, 1);

Save the current time:

C++
// Get current time. We will use it later to obtain total calculation time.
clock_t start_time = clock();

Pre-compute the image gradient image_alignment_html_m598b0001.gif. Note that cvSobel() function produces an enhanced image gradient (becase we use 3x1 or 1x3 Gaussian kernel), so we should call cvConvertScale() to normalize the gradient image.

C++
/*
* Precomputation stage.
*/

// Calculate gradient of I.
cvSobel(pImgI, pGradIx, 1, 0); // Gradient in X direction
cvConvertScale(pGradIx, pGradIx, 0.125); // Normalize
cvSobel(pImgI, pGradIy, 0, 1); // Gradient in Y direction
cvConvertScale(pGradIy, pGradIy, 0.125); // Normalize

Enter an iteration loop. Iterate until the converged or maximum iteration count is reached:

C++
/*
* Iteration stage.
*/

// Here we will store parameter approximation.
float wz_a=0, tx_a=0, ty_a=0;

// Here we will store mean error value.
float mean_error=0;

// Iterate
int iter=0; // number of current iteration
while(iter < MAX_ITER)
{
  iter++; // Increment iteration counter

  mean_error = 0; // Set value of mean error with zero.

  int pixel_count=0; // Count of processed pixels

Init warp W(x,p) and set the Hessian matrix with zeros:

C++
 init_warp(W, wz_a, tx_a, ty_a); // Init warp W(x, p)
 cvSet(H, cvScalar(0)); // Set Hessian with zeroes
 cvSet(b, cvScalar(0)); // Set b matrix with zeroes

 // (u,v) - pixel coordinates in the coordinate frame of T.
 int u, v;

 // Walk through pixels in the template T.
 int i, j;
 for(i=0; i<omega.width; i++)
 {
   u = i + omega.x;

   for(j=0; j<omega.height; j++)
   {
     v = j + omega.y;

     // Set vector X with pixel coordinates (u,v,1)
     SET_VECTOR(X, u, v);

     // Warp Z=W*X
     cvGEMM(W, X, 1, 0, 0, Z);

     // (u2,v2) - pixel coordinates in the coordinate frame of I.
     float u2, v2;

     // Get coordinates of warped pixel in coordinate frame of I.
     GET_VECTOR(Z, u2, v2);

     // Get the nearest integer pixel coords (u2i;v2i).
     int u2i = cvFloor(u2);
     int v2i = cvFloor(v2);

     if(u2i>=0 && u2i<pImgI->width && // check if pixel is inside I.
        v2i>=0 && v2i<pImgI->height)
     {
       pixel_count++;

       // Evaluate gradient of I at W(x,p) with subpixel accuracy
       // using bilinear interpolation.
       float Ix = interpolate<short>(pGradIx, u2, v2);
       float Iy = interpolate<short>(pGradIy, u2, v2);

       // Calculate steepest descent image's element.
       float stdesc[3]; // an element of steepest descent image
       stdesc[0] = (float)(-v*Ix+u*Iy);
       stdesc[1] = (float)Ix;
       stdesc[2] = (float)Iy;

   // Calculate intensity of a transformed pixel with sub-pixel accuracy
       // using bilinear interpolation.
   float I2 = interpolate<uchar>(pImgI, u2, v2);

   // Calculate image difference D = T(x)-I(W(x,p)).
   float D = CV_IMAGE_ELEM(pImgT, uchar, v, u) - I2;

   // Update mean error value.
   mean_error += fabs(D);

       // Add a term to b matrix.
       float* pb = &CV_MAT_ELEM(*b, float, 0, 0);
       pb[0] += stdesc[0] * D;
       pb[1] += stdesc[1] * D;
       pb[2] += stdesc[2] * D;

      // Add a term to Hessian.
      int l,m;
      for(l=0;l<3;l++)
      {
        for(m=0;m<3;m++)
        {
          CV_MAT_ELEM(*H, float, l, m) += stdesc[l]*stdesc[m];
        }
      }
    }
  }
}

// Finally, calculate resulting mean error.
if(pixel_count!=0)
   mean_error /= pixel_count;

Invert the Hessian matrix:

// Invert Hessian.
double inv_res = cvInvert(H, iH);
if(inv_res==0)
{
  printf("Error: Hessian is singular.\n");
  return;
}

Update parameters: image_alignment_html_2870ad92.gif:

C++
 // Find parameter increment.
 cvGEMM(iH, b, 1, 0, 0, delta_p);
 float delta_wz = CV_MAT_ELEM(*delta_p, float, 0, 0);
 float delta_tx = CV_MAT_ELEM(*delta_p, float, 1, 0);
 float delta_ty = CV_MAT_ELEM(*delta_p, float, 2, 0);

 // Update parameter vector approximation.
 wz_a += delta_wz;
 tx_a += delta_tx;
 ty_a += delta_ty;

 // Print diagnostic information to screen.
 printf("iter=%d dwz=%f dtx=%f dty=%f mean_error=%f\n",
   iter, delta_wz, delta_tx, delta_ty, mean_error);

 // Check termination critera.
 if(fabs(delta_wz)<EPS && fabs(delta_tx)<EPS && fabs(delta_ty)<EPS) break;
}

Show the results of the alignment:

C++
// Get current time and obtain total time of calculation.
clock_t finish_time = clock();
double total_time = (double)(finish_time-start_time)/CLOCKS_PER_SEC;

// Print summary.
printf("===============================================\n");
printf("Algorithm: forward additive.\n");
printf("Caclulation time: %g sec.\n", total_time);
printf("Iteration count: %d\n", iter);
printf("Approximation: wz_a=%f tx_a=%f ty_a=%f\n", wz_a, tx_a, ty_a);
printf("Epsilon: %f\n", EPS);
printf("Resulting mean error: %f\n", mean_error);
printf("===============================================\n");

// Show result of image alignment.
init_warp(W, wz_a, tx_a, ty_a);
draw_warped_rect(pImgI, omega, W);
cvSetImageROI(pImgT, omega);
cvShowImage("template",pImgT);
cvShowImage("image",pImgI);
cvResetImageROI(pImgT);

Now, free all the used resources:

 // Free used resources and exit.
 cvReleaseMat(&W);
 cvReleaseMat(&H);
 cvReleaseMat(&iH);
 cvReleaseMat(&b);
 cvReleaseMat(&delta_p);
 cvReleaseMat(&X);
 cvReleaseMat(&Z);
}

Implementing an Inverse Compositional Image Alignment Algorithm

In an inverse compositional algorithm, the template T and the image I revert their roles.

Pre-compute:

  1. Evaluate the gradient image_alignment_html_4379c5d7.gifof image T(x).
  2. Evaluate the Jacobian image_alignment_html_4f527f32.gif at (x;0).
  3. Compute the steepest descent images, image_alignment_html_m6756b02.gif.
  4. Compute the Hessian matrix, image_alignment_html_452f3355.gif

Iterate:

  1. Warp I with W(x;p) to compute I(W(x,p)).
  2. Compute the error image I(W(x;p))-T(x).
  3. Warp the gradient image_alignment_html_4379c5d7.gif with W(x;p).
  4. Compute image_alignment_html_27769a2b.gif
  5. Compute image_alignment_html_21c3f15.gif
  6. Update the parameters image_alignment_html_6f8917b1.gif

until image_alignment_html_m5bba6f82.gif.

The code of this method is located in invcomp.h and invcomp.cpp. Let's see what invcomp.cpp contains.

Include all required headers:

C++
#include <stdio.h>
#include <time.h>
#include <cv.h>        // Include header for computer-vision part of OpenCV.
#include <highgui.h>    // Include header for GUI part of OpenCV.
#include "auxfunc.h"    // Header for our warping functions.

Here we have implementation of Baker-Dellaert-Matthews (inverse-compositional) algorithm:

C++
// Baker-Dellaert-Matthews inverse compositional method
// @param[in] pImgT   Template image T
// @param[in] omega   Rectangular template region
// @param[in] pImgI   Another image I

void align_image_inverse_compositional(IplImage* pImgT, CvRect omega, IplImage* pImgI)
{
    // Some constants for iterative minimization process.
    const float EPS = 1E-5f; // Threshold value for termination criteria.
    const int MAX_ITER = 100;  // Maximum iteration count.

Create all matrices and images used internally:

C++
// Here we will store internally used images.
IplImage* pGradTx = 0;       // Gradient of I in X direction.
IplImage* pGradTy = 0;       // Gradient of I in Y direction.
IplImage* pStDesc = 0;        // Steepest descent images.

// Here we will store matrices.
CvMat* W = 0;  // Current value of warp W(x,p)
CvMat* dW = 0;  // Warp update.
CvMat* idW = 0; // Inverse of warp update.
CvMat* X = 0;  // Point in coordinate frame of T.
CvMat* Z = 0;  // Point in coordinate frame of I.

CvMat* H = 0;  // Hessian.
CvMat* iH = 0; // Inverse of Hessian.
CvMat* b = 0;  // Vector in the right side of the system of linear equations.
CvMat* delta_p = 0; // Parameter update value.

// Create matrices.
W = cvCreateMat(3, 3, CV_32F);
dW = cvCreateMat(3, 3, CV_32F);
idW = cvCreateMat(3, 3, CV_32F);
X = cvCreateMat(3, 1, CV_32F);
Z = cvCreateMat(3, 1, CV_32F);

H = cvCreateMat(3, 3, CV_32F);
iH = cvCreateMat(3, 3, CV_32F);
b = cvCreateMat(3, 1, CV_32F);
delta_p = cvCreateMat(3, 1, CV_32F);

IPL_DEPTH_16S means to use short as gradient image element. Here we use short, because cvSobel produces not normalized image, and uchar overflow may occur. To normalize the gradient image we use cvConvertScale().

C++
// Create images.
CvSize image_size = cvSize(pImgI->width, pImgI->height);
pGradTx = cvCreateImage(image_size, IPL_DEPTH_16S, 1);
pGradTy = cvCreateImage(image_size, IPL_DEPTH_16S, 1);
pStDesc = cvCreateImage(image_size, IPL_DEPTH_32F, 3);

// Get current time. We will use it later to obtain total calculation time.
clock_t start_time = clock();

/*
 *  Precomputation stage.
 */

// Calculate gradient of T.
cvSobel(pImgT, pGradTx, 1, 0); // Gradient in X direction
cvConvertScale(pGradTx, pGradTx, 0.125); // Normalize
cvSobel(pImgT, pGradTy, 0, 1); // Gradient in Y direction
cvConvertScale(pGradTy, pGradTy, 0.125); // Normalize


// Compute steepest descent images and Hessian

cvSet(H, cvScalar(0)); // Set Hessian with zeroes

Now walk through pixels of template image pImgT and accumulate the Hessian matrix H and matrix b:

C++
int u, v;    // (u,v) - pixel coordinates in the coordinate frame of T.
float u2, v2; // (u2,v2) - pixel coordinates in the coordinate frame of I.

// Walk through pixels in the template T.
int i, j;
for(i=0; i<omega.width; i++)
{
    u = i + omega.x;

    for(j=0; j<omega.height; j++)
    {
        v = j + omega.y;

        // Evaluate gradient of T.
        short Tx = CV_IMAGE_ELEM(pGradTx, short, v, u);
        short Ty = CV_IMAGE_ELEM(pGradTy, short, v, u);

        // Calculate steepest descent image's element.
        // an element of steepest descent image
        float* stdesc = &CV_IMAGE_ELEM(pStDesc, float, v,u*3);
        stdesc[0] = (float)(-v*Tx+u*Ty);
        stdesc[1] = (float)Tx;
        stdesc[2] = (float)Ty;

        // Add a term to Hessian.
        int l,m;
        for(l=0;l<3;l++)
        {
            for(m=0;m<3;m++)
            {
                CV_MAT_ELEM(*H, float, l, m) += stdesc[l]*stdesc[m];
            }
        }
    }
}

// Invert Hessian.
double inv_res = cvInvert(H, iH);
if(inv_res==0)
{
    printf("Error: Hessian is singular.\n");
    return;
}

Now enter iteration loop to minimize the value of mean error.

C++
/*
 *   Iteration stage.
 */

// Set warp with identity.
cvSetIdentity(W);

// Here we will store current value of mean error.
float mean_error=0;

// Iterate
int iter=0; // number of current iteration
while(iter < MAX_ITER)
{
    iter++; // Increment iteration counter

    mean_error = 0; // Set mean error value with zero

    int pixel_count=0; // Count of processed pixels

    cvSet(b, cvScalar(0)); // Set b matrix with zeroes

    // Walk through pixels in the template T.
    int i, j;
    for(i=0; i<omega.width; i++)
    {
        int u = i + omega.x;

        for(j=0; j<omega.height; j++)
        {
            int v = j + omega.y;

            // Set vector X with pixel coordinates (u,v,1)
            SET_VECTOR(X, u, v);

            // Warp Z=W*X
            cvGEMM(W, X, 1, 0, 0, Z);

            // Get coordinates of warped pixel in coordinate frame of I.
            GET_VECTOR(Z, u2, v2);

            // Get the nearest integer pixel coords (u2i;v2i).
            int u2i = cvFloor(u2);
            int v2i = cvFloor(v2);

            if(u2i>=0 && u2i<pImgI->width && // check if pixel is inside I.
                v2i>=0 && v2i<pImgI->height)
            {
                pixel_count++;

                // Calculate intensity of a transformed pixel with sub-pixel accuracy
                // using bilinear interpolation.
                float I2 = interpolate<uchar>(pImgI, u2, v2);

                // Calculate image difference D = I(W(x,p))-T(x).
                float D = I2 - CV_IMAGE_ELEM(pImgT, uchar, v, u);

                // Update mean error value.
                mean_error += fabs(D);

                // Add a term to b matrix.
                float* stdesc = &CV_IMAGE_ELEM(pStDesc, float, v, u*3);
                float* pb = &CV_MAT_ELEM(*b, float, 0, 0);
                pb[0] += stdesc[0] * D;
                pb[1] += stdesc[1] * D;
                pb[2] += stdesc[2] * D;
            }
        }
    }

    // Finally, calculate resulting mean error.
    if(pixel_count!=0)
        mean_error /= pixel_count;

    // Find parameter increment.
    cvGEMM(iH, b, 1, 0, 0, delta_p);
    float delta_wz = CV_MAT_ELEM(*delta_p, float, 0, 0);
    float delta_tx = CV_MAT_ELEM(*delta_p, float, 1, 0);
    float delta_ty = CV_MAT_ELEM(*delta_p, float, 2, 0);

    init_warp(dW, delta_wz, delta_tx, delta_ty);
    // Invert warp.
    inv_res = cvInvert(dW, idW);
    if(inv_res==0)
    {
        printf("Error: Warp matrix is singular.\n");
        return;
    }

    cvGEMM(idW, W, 1, 0, 0, dW);
    cvCopy(dW, W);

    // Print diagnostic information to screen.
    printf("iter=%d mean_error=%f\n", iter, mean_error);

    // Check termination critera.
    if(fabs(delta_wz)<=EPS && fabs(delta_tx)<=EPS && fabs(delta_ty)<=EPS) break;
}

// Get current time and obtain total time of calculation.
clock_t finish_time = clock();
double total_time = (double)(finish_time-start_time)/CLOCKS_PER_SEC;

Print the summary information to stdout:

C++
    // Print summary.
    printf("===============================================\n");
    printf("Algorithm: inverse compositional.\n");
    printf("Caclulation time: %g sec.\n", total_time);
    printf("Iteration count: %d\n", iter);
    printf("Epsilon: %f\n", EPS);
    printf("Resulting mean error: %f\n", mean_error);
    printf("===============================================\n");

    // Show result of image alignment.
    draw_warped_rect(pImgI, omega, W);
    cvSetImageROI(pImgT, omega);
    cvShowImage("template",pImgT);
    cvShowImage("image",pImgI);
    cvResetImageROI(pImgT);

    // Free used resources and exit.
    cvReleaseMat(&W);
    cvReleaseMat(&dW);
    cvReleaseMat(&idW);
    cvReleaseMat(&H);
    cvReleaseMat(&iH);
    cvReleaseMat(&b);
    cvReleaseMat(&delta_p);
    cvReleaseMat(&X);
    cvReleaseMat(&Z);
    
}

Bilinear Interpolation

In both algorithms we use bilinear pixel interpolation. Interpolation helps to calculate the intensity of a transformed pixel with better accuracy. Transformed pixels usually have non-integer coordinates, so by interpolating their intensities we take intensities of neighbour pixels into account. This also helps to avoid mean error oscillations and improve overall minimization performance.

We use interpolate() template function, that is defined in auxfunc.h:

C++
// Interpolates pixel intensity with subpixel accuracy.
// Abount bilinear interpolation in Wikipedia:
// http://en.wikipedia.org/wiki/Bilinear_interpolation

template <class T>
float interpolate(IplImage* pImage, float x, float y)
{
    // Get the nearest integer pixel coords (xi;yi).
    int xi = cvFloor(x);
    int yi = cvFloor(y);

    float k1 = x-xi; // Coefficients for interpolation formula.
    float k2 = y-yi;

    int f1 = xi<pImage->width-1;  // Check that pixels to the right  
    int f2 = yi<pImage->height-1; // and to down direction exist.

    T* row1 = &CV_IMAGE_ELEM(pImage, T, yi, xi);
    T* row2 = &CV_IMAGE_ELEM(pImage, T, yi+1, xi);
                
    // Interpolate pixel intensity.
    float interpolated_value = (1.0f-k1)*(1.0f-k2)*(float)row1[0] +
                (f1 ? ( k1*(1.0f-k2)*(float)row1[1] ):0) +
                (f2 ? ( (1.0f-k1)*k2*(float)row2[0] ):0) +                        
                ((f1 && f2) ? ( k1*k2*(float)row2[1] ):0) ;

    return interpolated_value;

}

Conclusion

Image alignment has many applications in the field of computer vision, such as object tracking. In this article, we described two image alignment algorithms: the Lucas-Kanade forwards additive algorithm and the Baker-Dellaert-Matthews inverse compositional algorithm. We also saw the C source code for these algorithms.

Now, let's compare which algorithm runs faster on my Pentium IV 3 Ghz (Release configuration). Let's enter the following components of vector p:

-0.01 5 -3

This means we translated the image I five pixels right, three pixels up, and rotated it a little (but it's difficult to say what angle exactly).

Here is the summary for the forwards additive algorithm:

===============================================
Algorithm: forward additive.
Caclulation time: 0.157 sec.
Iteration count: 13
Approximation: wz_a=-0.007911 tx_a=4.893255 ty_a=-3.944573
Epsilon: 0.000010
Resulting mean error: 2.898076
===============================================

Here is the summary for the inverse compositional algorithm:

===============================================
Algorithm: inverse compositional.
Caclulation time: 0.078 sec.
Iteration count: 11
Epsilon: 0.000010
Resulting mean error: 2.896847
===============================================

The calculation time for the forwards additive algorithm is 0.157 sec. The calculation time for the inverse compositional algorithm is 0.078 sec. As we see, the inverse compositional algorithm works faster, because it is more computational effective.

See Also

You may also want to read Image Alignment Algorithms - Part II, where we implement the forwards compositional and inverse additive image alignment algorithms and compare all four implemented algorithms.

Another tutorial on 2D object tracking and sample source code can be found in the Implementing Simple 2D Object Tracker article.

Visit the Image Alignment Algorithms web-site if you are looking for tutorials on object tracking.

History

  • August 6, 2008
    • Fixed: cvSobel() is not normalized. Thanks to hbwang_1427 for letting me know about this issue.
    • Improvement: Implemented bilinear interpolation that allows to calculate the intensity of a warped pixel with subpixel accuracy. That also helps to avoid mean error oscillations.
    • Described inverse compositional algorithm code in the article body.

License

This article, along with any associated source code and files, is licensed under The Code Project Open License (CPOL)


Written By
Software Developer
Russian Federation Russian Federation
This member has not yet provided a Biography. Assume it's interesting and varied, and probably something to do with programming.

Comments and Discussions

 
Questionabout the theory for implementation Pin
study248169-Nov-15 14:14
study248169-Nov-15 14:14 
QuestionGetting it to run with VS2015 Pin
Keboo1-Sep-15 8:07
Keboo1-Sep-15 8:07 
QuestionScaling issue Pin
RajXABC7-May-14 15:53
RajXABC7-May-14 15:53 
SuggestionRe: Scaling issue Pin
Member 1171621526-May-15 20:00
Member 1171621526-May-15 20:00 
QuestionSeem to be some mistakes in your article Pin
Member 1005546515-May-13 22:02
Member 1005546515-May-13 22:02 
QuestionCan we use this on different exposure photos? Pin
Member 964871828-Aug-12 3:28
Member 964871828-Aug-12 3:28 
GeneralMy vote of 5 Pin
Manoj Kumar Choubey27-Mar-12 23:43
professionalManoj Kumar Choubey27-Mar-12 23:43 
Nice
Questionupdating the transformation Pin
carofide12-Oct-11 23:15
carofide12-Oct-11 23:15 
AnswerRe: updating the transformation Pin
Member 1122471712-Dec-14 5:55
Member 1122471712-Dec-14 5:55 
GeneralECC Image alignment Pin
evangelidis13-May-11 4:41
evangelidis13-May-11 4:41 
GeneralRe: ECC Image alignment Pin
evangelidis16-Oct-11 8:30
evangelidis16-Oct-11 8:30 
GeneralMy vote of 5 Pin
sgorozco15-Apr-11 5:58
sgorozco15-Apr-11 5:58 
Jokeyeah Pin
longan zhang12-Apr-11 3:44
longan zhang12-Apr-11 3:44 
GeneralMy vote of 5 Pin
BitGriff1-Mar-11 23:49
BitGriff1-Mar-11 23:49 
GeneralMy vote of 5 Pin
levdeo24-Oct-10 8:33
levdeo24-Oct-10 8:33 
Generalquestion about rotation Pin
shintaseven22-Feb-10 14:24
shintaseven22-Feb-10 14:24 
Generalthank You Pin
carofide9-Feb-10 0:42
carofide9-Feb-10 0:42 
GeneralMemory leaks Pin
severality7-Mar-09 10:26
severality7-Mar-09 10:26 
Generalwarped image content loss Pin
nicedeath4-Aug-08 18:02
nicedeath4-Aug-08 18:02 
GeneralRe: a bug of this program(warped image content loss) Pin
Oleg Krivtsov4-Aug-08 18:57
Oleg Krivtsov4-Aug-08 18:57 
Generalwarped image content loss [modified] Pin
nicedeath4-Aug-08 21:20
nicedeath4-Aug-08 21:20 
GeneralRe: warped image content loss Pin
nicedeath5-Aug-08 13:35
nicedeath5-Aug-08 13:35 
GeneralcvSobel is not normalized, so the gradient image is enhanced Pin
hbwang_142715-Jul-08 21:11
hbwang_142715-Jul-08 21:11 
GeneralRe: cvSobel is not normalized, so the gradient image is enhanced Pin
Oleg Krivtsov20-Jul-08 17:34
Oleg Krivtsov20-Jul-08 17:34 
GeneralSteepest descent image Pin
chernobyl27-May-08 16:49
chernobyl27-May-08 16:49 

General General    News News    Suggestion Suggestion    Question Question    Bug Bug    Answer Answer    Joke Joke    Praise Praise    Rant Rant    Admin Admin   

Use Ctrl+Left/Right to switch messages, Ctrl+Up/Down to switch threads, Ctrl+Shift+Left/Right to switch pages.