]> rtime.felk.cvut.cz Git - hercules2020/kcf.git/blobdiff - src/kcf.cpp
Simplify scale initialization
[hercules2020/kcf.git] / src / kcf.cpp
index 0ba2a4a47d3d1d8e8065335f3f5cf91b28dcb495..eb8d4c0a0c32007d2e3a4ab68b11b08803cb1bc2 100644 (file)
@@ -3,6 +3,7 @@
 #include <thread>
 #include <algorithm>
 #include "threadctx.hpp"
+#include "debug.h"
 
 #ifdef FFTW
 #include "fft_fftw.h"
 #include <omp.h>
 #endif // OPENMP
 
-static bool kcf_debug = false;
-
-#define DEBUG_PRINT(obj)                                                                                               \
-    if (kcf_debug) {                                                                                                     \
-        std::cout << #obj << " @" << __LINE__ << std::endl << (obj) << std::endl;                                      \
-    }
-#define DEBUG_PRINTM(obj)                                                                                              \
-    if (kcf_debug) {                                                                                                     \
-        std::cout << #obj << " @" << __LINE__ << " " << (obj).size() << " CH: " << (obj).channels() << std::endl       \
-                  << (obj) << std::endl;                                                                               \
-    }
+DbgTracer __dbgTracer;
 
 template <typename T>
 T clamp(const T& n, const T& lower, const T& upper)
@@ -63,16 +54,21 @@ KCF_Tracker::~KCF_Tracker()
     delete &d;
 }
 
-void KCF_Tracker::train(cv::Mat input_gray, cv::Mat input_rgb, double interp_factor)
+void KCF_Tracker::train(cv::Mat input_rgb, cv::Mat input_gray, double interp_factor)
 {
+    TRACE("");
+
     // obtain a sub-window for training
-    int sizes[3] = {p_num_of_feats, p_roi.height, p_roi.width};
-    MatDynMem patch_feats(3, sizes, CV_32FC1);
-    MatDynMem temp(3, sizes, CV_32FC1);
-    get_features(patch_feats, input_rgb, input_gray, p_pose.cx, p_pose.cy,
+    // TODO: Move Mats outside from here
+    MatScaleFeats patch_feats(1, p_num_of_feats, p_roi);
+    DEBUG_PRINT(patch_feats);
+    MatScaleFeats temp(1, p_num_of_feats, p_roi);
+    get_features(input_rgb, input_gray, p_pose.cx, p_pose.cy,
                  p_windows_size.width, p_windows_size.height,
-                 p_current_scale);
+                 p_current_scale).copyTo(patch_feats.scale(0));
+    DEBUG_PRINT(patch_feats);
     fft.forward_window(patch_feats, p_xf, temp);
+    DEBUG_PRINTM(p_xf);
     p_model_xf = p_model_xf * (1. - interp_factor) + p_xf * interp_factor;
     DEBUG_PRINTM(p_model_xf);
 
@@ -84,15 +80,12 @@ void KCF_Tracker::train(cv::Mat input_gray, cv::Mat input_rgb, double interp_fac
         alphaf_den = (p_xf * xfconj);
     } else {
         // Kernel Ridge Regression, calculate alphas (in Fourier domain)
-        const uint num_scales = BIG_BATCH_MODE ? p_num_scales : 1;
         cv::Size sz(Fft::freq_size(p_roi));
-        ComplexMat kf(sz.height, sz.width, num_scales);
-        (*gaussian_correlation)(*this, kf, p_model_xf, p_model_xf, p_kernel_sigma, true);
+        ComplexMat kf(sz.height, sz.width, 1);
+        (*gaussian_correlation)(kf, p_model_xf, p_model_xf, p_kernel_sigma, true, *this);
         DEBUG_PRINTM(kf);
         p_model_alphaf_num = p_yf * kf;
-        DEBUG_PRINTM(p_model_alphaf_num);
         p_model_alphaf_den = kf * (kf + p_lambda);
-        DEBUG_PRINTM(p_model_alphaf_den);
     }
     p_model_alphaf = p_model_alphaf_num / p_model_alphaf_den;
     DEBUG_PRINTM(p_model_alphaf);
@@ -101,6 +94,9 @@ void KCF_Tracker::train(cv::Mat input_gray, cv::Mat input_rgb, double interp_fac
 
 void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int fit_size_y)
 {
+    __dbgTracer.debug = m_debug;
+    TRACE("");
+
     // check boundary, enforce min size
     double x1 = bbox.x, x2 = bbox.x + bbox.width, y1 = bbox.y, y2 = bbox.y + bbox.height;
     if (x1 < 0) x1 = 0.;
@@ -180,11 +176,8 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
     p_roi.height = p_windows_size.height / p_cell_size;
 
     p_scales.clear();
-    if (m_use_scale)
-        for (int i = -int(p_num_scales) / 2; i <= int(p_num_scales) / 2; ++i)
-            p_scales.push_back(std::pow(p_scale_step, i));
-    else
-        p_scales.push_back(1.);
+    for (int i = -int(p_num_scales) / 2; i <= int(p_num_scales) / 2; ++i)
+        p_scales.push_back(std::pow(p_scale_step, i));
 
 #ifdef CUFFT
     if (p_roi.height * (p_roi.width / 2 + 1) > 1024) {
@@ -200,7 +193,6 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
         std::cerr << "cuFFT supports only Gaussian kernel." << std::endl;
         std::exit(EXIT_FAILURE);
     }
-    CudaSafeCall(cudaSetDeviceFlags(cudaDeviceMapHost));
 #else
     p_xf.create(p_roi.height, p_roi.height / 2 + 1, p_num_of_feats);
 #endif
@@ -216,11 +208,13 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
 
 #ifndef BIG_BATCH
     for (auto scale: p_scales)
-        d.threadctxs.emplace_back(p_roi, p_num_of_feats, 1, scale);
+        d.threadctxs.emplace_back(p_roi, p_num_of_feats, scale);
 #else
-    d.threadctxs.emplace_back(p_roi, p_num_of_feats * p_num_scales, p_num_scales);
+    d.threadctxs.emplace_back(p_roi, p_num_of_feats, p_num_scales);
 #endif
 
+    gaussian_correlation.reset(new GaussianCorrelation(1, p_roi));
+
     p_current_scale = 1.;
 
     double min_size_ratio = std::max(5. * p_cell_size / p_windows_size.width, 5. * p_cell_size / p_windows_size.height);
@@ -241,11 +235,13 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
     fft.set_window(MatDynMem(cosine_window_function(p_roi.width, p_roi.height)));
 
     // window weights, i.e. labels
-    fft.forward(gaussian_shaped_labels(p_output_sigma, p_roi.width, p_roi.height), p_yf);
+    MatScales gsl(1, p_roi);
+    gaussian_shaped_labels(p_output_sigma, p_roi.width, p_roi.height).copyTo(gsl.plane(0));
+    fft.forward(gsl, p_yf);
     DEBUG_PRINTM(p_yf);
 
     // train initial model
-    train(input_gray, input_rgb, 1.0);
+    train(input_rgb, input_gray, 1.0);
 }
 
 void KCF_Tracker::setTrackerPose(BBox_c &bbox, cv::Mat &img, int fit_size_x, int fit_size_y)
@@ -309,7 +305,7 @@ void KCF_Tracker::resizeImgs(cv::Mat &input_rgb, cv::Mat &input_gray)
     }
 }
 
-void KCF_Tracker::findMaxReponse(uint &max_idx, cv::Point2f &new_location) const
+double KCF_Tracker::findMaxReponse(uint &max_idx, cv::Point2f &new_location) const
 {
     double max = -1.;
 #ifndef BIG_BATCH
@@ -329,7 +325,7 @@ void KCF_Tracker::findMaxReponse(uint &max_idx, cv::Point2f &new_location) const
     }
 #endif
     cv::Point2i &max_response_pt = IF_BIG_BATCH(d.threadctxs[0].max[max_idx].loc,        d.threadctxs[max_idx].max.loc);
-    cv::Mat max_response_map     = IF_BIG_BATCH(d.threadctxs[0].response.plane(max_idx), d.threadctxs[max_idx].response);
+    cv::Mat max_response_map     = IF_BIG_BATCH(d.threadctxs[0].response.plane(max_idx), d.threadctxs[max_idx].response.plane(0));
 
     DEBUG_PRINTM(max_response_map);
     DEBUG_PRINT(max_response_pt);
@@ -347,12 +343,13 @@ void KCF_Tracker::findMaxReponse(uint &max_idx, cv::Point2f &new_location) const
         new_location = max_response_pt;
     }
     DEBUG_PRINT(new_location);
+    return max;
 }
 
 void KCF_Tracker::track(cv::Mat &img)
 {
-    kcf_debug = m_debug;
-    if (m_debug) std::cout << "NEW FRAME" << '\n';
+    __dbgTracer.debug = m_debug;
+    TRACE("");
 
     cv::Mat input_gray, input_rgb = img.clone();
     if (img.channels() == 3) {
@@ -381,7 +378,7 @@ void KCF_Tracker::track(cv::Mat &img)
 
     cv::Point2f new_location;
     uint max_idx;
-    findMaxReponse(max_idx, new_location);
+    max_response = findMaxReponse(max_idx, new_location);
 
     p_pose.cx += p_current_scale * p_cell_size * double(new_location.x);
     p_pose.cy += p_current_scale * p_cell_size * double(new_location.y);
@@ -408,19 +405,16 @@ void KCF_Tracker::track(cv::Mat &img)
 
 void ThreadCtx::track(const KCF_Tracker &kcf, cv::Mat &input_rgb, cv::Mat &input_gray)
 {
-    // TODO: Move matrices to thread ctx
-    int sizes[3] = {kcf.p_num_of_feats, kcf.p_windows_size.height, kcf.p_windows_size.width};
-    MatDynMem patch_feats(3, sizes, CV_32FC1);
-    MatDynMem temp(3, sizes, CV_32FC1);
+    TRACE("");
 
-#ifdef BIG_BATCH
     BIG_BATCH_OMP_PARALLEL_FOR
-    for (uint i = 0; i < kcf.p_num_scales; ++i)
-#endif
+    for (uint i = 0; i < IF_BIG_BATCH(kcf.p_num_scales, 1); ++i)
     {
-        kcf.get_features(patch_feats, input_rgb, input_gray, kcf.p_pose.cx, kcf.p_pose.cy,
+        kcf.get_features(input_rgb, input_gray, kcf.p_pose.cx, kcf.p_pose.cy,
                          kcf.p_windows_size.width, kcf.p_windows_size.height,
-                         kcf.p_current_scale * IF_BIG_BATCH(kcf.p_scales[i], scale));
+                         kcf.p_current_scale * IF_BIG_BATCH(kcf.p_scales[i], scale))
+                .copyTo(patch_feats.scale(i));
+        DEBUG_PRINT(patch_feats.scale(i));
     }
 
     kcf.fft.forward_window(patch_feats, zf, temp);
@@ -429,8 +423,7 @@ void ThreadCtx::track(const KCF_Tracker &kcf, cv::Mat &input_rgb, cv::Mat &input
     if (kcf.m_use_linearkernel) {
         kzf = zf.mul(kcf.p_model_alphaf).sum_over_channels();
     } else {
-        gaussian_correlation(kcf, kzf, zf, kcf.p_model_xf, kcf.p_kernel_sigma);
-        DEBUG_PRINTM(kcf.p_model_alphaf);
+        gaussian_correlation(kzf, zf, kcf.p_model_xf, kcf.p_kernel_sigma, false, kcf);
         DEBUG_PRINTM(kzf);
         kzf = kzf.mul(kcf.p_model_alphaf);
     }
@@ -453,9 +446,10 @@ void ThreadCtx::track(const KCF_Tracker &kcf, cv::Mat &input_rgb, cv::Mat &input
         max[i].loc = max_loc;
     }
 #else
-    cv::minMaxLoc(response, &min_val, &max_val, &min_loc, &max_loc);
+    cv::minMaxLoc(response.plane(0), &min_val, &max_val, &min_loc, &max_loc);
 
     DEBUG_PRINT(max_loc);
+    DEBUG_PRINT(max_val);
 
     double weight = scale < 1. ? scale : 1. / scale;
     max.response = max_val * weight;
@@ -465,13 +459,9 @@ void ThreadCtx::track(const KCF_Tracker &kcf, cv::Mat &input_rgb, cv::Mat &input
 
 // ****************************************************************************
 
-void KCF_Tracker::get_features(MatDynMem &result_3d, cv::Mat &input_rgb, cv::Mat &input_gray, int cx, int cy,
-                               int size_x, int size_y, double scale) const
+cv::Mat KCF_Tracker::get_features(cv::Mat &input_rgb, cv::Mat &input_gray, int cx, int cy,
+                                  int size_x, int size_y, double scale) const
 {
-    assert(result_3d.size[0] == p_num_of_feats);
-    assert(result_3d.size[1] == size_y / p_cell_size);
-    assert(result_3d.size[2] == size_x / p_cell_size);
-
     int size_x_scaled = floor(size_x * scale);
     int size_y_scaled = floor(size_y * scale);
 
@@ -520,15 +510,17 @@ void KCF_Tracker::get_features(MatDynMem &result_3d, cv::Mat &input_rgb, cv::Mat
 
     hog_feat.insert(hog_feat.end(), color_feat.begin(), color_feat.end());
 
-    for (uint i = 0; i < hog_feat.size(); ++i) {
-        cv::Mat result_plane(result_3d.dims - 1, result_3d.size + 1, result_3d.cv::Mat::type(), result_3d.ptr<void>(i));
-        result_plane = hog_feat[i];
-    }
+    int size[] = {p_num_of_feats, p_roi.height, p_roi.width};
+    cv::Mat result(3, size, CV_32F);
+    for (uint i = 0; i < hog_feat.size(); ++i)
+        hog_feat[i].copyTo(cv::Mat(size[1], size[2], CV_32FC1, result.ptr(i)));
+
+    return result;
 }
 
-MatDynMem KCF_Tracker::gaussian_shaped_labels(double sigma, int dim1, int dim2)
+cv::Mat KCF_Tracker::gaussian_shaped_labels(double sigma, int dim1, int dim2)
 {
-    MatDynMem labels(dim2, dim1, CV_32FC1);
+    cv::Mat labels(dim2, dim1, CV_32FC1);
     int range_y[2] = {-dim2 / 2, dim2 - dim2 / 2};
     int range_x[2] = {-dim1 / 2, dim1 - dim1 / 2};
 
@@ -550,9 +542,9 @@ MatDynMem KCF_Tracker::gaussian_shaped_labels(double sigma, int dim1, int dim2)
     return rot_labels;
 }
 
-MatDynMem KCF_Tracker::circshift(const cv::Mat &patch, int x_rot, int y_rot)
+cv::Mat KCF_Tracker::circshift(const cv::Mat &patch, int x_rot, int y_rot)
 {
-    MatDynMem rot_patch(patch.size(), CV_32FC1);
+    cv::Mat rot_patch(patch.size(), CV_32FC1);
     cv::Mat tmp_x_rot(patch.size(), CV_32FC1);
 
     // circular rotate x-axis
@@ -685,64 +677,48 @@ cv::Mat KCF_Tracker::get_subwindow(const cv::Mat &input, int cx, int cy, int wid
     return patch;
 }
 
-void KCF_Tracker::GaussianCorrelation::operator()(const KCF_Tracker &kcf, ComplexMat &result, const ComplexMat &xf,
-                                                   const ComplexMat &yf, double sigma, bool auto_correlation)
+void KCF_Tracker::GaussianCorrelation::operator()(ComplexMat &result, const ComplexMat &xf, const ComplexMat &yf,
+                                                  double sigma, bool auto_correlation, const KCF_Tracker &kcf)
 {
+    TRACE("");
     xf.sqr_norm(xf_sqr_norm);
     if (auto_correlation) {
         yf_sqr_norm = xf_sqr_norm;
     } else {
         yf.sqr_norm(yf_sqr_norm);
     }
-    xyf = auto_correlation ? xf.sqr_mag() : xf.mul(yf.conj());
-    //DEBUG_PRINTM(xyf);
-    kcf.fft.inverse(xyf, ifft_res);
+    xyf = auto_correlation ? xf.sqr_mag() : xf * yf.conj(); // xf.muln(yf.conj());
+    DEBUG_PRINTM(xyf);
+
+    // ifft2 and sum over 3rd dimension, we dont care about individual channels
+    ComplexMat xyf_sum = xyf.sum_over_channels();
+    DEBUG_PRINTM(xyf_sum);
+    kcf.fft.inverse(xyf_sum, ifft_res);
+    DEBUG_PRINTM(ifft_res);
 #ifdef CUFFT
+    // FIXME
     cuda_gaussian_correlation(ifft_res.deviceMem(), k.deviceMem(), xf_sqr_norm.deviceMem(),
                               auto_correlation ? xf_sqr_norm.deviceMem() : yf_sqr_norm.deviceMem(), sigma,
                               xf.n_channels, xf.n_scales, kcf.p_roi.height, kcf.p_roi.width);
 #else
-    // ifft2 and sum over 3rd dimension, we dont care about individual channels
-    //DEBUG_PRINTM(ifft_res);
-    cv::Mat xy_sum;
-    if (xf.channels() != kcf.p_num_scales * kcf.p_num_of_feats)
-        xy_sum.create(ifft_res.size(), CV_32FC1);
-    else
-        xy_sum.create(ifft_res.size(), CV_32FC(kcf.p_scales.size()));
-    xy_sum.setTo(0);
-    for (int y = 0; y < ifft_res.rows; ++y) {
-        float *row_ptr = ifft_res.ptr<float>(y);
-        float *row_ptr_sum = xy_sum.ptr<float>(y);
-        for (int x = 0; x < ifft_res.cols; ++x) {
-            for (int sum_ch = 0; sum_ch < xy_sum.channels(); ++sum_ch) {
-                row_ptr_sum[(x * xy_sum.channels()) + sum_ch] += std::accumulate(
-                    row_ptr + x * ifft_res.channels() + sum_ch * (ifft_res.channels() / xy_sum.channels()),
-                    (row_ptr + x * ifft_res.channels() +
-                     (sum_ch + 1) * (ifft_res.channels() / xy_sum.channels())),
-                    0.f);
-            }
-        }
-    }
-    DEBUG_PRINTM(xy_sum);
-
-    std::vector<cv::Mat> scales;
-    cv::split(xy_sum, scales);
 
     float numel_xf_inv = 1.f / (xf.cols * xf.rows * (xf.channels() / xf.n_scales));
     for (uint i = 0; i < xf.n_scales; ++i) {
-        cv::Mat k_roi(k, cv::Rect(0, i * scales[0].rows, scales[0].cols, scales[0].rows));
-        cv::exp(-1. / (sigma * sigma) * cv::max((xf_sqr_norm[i] + yf_sqr_norm[0] - 2 * scales[i]) * numel_xf_inv, 0),
-                k_roi);
-        DEBUG_PRINTM(k_roi);
+        cv::Mat plane = ifft_res.plane(i);
+        DEBUG_PRINT(ifft_res.plane(i));
+        cv::exp(-1. / (sigma * sigma) * cv::max((xf_sqr_norm[i] + yf_sqr_norm[0] - 2 * ifft_res.plane(i))
+                * numel_xf_inv, 0), plane);
+        DEBUG_PRINTM(plane);
     }
 #endif
-    kcf.fft.forward(k, result);
+    kcf.fft.forward(ifft_res, result);
 }
 
 float get_response_circular(cv::Point2i &pt, cv::Mat &response)
 {
     int x = pt.x;
     int y = pt.y;
+    assert(response.dims == 2); // ensure .cols and .rows are valid
     if (x < 0) x = response.cols + x;
     if (y < 0) y = response.rows + y;
     if (x >= response.cols) x = x - response.cols;