]> rtime.felk.cvut.cz Git - hercules2020/kcf.git/blobdiff - src/kcf.cpp
Simplify scale initialization
[hercules2020/kcf.git] / src / kcf.cpp
index 0d6d828f2a80f9a379ecbd6c8396cc15be6c9546..eb8d4c0a0c32007d2e3a4ab68b11b08803cb1bc2 100644 (file)
@@ -54,13 +54,14 @@ 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
     // 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,
@@ -79,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);
@@ -178,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) {
@@ -198,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
@@ -219,8 +213,7 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
     d.threadctxs.emplace_back(p_roi, p_num_of_feats, p_num_scales);
 #endif
 
-    gaussian_correlation.reset(
-                new GaussianCorrelation(IF_BIG_BATCH(p_num_scales, 1), p_roi));
+    gaussian_correlation.reset(new GaussianCorrelation(1, p_roi));
 
     p_current_scale = 1.;
 
@@ -248,7 +241,7 @@ void KCF_Tracker::init(cv::Mat &img, const cv::Rect &bbox, int fit_size_x, int f
     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)
@@ -312,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
@@ -350,6 +343,7 @@ 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)
@@ -384,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);
@@ -423,18 +417,15 @@ void ThreadCtx::track(const KCF_Tracker &kcf, cv::Mat &input_rgb, cv::Mat &input
         DEBUG_PRINT(patch_feats.scale(i));
     }
 
-    DEBUG_PRINT(patch_feats);
     kcf.fft.forward_window(patch_feats, zf, temp);
     DEBUG_PRINTM(zf);
 
     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);
-        DEBUG_PRINTM(kzf);
     }
     kcf.fft.inverse(kzf, response);
 
@@ -686,8 +677,8 @@ 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);
@@ -697,54 +688,37 @@ void KCF_Tracker::GaussianCorrelation::operator()(const KCF_Tracker &kcf, Comple
         yf.sqr_norm(yf_sqr_norm);
     }
     xyf = auto_correlation ? xf.sqr_mag() : xf * yf.conj(); // xf.muln(yf.conj());
-    //DEBUG_PRINTM(xyf);
-    kcf.fft.inverse(xyf, ifft_res);
+    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.plane(i);
-        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;