Next Article in Journal
ARCS: Active Radar Cross Section for Multi-Radiator Problems in Complex EM Environments
Previous Article in Journal
Precision Landing Test and Simulation of the Agricultural UAV on Apron
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Visual Tracking via Deep Feature Fusion and Correlation Filters

1
College of Computer and Information Science, Southwest University, Chongqing 400715, China
2
Faculty of Psychology, Southwest University, Chongqing 400715, China
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(12), 3370; https://doi.org/10.3390/s20123370
Submission received: 29 April 2020 / Revised: 5 June 2020 / Accepted: 10 June 2020 / Published: 14 June 2020
(This article belongs to the Section Physical Sensors)

Abstract

:
Visual tracking is a fundamental vision task that tries to figure out instances of several object classes from videos and images. It has attracted much attention for providing the basic semantic information for numerous applications. Over the past 10 years, visual tracking has made a great progress, but huge challenges still exist in many real-world applications. The facade of a target can be transformed significantly by pose changing, occlusion, and sudden movement, which possibly leads to a sudden target loss. This paper builds a hybrid tracker combining the deep feature method and correlation filter to solve this challenge, and verifies its powerful characteristics. Specifically, an effective visual tracking method is proposed to address the problem of low tracking accuracy due to the limitations of traditional artificial feature models, then rich hiearchical features of Convolutional Neural Networks are used to make the multi-layer features fusion improve the tracker learning accuracy. Finally, a large number of experiments are conducted on benchmark data sets OBT-100 and OBT-50, and show that our proposed algorithm is effective.

1. Introduction

With the development of artificial intelligence and computer vision system, visual tracking has become more and more important in the field of computer vision applications. It has been widely used in surveillance, driver assistance system, remote sensing, defense system, or human–computer interaction. Convolution Neural Network (known as CNN) based feature extraction have also been successfully used to the multi-target tracking problem [1,2,3,4,5], and there are many good results [6,7,8,9]. Although existing tracking algorithms have achieved good performances, it is still a challenge because of the uncertainty and variable factors of target objects, such as occlusion, illumination, scale changes and attitude changes.
Normally, positive training samples and negative training samples are collected near the estimated target position by some existing deep-learning-based trackers [10,11,12,13], and the classifier is gradually trained by extracting features from CNN. All of this raises two questions, first of all, most target recognition algorithms use neural networks as online classifiers, and only use the output of the last layer as targets, which is conducive to express the semantics of the targets. However, the main goal of visual tracking is to pinpoint the target location, not to infer the semantic of the target. Therefore, using only the feature of the last CNN layer does not work well on tracking. The second question is how to extract training samples. A large number of diverse samples are needed to train a robust neural network classifier, yet it is not easy to implement in real-time visual tracking system. To solve these questions, we apply adaptive correlation filtering to the features which are extracted by each layer of CNN, and also use it to co-locate and infer the target position. We have worked in this paper along the following three lines.
  • Based on previous researches, we find that using the last layer of CNN can extract effective semantic information but not fine-grained spatial information, for example, the object location. On the other hand, the front-end layer of CNN is accurately positioned but not used to extract object semantics. Therefore, we use the rich feature levels of CNN as the target representation of visual tracking, and at the same time using semantic and fine-grained details to deal with the huge changes in appearance to avoid the drift and loss of targets
  • Using the search strategy from rough to fine and the hierarchical characteristics of CNN research and the multi-level reasoning mechanism of classical computer vision to obtain the optimal tracking results, at the same time combining the correlation filter on each CNN layer to conduct adaptive learning while the multi-stage correlation filter is used to implement co-positioning, and make the target position be inferred from rough to fine [14].
  • A plenty of experiments on large data sets which called OBT-100 [15] are tested, and the results of experiments show that our tracking algorithm is better than the existing methods in terms of accuracy and robustness.

2. Related Work

2.1. Original Detection Tracking

We can consider visual tracking [10,11,16] (also known as detection tracking) as the process of repeatedly detecting the location of the target within a window, often using online learning methods to classify the target objects. However, this method will bring small errors in the sample mark. With the gradual accumulation of errors, the tracking of the target will drift. This is commonly referred as the sample uncertainty problem. In order to solve the problem of sample uncertainty and subsequent model updating, some fuzzy-based tracking methods are proposed. Ramirez-Paredes et al. [17] proposed a target tracking method based on fuzzy inference, which can be used to automatically and selectively update the target tracking of existing models. Kim et al. [18] applied target segmentation and tracking based on fuzzy membership distribution. Li et al. [19] adopted a fuzzy logic data track-to-track association approach for online visual multi-target tracking and solve the problem of track fragment splicing effectively. Of course, there are many other methods and they are similar in that they aim to update the classifier correctly and efficiently to reduce drift, such as multi-instance learning [20], semi-supervised learning [21], Tracking with Gaussian Processes Regression (TGPR) method [22] and Tracking-Learning-Detection (TLD) framework with P-N learning [23]. Multiple Experts using Entropy Minimization (MEEM) method [24] learned several classifiers at different learning rates and used them in combination, achieving a good tracking effect. In addition, Hare et al. [25] combined the target tracking of accurate position estimation with attitude tracking, and used its multi-level structured output for prediction, thus reducing the impact of sample uncertainty on the experiment, which performed well in the recent benchmark study [26]. In this paper, we also use correlation filters to solve such problems, but we make the training samples return to the soft labeling of Gaussian function instead of binary labeling to learn the discriminative classifier.

2.2. Tracking by Convolutional Neural Networks

Similar methods, such as incremental learning [27] and Differential Earth Mover’s Distance (DEMD) algorithm [28], are representative of the appearance characteristics of objects using handcrafted features. In recent years, CNNs have greatly promoted the development of visual recognition. Deep learning tracker (DLT) [10] proposed by Wang, used multi-layer automatic encoders. In addition, Wang [11] set up a neural network with two layers of continuous learning and constrained the learning process by time. Li [12] used multiple CNN classifiers to act on different instances of the same target object to eliminate the influence of noise samples in the process of model updating. These CNN trackers typically only take advantage of the last layer of CNN. So we want to combine the multi-layer structure of CNN to represent the target characteristics in order to effectively reduce the uncertainty of sampling.

2.3. Tracking by Correlation Filter and Multiple Feature Fusion Strategy

Bolme [29] first introduced relevant filters into visual tracking named Minimum Output Sum of Squared Error (MOSSE) filter, and then on this basis, Circulant Structure of Tracking-by-Detection with Kernels (CSK) [30], Kernelized Correlation Filters method (KCF) [31] and Color Name (CN) [32] methods were proposed. Inspired by MOSSE and CSK methods, Zhang [33] proposed the tracking algorithm STC, it takes the context information around the target as an important reference to make the target position more accurate. The Superpixel Tracking algorithm (LCT) [34] decomposed the tracking task into two steps of target location and scale estimation, and combined the context information in the tracking, and used the tracking results to train the online randomization classifier to realize the redetection of failed targets, so as to ensure the long-term tracking. In order to obtain a single-channel response that can mark the position of an object, Ruan proposed a correlation filter (MVCF) [35] that can convolve directly with a multi-vector descriptor. Ma [36] used the multilayer abstraction of image pyramid to represent the target object, and achieved good results in the large-scale test set. However, this algorithm ignores the importance of handcrafted features in object tracking in complex scenarios, and it is also very time consuming to infer from rough to fine. Most of the existing feature selected tracking algorithms only use a single fusion strategy to merge traditional features or depth features, which results in the weak robustness of the algorithm, and the tracking is vulnerable to the impact of environmental changes. Histogram of Oriented Gradient (HOG) [37] feature is a descriptor that can quickly describe the local gradient feature of an object. For the purpose of making visual tracking more robust, we proposes a correlation filtering object tracking algorithm that integrates with the HOG feature and the CNN layered feature. In addition, inspired by the other improved algorithms mentioned above, this paper also adopts region proposal for scale estimation to solve the problem of target scale change and slow speed caused by the combination of multiple features. In addition, the real-time performance and stability of the tracking algorithm are improved.

3. Overview

In Figure 1, we show a visual example of the CNN hierarchical characteristics of an image with edges. The schematic diagram of the tracking algorithm we proposed is shown in Figure 2. For the displacement estimation, we use the features of CNN’s multiple convolutional layers to train the correlation filter.
In the tracking process, when we input a new image, we first cut out the search window of the previous frame’s estimated position and input it into the CNN network. The feature output of each convolutional layer of CNNs is then taken as the target object, and the convolution operation is performed again with the learned correlation filter to generate the response graph. The maximum confidence value represents the target position. Next, a coarse-to-fine multi-level response mapping search is performed. The obtained search results are weighted with the HOG feature response graph to infer the location of the target. Long-term memory filter Z L is used to calculate the confidence coefficient g of the inputted image area, and check whether the confidence coefficient is lower than the given threshold value T r to detect if the target tracking fails. We generate candidate regions in the entire input image by Region Proposal. If the object is lost, we use Z L to calculate the confidence coefficient of these candidate regions, and then take the highest confidence as the result of retesting. On the scale estimation of target, we generate a candidate region with a small step size to make them closely around the estimated target position.

4. Proposed Methods

This section elaborates on the method of object tracking proposed in this paper, including region proposal method, convolutional layer feature extraction, adaptive feature fusion, correlation filter and adaptive feature weighted fusion method. On this basis, we propose the method of target weight detection and target scale estimation based on the candidate region. Finally, we introduce the methods of updating correlation filters and memory filters at different learning rates.

4.1. Region Proposal

An important process of target tracking is to select the optimal target area and redetect the target object when the tracking fails. In this process, we used the method similar to EdgeBox [38] to select two candidate regions, namely, the region proposal B s with a small step size that is close to the target, and the B d with a large step size that may span the entire image range. The region rejection technique proposed by Li et al. [39] was then used to select the region and filter the non-optimal terms. Finally, the moving average algorithm is used to update the target. This work can also be divided into two parts: the selection of the region proposal center, the optimization about proposal length and width. For each region proposal, also called the candidate bounding box, let ( x , y ) be the center coordinate and ( w , h ) be the height and width. During the process of calculating the confidence score of each bounding box, we use the correlation filter Z L to learn the subtle scale changes of the bounding box on the conv3-4 layers of CNN. g ( b ) represents the maximum response value of the long-term memory correlation filter.
Let ( x t , y t ) be the center of the image at frame t. So we are going to center this point as region z, and make the size of region z consistent with the previous frame. Let T r be a threshold that determines whether a trace failure has occurred or not. When confidence g ( z ) is lower than T r , we mark the tracker as the target lost state and begin the target redetection process. Instead of simply selecting the most credible candidate bounding box as the result of the recovery, we consider the drastic changes that possibly occur between successive frames. Calculate the distance D between the center point of each proposal b from frame t 1 to frame t, i is the serial number of each proposal:
D ( b t i , b t 1 i ) = e x p ( 1 2 σ 2 ( ( x t i , y t i ) ( x t 1 i , y t 1 i ) 2 ) )
where σ is used to indicate the initial target size value of the diagonal length. In order to select the optimal solution, we solve the following problems by finding the minimum value, the distance D between the center positions is obtained by Equation (1):
arg min i { g ( b t i ) + α D ( b t i , b t 1 i ) } s . t . g ( b t i ) 1.5 T r
where α is the weighting factor to achieve a balance between image area confidence coefficient and smoothness of motion.
In combination with the EdgeBox [38] method mentioned earlier, the scale estimation was carried out, and the multi-scale region was generated by the minimum step size and the minimum non-maximum inhibition (NMS) threshold. The proposal rejection technique [39] was then used to filter out proposals whose Intersection over Union (IoU) value was less than 0.6 or greater than 0.9 . IoU value can be calculate by the estimated target position b 1 and the target position b 0 of ground-truth, such as I o U = b 1 b 0 b 1 b 0 0.5 . Finally, the resulting proposal was set to a fixed value to calculate the confidence coefficient score. If the max confidence g ( b ) | b B s was greater than g ( z ) , then we used the moving average algorithm to update the width and height of the target:
w t , h t = η w t , h t + 1 η w t 1 , h t 1
where w t , h t represents the width and height of the maximum confidence coefficient proposal, and the weight factor η makes the target scale estimation change smoothly.

4.2. Convolution Layer Feature Extraction

Since the birth of convolutional neural network, image processing technology has developed rapidly, and great progress has been made in each subdivision of the research field. It can be said that CNN is currently the best partner for image processing. We convolve an image to get a set of features that can be further convolved, and so on, to get a unique, and fully connected feature. In CNN, we have an input layer, a convolution layer, a pooling layer and a fully connected layer. The data of the input image is extracted through multiple convolution layers and a pooling layer, which is gradually transformed from low-level features to high-level features.Then the final features are classified according to the full connection layer, and the image semantics are represented by a very long vector, and the image categories are displayed. So far, CNN technology has become very mature. A variety of network variants of CNN have been emerging, and are widely used in target detection, attitude estimation, face recognition, behavior recognition, semantic segmentation, crowd density estimation, video classification, image quality evaluation and other fields.
We used VGG-Net [40] to extract the CNN feature map to represent the target appearance. Its network configuration is shown in Figure 3. There are six different structures of the network from left to right, representing different neural network models with increasing depth, representing the depth of the model from top to bottom. Each model contained 5 sets of convolution, each set of convolution used 3 × 3 convolution kernel, and for each convolution done, a 2 × 2 maximum pooling operation was performed, followed by three full connection layers and soft-max layers. If VGG-Net needed to train the high-level network, it could start from the low-level network and initialize the high-level network with the weight obtained by the former, which could make network convergence speed faster. In CNN, as the features spread to a deeper level, the semantic differences between different types of images were strengthened, but the spatial resolution was gradually reduced. In the process of studying the algorithm of visual object tracking, the main experimental purpose was to obtain the target position, so we were less concerned with its semantic information, and the 1 × 1 pixel basically could not contain spatial resolution information. We removed three full connection layers in VGG-Net, so as to make our tracking system more lightweight.
The spatial resolution in the convolutional network decreased gradually with the convolutional layer which was getting deeper, because pooling operation was used in CNNs. For example, in VGG-Net, the convolution feature map space size of pool5 was 7 × 7 . This was 1 32 of the input image which size was 224 × 224 . Such a low spatial resolution was not enough to accurately locate the target, so we used bilinear interpolation to alleviate this problem, adjusting the fixed size of each feature map to make it a larger size. Set h and p as feature map and up-sampling map, then the position feature vector p for position i is:
p i = k a i k h k
where the interpolation parameter a i k depends on the positions of the adjacent eigenvectors i and k. This interpolation occurs in space and can be regarded as the interpolation of positions. We used the pre-trained VGG-Net-19 [40] as our feature extractor to visualize the upper sampling outputs of conv 3-4, conv 4-4 and conv 5-4 layers of the neural network. As shown in Figure 1, for each convolutional layer, we visualized the first three components of the convolutional channel as RGB values. Over time, the edges in the input graph significantly changed in appearance. In different frames, the fifth convolutional feature of the target border was more or less dark red. Although the background has changed dramatically, it was still different from the background area. This feature of conv 5-4 allowed us to handle significant cosmetic changes and achieve accurate target positioning at a coarse-grained level. In contrast, conv 4-4 and conv 3-4 layers had more spatial details that helps to pinpoint targets at a fine-grained level. Let us illustrate the advantages of using pre-trained CNNs as feature extractors here. Firstly, the pre-trained CNN did not need model adjustment, so the features extracted by CNN were simple and efficient. Secondly, because this CNN model was obtained by training from 1000 object categories and had been trained many times, it could capture a target well which had not been learned in advance, which was convenient for model-free tracking.

4.3. Convolution Target Location

The basic idea of a typical tracker based on correlation filtering [29,30,32,41,42] is learning a discriminant classifier firstly, then searching for the maximum value of the relevant response graph to estimate the assumed position of a target object. Our algorithm uses multiple convolutional layers to form multi-channel features to estimate the target location [31,43,44]. We use q to represent the eigenvectors of layer l whose size is W × H × C , where W, H and C respectively represent the width, height and channel number. Here, we simply represent q ( l ) as q, ignoring the dependency of the layer index l on W, H, and C. Let q be looped over W and H be a learning sample. Each cyclic shift sample is:
q w , h , w , h 0 , 1 , , W 1 × 0 , 1 , , H 1
and its Gaussian function is labeled as:
y w , h = e x p w W / 2 2 + h H / 2 2 2 σ 2
Among them, σ is the kernel bandwidth, and then by minimizing the following questions we can get the correlation filter z same as q size:
z = arg min z w , h z · q w , h y w , h 2 + λ z 2
where λ is the regularization parameter ( λ 0 ), inner product is derived from the linear kernel in the Hilbert space by: Z · Q w , h = d = 1 D Z w , h , c T Q w , h , c . As y w , h is a soft label, a hard threshold sample is not required. It is worth noting that the minimization problem in the formula is closely related to the training-related filter in Reference [44], so the fast Fourier transform method (FFT) can be used to find the optimal solution for each channel. The content of using FFT is introduced below. Q and Y are Fourier transform signals, and the correlation filter in the frequency domain where the d d 1 , , D channel is located can be expressed as:
Z d = Y Q ¯ d i = 1 D Q i Q ¯ i + λ
where Y is derived from the Fourier transform of
y = y w , h w , h 0 , 1 , , W 1 × 0 , 1 , , H 1
Q ¯ is complex conjugate of Q. ⊙ is the element wise product (Hadamard product). Consider the region of the image for any frame, U represent the feature vector layer l, whose size is W × H × C , and then the relevant response diagram of layer l is calculated as followed [29]:
f = F 1 d = 1 D Z d U ¯ d
We can estimate the target location of layer l by searching the max position of the correlation response graph with size W × C .

4.4. Adaptive Convolution Feature Fusion

In CNN, when the convolution reaches a higher level, the semantic information is relatively rich, so it is often used to represent the appearance characteristics and classification of the object. Therefore, its fusion weight needs to be set to a higher value, and the convolutional neural network at low levels make the target boundary obvious. The target can be accurately positioned, but it is sensitive to occlusion deformation and should be given a lower fusion weight. According to the above principle, the weighted sum of the response graph of each layer is used to obtain the final convolution feature response graph f c o n v , that is
f c o n v = l = 1 5 a l f l
where a l represents the fusion weight of each layer. Let the weight of the convolution layer from coarse to fine be 0.5 , 0.3 and 0.2 respectively.
HOG feature is a traditional feature. Compared with convolution feature, the target representation of HOG in complex scenes is not rich enough. In order to make full use of traditional features and convolution feature, our algorithm makes adaptive weighted fusion of HOG traditional feature response graph f t r a d and volume feature response graph f c o n v obtain the final target response graph.
In order to calculate the discrimination ability of traditional features and convolution features in the tracking process, the algorithm uses the difference value of feature response graph Peak Side Lobe Ratio (PSLR) of adjacent image frames to calculate the weight of feature fusion [45]. The smaller the difference is, the better the performance of the filter learned under the feature is, the higher the weight should be assigned to the feature response graph in the fusion of the feature response graph. Setting t as the sequence number of the current frame, the adaptive weight calculation formulas of the two features are these:
k t c o n v = C t t r a d k C t c o n v + C t t r a d , k t t r a d = 1 k t c o n v
where, C t r a d and C c o n v represent the traditional feature of adjacent frames and the peak sidelobe ratio difference of convolution feature response graph respectively. The formula is this:
C t = P S L R ( f t ) P S L R ( f t 1 ) P S L R ( f ) = max ( f ) μ σ
where μ and σ are the mean value and variance of response graph f respectively.
Figure 4 is the feature weight change diagram of the multi-feature adaptive fusion method running on the Bolt video sequence. As shown in the figure, the convolution feature weight is large in most frames of the video sequence. Especially when background clutter environment has serious interference to a target, such as Bolt’s 137th frame video sequences, the other athletes clothes and the color of the billboards interference makes traditional feature weight decrease. However, when the target moves fast making the boundary contour fuzzy or meet with similar goals, convolution feature weight slightly diminishes, such as Bolt video sequences of 65 frames and frame 107.

4.5. Appearance Model Update

As described in [44], the optimal filter at layer l can be updated by the minimum output error of all trace results. However, the method has to solve a set of D × D linear equations at each ( m , n ) position. The number of CNN channels is frequently large, which consumes a lot of computing resources. For example, VGG-Net makes D = 512 in layer conv 5-4 and conv 4-4, so we use the moving average method to update the correlation filter Z d in Equation (8) to obtain a robust approximation.
Z t d = ( 1 η ) Z t 1 d + η Y X t ¯ d i = 1 D X t i X t ¯ i + λ
where η is learning rate.

4.6. Implementation Details

The main steps and implementation details of the tracking algorithm are given in Algorithm 1. This algorithm uses VGG-Net-19 [40] trained on ImageNet [46] for feature extraction. After removing the full connection layer, the output of 3-4, 4-4 and 5-4 CNN layers are used to represent feature. The reason why we do not use the output of the pooling layer is that we would like to get more information on convolution layers that can tell the boundary apart. Set the search box size of an image to W × H ( 1.8 times the target size), then we make a fixed spatial size of W / 4 × H / 4 to adjust the feature channel size of all convolutional layers.
Keep the parameters of each layer of training related filter unchanged. We set the regularization parameter to λ = 10 4 of Equation (7) and make 0.1 kernel bandwidth to generate Gaussian function labels. Set the learning rate η to 0.01, in order to solve the problem of boundary discontinuity, and channels extracted from all CNN layers are weighted through a cosine window [29]. 3-4, 4-4 and 5-4 CNN layer regularization terms γ is set to 1, 0.5 and 0.2 apart. The initial values of the fusion weights k t r a d and k c o n v are set to 0.5 . The experiment shows that the target location result is insensitive to the parameter r of the constraint condition of neighborhood search. This is due to the use of the method of estimating the position of the target by summing up the multi-layer weighted response graph.
Algorithm 1: Tracking algorithm with CNN and correlation filters
Sensors 20 03370 i001

5. Experiments

We evaluated the proposed approach on a large benchmark data set OTB-100 [15] and compared it with other recent approaches. To ensure the integrity of the experiment, we also presented the evaluation results on the benchmark data set OTB-50 [47]. In this paper, distance precision, overlap success rate and center location error rate were used to quantitatively grade the tracker. Following the evaluation protocol proposed by [15], we used the same parameter values for all sequences and all sensitivity analyses. We implemented the tracking algorithm proposed in this paper by using MatConvNet toolbox [48] in MATLAB environment, and the forward propagation calculation on CNNs was run on our experiment platform with GeForce GTX Titan GPU and Intel i7-4770 3.40 ghz CPU and 32 GB RAM.

5.1. Evaluation Metrics

We used the following latest evaluation criteria of object tracking system to evaluate the proposed methods.

5.1.1. Overlap Success Rate (OS)

The overlap rate between the target position b 1 estimated by the tracking algorithm and the target position b 0 of ground-truth which is greater than the frame percentage of the given measure parameter. A given measure parameter is also called Intersection over Union (IoU). We compared the OS value obtained in each frame with the threshold set in advance. When the OS is less than the threshold, we believe that the tracking of this frame has lost the target, otherwise the tracking is successful. The ratio of the number of successful frames to the total number of video frames is the Success Rate. OS values range from 0 to 1, so we can plot a curve.

5.1.2. Distance Precision (DP)

The degree of object offset has a great relationship with the distance between the center points (ground-truth) before and after its movement (Bounding Box). If the actual distance is within the range of the set threshold, the experimental results are not bad. Different thresholds may result in different DP rates, so we can draw a curve of experimental data that contains obvious changes. The disadvantage of this method is that when the target is zoomed or the size changes, it is not very comprehensive to use the center point as the index.

5.1.3. Center Location Error (CLE)

This indicator is complementary to the previous one. The average Euclidean distance has its own advantages on this issue.

5.1.4. One-Pass Evaluation (OPE)

All of our average accuracy and success rate are based on the first frame, and the initialization of the first frame is achieved by ground-truth. There are two disadvantages to this approach. First of all, the tracking algorithm may be sensitive to the initial position given in frame 1, which will has a great impact on the accuracy of the initial position. Secondly, most algorithms do not have the mechanism to reinitialize after the tracking failure, which will seriously affect the tracking effect.

5.1.5. Temporal Robustness Evaluation (TRE)

In an image or video sequence, the tracking algorithm starts tracking from different frames as the starting frame (such as tracking from frame 1, 15 and 30 respectively), and the bounding box used for initialization is the ground-truth labeled on the corresponding frame. We took the average of these results to get the TRE result.

5.1.6. Spatial Robustness Evaluation (SRE)

The tracking algorithm may be affected due to the possible error of manually labeled ground-truth. Therefore, in order to reduce this loss, the bounding box was produced by slight displacement of ground-truth and scaling. The displacement is 10 % of the target object size, and the scale range is 80 % to 120 % of the ground-truth, increased by 10 % each time. Finally, we took the average of these results as SRE results.

5.2. Overall Performance

We compared and evaluated the proposed algorithm with 12 latest trackers. These trackers can be broadly divided into the following three categories:
  • Deep learning tracker (DLT) [10];
  • Correlation filter trackers, including THCF [36], CSK [30], STC [49] and KCF [31];
  • Representative tracking algorithms using single or multiple online classifiers, including MIL [20], Struck [25], CT [50], LSHT [51], TLD [23], SCM [52], MEEM [24].
In Table 1, we quantitatively compared the distance precision at 20 pixels, and the overlap success rate, center location error, tracking speed at 0.5 pixels. Here we list the results of the OTB-50 video sequence [26] and all the OTB-100 video sequences [15]. As we can see from Table 1, the algorithms proposed in this paper were better than the latest trackers in terms of OS rate and CLE, but not as good as THCF [36] in terms of DP rate. The CLE of our method reached 21.2 pixels, and in this area, the THCF [36] tracker got 24.3 pixels as the second-best result. Our tracker ran at about 10 frames per second. At the same time, it can be seen that the DP rate of our method was slightly lower than THCF, because our method took less time and the speed was fast (processing time). Generally, when the tracking accuracy was higher, the time cost was slightly higher. Forward feature extraction took up most of our computing resources (approximately 45 % of the computational time per frame). It should be noted that the OTB-100 was more challenging for the entire test sequence, where none of the compared trackers performed as well as the OTB-50. In the latest tracker, the MEEM [24] approach produced third best results on both the dataset OTB-100 and the dataset OTB-100.
Figure 5 and Figure 6 use DP rates and OS rates on data sets OTB-50 and OTB-100 respectively to provide the evaluation results under the OPE (one-pass evaluation), TRE (temporal robustness evaluation), and SRE (spatial robustness evaluation) criteria. In general, the algorithm was superior to the latest methods in three indicators: OPE, TRE and SRE.
As we can see from Figure 5, when OPE, TRE, and STE were used to evaluate DP rate on benchmark I, our proposed tracker had similar performance compared to the THCF [36] tracker. The specific data comparison was as follows: 79.1% vs. 73.8%, 78.4% vs. 78.5%, 74.4% vs. 70.7%; in terms of coverage success rate, our tracker and THCF [36] tracker performed slightly betterwith 62.9% and 55.3%, 63.9% and 57.2%, 56.4% and 49.0%, respectively.
Figure 6 shows the similar advantages of the tracker algorithm proposed in this paper on the data set OTB-100: in the evaluation of OPE, TRE and SRE, the tracker proposed by us had better performance than THCF [36] tracker in DP rate, which was 70.4% vs. 67.7%, 69.7% vs. 72.0% and 66.2% vs. 73.0%, respectively. In terms of coverage success rate, the performance of the THCF [36] tracker was comparable to 58.2% and 52.8%, 60.2% and 554.5%, 53.0% and 46.6%.

5.3. Complex Scenario Evaluation

We further analyzed the tracking performance of the complex scene video (background clutter, occlusion, scale change) in the data set OTB-100 [15]. Table 2 shows the overlap success rate (%) of all complex scenario OPE evaluations on the OTB-100 dataset, and Table 3 shows its distance precision rate (%).
The following results can be observed from Table 2 and Table 3. First of all, our method effectively dealt with the background clutter, which was realized by the hierarchical semantic and spatial details of CNNs. In contrast, the DLT method useds an unsupervised model to pre-train the network and only took the final output of the trained neural network as the feature. This indicates that CNN features learned under classification supervision (such as VGG-Net) can more effectively identify targets from the background. Secondly, during the process of pre-training models, since we did not completely remove the complex and single semantic information in the final stage, the semantic information was not very sensitive to scale changes. Therefore, when there was a scale change, our method performed well. Finally, our method also had some shortcomings, such as the inability to efficiently deal with tracking failures caused by occlusion and object deformation. This can be attributed to the fact that we did not split the overall feature representation for the time being. In future work, we will consider re-examining modules or component-based models to improve this situation.

5.4. Component Modification Comparison Experiment

In this experiment, we split the features, and two algorithms Ours_Deep and Ours_HOG were obtained. Among them, Ours_Deep used the convolution feature for target tracking, and Ours_HOG algorithm only used the HOG feature. In order to prove the effectiveness of multi-feature fusion target tracking proposed by the algorithm in this paper, Ours_Deep, Ours_HOG and other different features integrating tracking algorithms were selected in this experiment for comparative analysis on the OTB-100 test set. Table 4 comparison shows the accuracy and power generation of various tracking algorithms.

5.5. Layer Characteristic Difference Analysis

In order to prove the effectiveness of the proposed algorithm in the training of convolutional neural networks and the selection of convolutional layers, we split the convolutional layers on the OTB-100 dataset and tested their different performances respectively. We first tested each convolutional layer involved in the experiment, and then searched and measured the combination of layers 5 and 4. Obviously, we also connected all three layers, 3, 4 and 5 together, as hypercolumns that world be used in the experiment [50]. However, this connection broke the hierarchy at the CNN level and resulted in poor performances in the tracking process. Furthermore, we also tested on AlexNet [55] by using the same scheme. Table 5 shows the use of OPE to perform 10 methods with various combinations, where the DP accuracy value was based on a 20-pixel threshold and the OS accuracy value via the area under the curve (AUC). It can be seen from the experimental results that the experiments based on VGG-Net [40] were more effective than the ones based on AlexNet. When the enhanced semantics had a deeper architecture, they were less sensitive to significant changes in appearance. In addition, the algorithm proposed in this paper used multi-layer CNN to carry out hierarchical reasoning for displacement clues, which improved the tracking performance.

5.6. Evaluation Results Analysis

Figure 7 and Figure 8 show the tracking results of 8 complex scene sequences processed by several most commonly used tracking algorithms like THCF [36], MEEM [24], KCF [31], DLT [10]. THCF method works similarly with our method but it was easy to lose the target when the illumination changed suddenly. And when the background clutter had a greater impact on the target, tracking drift happened. MEEM trackers performed well in shape-shifting, rotation, and occlusion sequences, but failed when background clutter and fast motion occurred, because the quantized color channel feature was less effective at processing clutter backgrounds. We also noticed that because MEEM only used the brightness intensity feature in the FreetMan4 sequence, it tended to drift when tracking targets.
The KCF tracker learned the nucleated correlation filter with Gaussian kernel on the HOG feature. It performed well in partial deformation and fast motion sequences, but drifted when the target object was heavily obscured and rotated. DLT approach did not take full advantage of the semantic and fine-grained information and therefore could not track targets on the selected challenging sequence. Struck method was not effective in deformation sequence, background clutter, rotation, and severe occlusion, because Struck, although using structured output to effectively alleviate the sampling ambiguity problem, was not able to effectively deal with large appearance changes due to its manual characteristics.
There are two main reasons for the good performance of our algorithm. First, the algorithm combined the HOG feature and the hierarchical convolution feature, which was more efficient than the traditional manual feature method. Our depth features came from multiple layers of CNN, including the semantics and fine-grained details at the category level, which handled the appearance deformations caused by deformation, rotation, and background clutter. The experimental results show that for the basketball sequence in complex scenes, the 12 latest methods could not track the target well, while our method could achieve a distance precision of 91.8%. Second, the strategic update of memory filter could also deal with the appearance change of tracking target so as to achieve the purpose of automatic recovery of tracking failure.

6. Conclusions

Since the hand-designed feature extraction has a great influence on the performance of target tracking, this paper studies how to effectively combine the neural network layered features and HOG features to improve the performance of the object tracking algorithm. In a typical deep neural network, the front-end network layer has more image texture information and has higher resolution, which can accurately locate the target; while the back-end network layer retains more image semantic information, suitable for the target for large-scale positioning. This algorithm proposes the use of deep convolutional neural network hierarchical features and related filtering algorithms, using high-level abstract information to roughly locate the target in the first place, and then using shallow texture details for fine positioning, and finally weighting fusion with HOG features to obtain the target location. This paper proposes that this adaptive weighted feature fusion tracking algorithm combines the advantages of deep learning layered features, HOG features, and related filters, which has achieved good results on a large-scale object tracking test set. The speed is also ahead of the current other tracking algorithms based on deep learning.

Author Contributions

Conceptualization, H.X. and Y.Z. (Yuanping Zhang); data curation, M.Y.; formal analysis, Y.Z. (Yufang Zhao); funding acquisition, Y.Z. (Yufang Zhao); investigation, Y.Z. (Yuanping Zhang); methodology, H.X.; project administration, M.Y.; resources, M.Y.; software, Y.Z. (Yuanping Zhang); supervision, M.Y.; validation, Y.Z. (Yuanping Zhang); visualization, H.X.; writing—original draft, H.X.; writing—review and editing, H.X. and Y.Z. (Yuanping Zhang). All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (No. 31371055).

Conflicts of Interest

The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.

References

  1. Liu, T.; Wang, G.; Yang, Q. Real-time part-based visual tracking via adaptive correlation filters. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2015, Boston, MA, USA, 7–12 June 2015; pp. 4902–4912. [Google Scholar] [CrossRef]
  2. Zhang, Y.; Tang, Y.; Fang, B.; Shang, Z. Fast multi-object tracking using convolutional neural networks with tracklets updating. In Proceedings of the International Conference on Security, Pattern Analysis, and Cybernetics, SPAC 2017, Shenzhen, China, 15–17 December 2017; pp. 313–317. [Google Scholar] [CrossRef]
  3. Shu, G.; Dehghan, A.; Oreifej, O.; Hand, E.; Shah, M. Part-based multiple-person tracking with partial occlusion handling. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012. [Google Scholar]
  4. Ledig, C.; Heckemann, R.A.; Aljabar, P.; Wolz, R.; Hajnal, J.V.; Hammers, A.; Rueckert, D. Multi-class brain segmentation using atlas propagation and EM-based refinement. In Proceedings of the 2012 9th IEEE International Symposium on Biomedical Imaging (ISBI), Barcelona, Spain, 2–5 May 2012. [Google Scholar]
  5. Fiaz, M.; Mahmood, A.; Javed, S.; Jung, S.K. Handcrafted and Deep Trackers: Recent Visual Object Tracking Approaches and Trends. ACM Comput. Surv. 2019, 52, 43:1–43:44. [Google Scholar] [CrossRef]
  6. Yılmaz, A.; Javed, O.A.; Shah, M. Object tracking: A survey. ACM Comput. Surv. 2006, 38, 13. [Google Scholar] [CrossRef]
  7. Avidan, S. Ensemble Tracking. IEEE Trans. Pattern Anal. Mach. Intell. 2005, 29, 261–271. [Google Scholar] [CrossRef] [PubMed]
  8. Bai, Q.; Wu, Z.; Sclaroff, S.; Betke, M.; Monnier, C. Randomized Ensemble Tracking. In Proceedings of the IEEE International Conference on Computer Vision, ICCV 2013, Sydney, Australia, 1–8 December 2013; pp. 2040–2047. [Google Scholar] [CrossRef] [Green Version]
  9. Girshick, R.B.; Donahue, J.; Darrell, T.; Malik, J. Rich Feature Hierarchies for Accurate Object Detection and Semantic Segmentation. In Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2014, Columbus, OH, USA, 23–28 June 2014; pp. 580–587. [Google Scholar] [CrossRef] [Green Version]
  10. Wang, N.; Yeung, D. Learning a Deep Compact Image Representation for Visual Tracking. In Proceedings of the Advances in Neural Information Processing Systems 26: 27th Annual Conference on Neural Information Processing Systems 2013, Lake Tahoe, NV, USA, 5–8 December 2013; pp. 809–817. [Google Scholar]
  11. Wang, L.; Liu, T.; Wang, G.; Chan, K.L.; Yang, Q. Video Tracking Using Learned Hierarchical Features. IEEE Trans. Image Process. 2015, 24, 1424–1435. [Google Scholar] [CrossRef] [PubMed]
  12. Li, H.; Li, Y.; Porikli, F. DeepTrack: Learning Discriminative Feature Representations by Convolutional Neural Networks for Visual Tracking. In Proceedings of the British Machine Vision Conference (BMVC 2014), Nottingham, UK, 1–5 September 2014. [Google Scholar]
  13. Hong, S.; You, T.; Kwak, S.; Han, B. Online Tracking by Learning Discriminative Saliency Map with Convolutional Neural Network. In Proceedings of the 32nd International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 597–606. [Google Scholar]
  14. Lucas, B.D.; Kanade, T. An Iterative Image Registration Technique with an Application to Stereo Vision. In Proceedings of the 7th International Joint Conference on Artificial Intelligence, Vancouver, BC, Canada, 24–28 August 1981; pp. 674–679. [Google Scholar]
  15. Wu, Y.; Lim, J.; Yang, M.H. Object Tracking Benchmark. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 37, 1834–1848. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Ma, C.; Huang, J.; Yang, X.; Yang, M. Hierarchical Convolutional Features for Visual Tracking. In Proceedings of the 2015 IEEE International Conference on Computer Vision, ICCV 2015, Santiago, Chile, 7–13 December 2015; pp. 3074–3082. [Google Scholar] [CrossRef]
  17. Ramirez-Paredes, J.; Sánchez-Yáñez, R.E.; Ayala-Ramírez, V. A fuzzy inference approach to template-based visual tracking. Mach. Vis. Appl. 2012, 23, 427–439. [Google Scholar] [CrossRef]
  18. Kim, B.; Park, D. Novel target segmentation and tracking based on fuzzy membership distribution for vision-based target tracking system. Image Vis. Comput. 2006, 24, 1319–1331. [Google Scholar] [CrossRef]
  19. Li, L.; Xi-yang, Z.; Liu, Z.; Xie, W. Fuzzy logic approach to visual multi-object tracking. Neurocomputing 2018, 281, 139–151. [Google Scholar] [CrossRef]
  20. Babenko, B.; Yang, M.; Belongie, S.J. Robust Object Tracking with Online Multiple Instance Learning. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 1619–1632. [Google Scholar] [CrossRef] [Green Version]
  21. Grabner, H.; Leistner, C.; Bischof, H. Semi-supervised On-Line Boosting for Robust Tracking. In Proceedings of the 10th European Conference on Computer Vision, Marseille, France, 12–18 October 2008; Proceedings, Part I; Lecture Notes in Computer Science. Forsyth, D.A., Torr, P.H.S., Zisserman, A., Eds.; Springer: Berlin, Germany, 2008; Volume 5302, pp. 234–247. [Google Scholar] [CrossRef]
  22. Gao, J.; Ling, H.; Hu, W.; Xing, J. Transfer Learning Based Visual Tracking with Gaussian Processes Regression. In Proceedings of the Computer Vision—ECCV 2014—13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part III; Lecture Notes in Computer Science. Fleet, D.J., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer: Berlin, Germany, 2014; Volume 8691, pp. 188–203. [Google Scholar]
  23. Kalal, Z.; Mikolajczyk, K.; Matas, J. Tracking-Learning-Detection. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 1409–1422. [Google Scholar] [CrossRef] [Green Version]
  24. Zhang, J.; Ma, S.; Sclaroff, S. MEEM: Robust Tracking via Multiple Experts Using Entropy Minimization. In Proceedings of the Computer Vision—ECCV 2014—13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part VI; Lecture Notes in Computer Science. Fleet, D.J., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer: Berlin, Germany, 2014; Volume 8694, pp. 188–203. [Google Scholar] [CrossRef] [Green Version]
  25. Hare, S.; Saffari, A.; Torr, P.H.S. Struck: Structured output tracking with kernels. In Proceedings of the IEEE International Conference on Computer Vision, ICCV 2011, Barcelona, Spain, 6–13 November 2011; Metaxas, D.N., Quan, L., Sanfeliu, A., Gool, L.V., Eds.; IEEE Computer Society: Washington, DC, USA, 2011; pp. 263–270. [Google Scholar] [CrossRef] [Green Version]
  26. Sibbing, D.; Kobbelt, L. Building a Large Database of Facial Movements for Deformation Model-Based 3D Face Tracking. Comput. Graph. Forum 2017, 36, 285–301. [Google Scholar] [CrossRef]
  27. Ross, D.A.; Lim, J.; Lin, R.; Yang, M. Incremental Learning for Robust Visual Tracking. Int. J. Comput. Vis. 2008, 77, 125–141. [Google Scholar] [CrossRef]
  28. Zhao, Q.; Yang, Z.; Tao, H. Differential Earth Mover’s Distance with Its Applications to Visual Tracking. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 274–287. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  29. Bolme, D.S.; Beveridge, J.R.; Draper, B.A.; Lui, Y.M. Visual object tracking using adaptive correlation filters. In Proceedings of the Twenty-Third IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2010, San Francisco, CA, USA, 13–18 June 2010; IEEE Computer Society: Washington, DC, USA, 2010; pp. 2544–2550. [Google Scholar] [CrossRef]
  30. Henriques, J.F.; Caseiro, R.; Martins, P.; Batista, J.P. Exploiting the Circulant Structure of Tracking-by-Detection with Kernels. In Proceedings of the Computer Vision—ECCV 2012—12th European Conference on Computer Vision, Florence, Italy, 7–13 October 2012; Proceedings, Part IV; Lecture Notes in Computer Science. Fitzgibbon, A.W., Lazebnik, S., Perona, P., Sato, Y., Schmid, C., Eds.; Springer: Berlin, Germany, 2012; Volume 7575, pp. 702–715. [Google Scholar] [CrossRef]
  31. Henriques, J.F.; Caseiro, R.; Martins, P.; Batista, J. High-Speed Tracking with Kernelized Correlation Filters. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 37, 583–596. [Google Scholar] [CrossRef] [Green Version]
  32. Danelljan, M.; Khan, F.S.; Felsberg, M.; van de Weijer, J. Adaptive Color Attributes for Real-Time Visual Tracking. In Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2014, Columbus, OH, USA, 23–28 June 2014; IEEE Computer Society: Washington, DC, USA, 2014; pp. 1090–1097. [Google Scholar] [CrossRef] [Green Version]
  33. Danelljan, M.; Bhat, G.; Khan, F.S.; Felsberg, M. ATOM: Accurate Tracking by Overlap Maximization. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 16–20 June 2019; pp. 4660–4669. [Google Scholar] [CrossRef] [Green Version]
  34. Wang, S.; Lu, H.; Yang, F.; Yang, M. Superpixel tracking. In Proceedings of the IEEE International Conference on Computer Vision, ICCV 2011, Barcelona, Spain, 6–13 November 2011; Metaxas, D.N., Quan, L., Sanfeliu, A., Gool, L.V., Eds.; IEEE Computer Society: Washington, DC, USA, 2011; pp. 1323–1330. [Google Scholar] [CrossRef]
  35. Ruan, Y.; Wei, Z. Real-Time Visual Tracking through Fusion Features. Sensors 2016, 16, 949. [Google Scholar] [CrossRef] [Green Version]
  36. Ma, C.; Huang, J.; Yang, X.; Yang, M. Robust Visual Tracking via Hierarchical Convolutional Features. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 41, 2709–2723. [Google Scholar] [CrossRef] [Green Version]
  37. Dalal, N.; Triggs, B. Histograms of Oriented Gradients for Human Detection. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR 2005), San Diego, CA, USA, 20–26 June 2005; IEEE Computer Society: Washington, DC, USA, 2005; pp. 886–893. [Google Scholar] [CrossRef] [Green Version]
  38. Zitnick, C.L.; Dollár, P. Edge Boxes: Locating Object Proposals from Edges. In Proceedings of the Computer Vision—ECCV 2014—13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part V; Lecture Notes in Computer Science. Fleet, D.J., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer: Berlin, Germany, 2014; Volume 8693, pp. 391–405. [Google Scholar] [CrossRef]
  39. Li, X.; Dick, A.R.; Wang, H.; Shen, C.; van den Hengel, A. Graph mode-based contextual kernels for robust SVM tracking. In Proceedings of the IEEE International Conference on Computer Vision, ICCV 2011, Barcelona, Spain, 6–13 November 2011; Metaxas, D.N., Quan, L., Sanfeliu, A., Gool, L.V., Eds.; IEEE Computer Society: Washington, DC, USA, 2011; pp. 1156–1163. [Google Scholar] [CrossRef]
  40. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  41. Leichter, I.; Lindenbaum, M.; Rivlin, E. Tracking by Affine Kernel Transformations Using Color and Boundary Cues. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 31, 164–171. [Google Scholar] [CrossRef]
  42. Danelljan, M.; Häger, G.; Khan, F.S.; Felsberg, M. Accurate Scale Estimation for Robust Visual Tracking. In Proceedings of the British Machine Vision Conference (BMVC 2014), Nottingham, UK, 1–5 September 2014. [Google Scholar]
  43. Galoogahi, H.K.; Sim, T.; Lucey, S. Multi-channel Correlation Filters. In Proceedings of the IEEE International Conference on Computer Vision, ICCV 2013, Sydney, Australia, 1–8 December 2013; IEEE Computer Society: Washington, DC, USA, 2013; pp. 3072–3079. [Google Scholar] [CrossRef] [Green Version]
  44. Boddeti, V.N.; Kanade, T.; Kumar, B.V.K.V. Correlation Filters for Object Alignment. In Proceedings of the 2013 IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; IEEE Computer Society: Washington, DC, USA, 2013; pp. 2291–2298. [Google Scholar] [CrossRef]
  45. Chang-zhen, X.; Man-qiang, C.; Run-ling, W.; Yan, L. Adaptive Model Update via Fusing Peak-to-sidelobe Ratio and Mean Frame Difference for Visual Tracking. Acta Photonica Sin. 2018, 47. [Google Scholar] [CrossRef]
  46. Deng, J.; Dong, W.; Socher, R.; Li, L.; Li, K.; Li, F. ImageNet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR 2009), Miami, FL, USA, 20–25 June 2009; IEEE Computer Society: Washington, DC, USA, 2009; pp. 248–255. [Google Scholar] [CrossRef] [Green Version]
  47. Wu, Y.; Lim, J.; Yang, M. Online Object Tracking: A Benchmark. In Proceedings of the 2013 IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; IEEE Computer Society: Washington, DC, USA, 2013; pp. 2411–2418. [Google Scholar] [CrossRef] [Green Version]
  48. Vedaldi, A.; Lenc, K. MatConvNet—Convolutional Neural Networks for MATLAB. CoRR 2014. [Google Scholar] [CrossRef]
  49. Zhang, K.; Zhang, L.; Liu, Q.; Zhang, D.; Yang, M. Fast Visual Tracking via Dense Spatio-temporal Context Learning. In Proceedings of the Computer Vision—ECCV 2014—13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part V; Lecture Notes in Computer Science. Fleet, D.J., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer: Berlin, Germany, 2014; Volume 8693, pp. 127–141. [Google Scholar] [CrossRef] [Green Version]
  50. Zhang, K.; Zhang, L.; Yang, M. Real-Time Compressive Tracking. In Proceedings of the Computer Vision—ECCV 2012—12th European Conference on Computer Vision, Florence, Italy, 7–13 October 2012; Proceedings, Part III; Lecture Notes in Computer Science. Fitzgibbon, A.W., Lazebnik, S., Perona, P., Sato, Y., Schmid, C., Eds.; Springer: Berlin, Germany, 2012; Volume 7574, pp. 864–877. [Google Scholar] [CrossRef] [Green Version]
  51. He, S.; Yang, Q.; Lau, R.W.H.; Wang, J.; Yang, M. Visual Tracking via Locality Sensitive Histograms. In Proceedings of the 2013 IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; IEEE Computer Society: Washington, DC, USA, 2013; pp. 2427–2434. [Google Scholar] [CrossRef] [Green Version]
  52. Zhong, W.; Lu, H.; Yang, M. Robust Object Tracking via Sparse Collaborative Appearance Model. IEEE Trans. Image Process. 2014, 23, 2356–2368. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  53. Li, Y.; Zhu, J. A Scale Adaptive Kernel Correlation Filter Tracker with Feature Integration. In Proceedings of the Computer Vision—ECCV 2014 Workshops, Zurich, Switzerland, 6–7 September 2014; Proceedings, Part II; Lecture Notes in Computer Science. Agapito, L., Bronstein, M.M., Rother, C., Eds.; Springer: Berlin, Germany, 2014; Volume 8926, pp. 254–265. [Google Scholar] [CrossRef]
  54. Danelljan, M.; Häger, G.; Khan, F.S.; Felsberg, M. Discriminative Scale Space Tracking. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 1561–1575. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  55. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. In Proceedings of the Advances in Neural Information Processing Systems 25: 26th Annual Conference on Neural Information Processing Systems 2012, Lake Tahoe, NV, USA, 3–6 December 2012; pp. 1106–1114. [Google Scholar]
Figure 1. The differential representation of semantic information between CNN layers. It can be seen that the features of the fifth convolutional layer can hardly see the boundary difference with the continuous decrease of spatial resolution, while the features of the third layer show better performance.
Figure 1. The differential representation of semantic information between CNN layers. It can be seen that the features of the fifth convolutional layer can hardly see the boundary difference with the continuous decrease of spatial resolution, while the features of the third layer show better performance.
Sensors 20 03370 g001
Figure 2. Pipeline of the proposed algorithm.
Figure 2. Pipeline of the proposed algorithm.
Sensors 20 03370 g002
Figure 3. ConvNet configurations.
Figure 3. ConvNet configurations.
Sensors 20 03370 g003
Figure 4. Variation curve of fusion weights of different features on video sequence of Bolt running.
Figure 4. Variation curve of fusion weights of different features on video sequence of Bolt running.
Sensors 20 03370 g004
Figure 5. Comparison of distance accuracy rate and overlap success rate using One-Pass Evaluation (OPE), Temporal Robustness Evaluation (TRE) and Spatial Robustness Evaluation (SRE) on OTB-50.
Figure 5. Comparison of distance accuracy rate and overlap success rate using One-Pass Evaluation (OPE), Temporal Robustness Evaluation (TRE) and Spatial Robustness Evaluation (SRE) on OTB-50.
Sensors 20 03370 g005
Figure 6. Comparison of distance accuracy rate and overlap success rate using OPE, TRE and SRE on OTB-100.
Figure 6. Comparison of distance accuracy rate and overlap success rate using OPE, TRE and SRE on OTB-100.
Sensors 20 03370 g006
Figure 7. Contrast experiment of this algorithm on multiple challenging video sequences (basketball, car, carDark, david).
Figure 7. Contrast experiment of this algorithm on multiple challenging video sequences (basketball, car, carDark, david).
Sensors 20 03370 g007
Figure 8. Contrast experiment of this algorithm on multiple challenging video sequences (freeman, skating, soccer, walking).
Figure 8. Contrast experiment of this algorithm on multiple challenging video sequences (freeman, skating, soccer, walking).
Sensors 20 03370 g008
Table 1. Experimental results of proposed method compared with existing methods on the OTB-50 [I] and OTB-100 [II] database.
Table 1. Experimental results of proposed method compared with existing methods on the OTB-50 [I] and OTB-100 [II] database.
OursTHCFMEEMDLTKCFSTCStruckSCMCTLSHTCSKMILTLD
[36][24][10][31][49][25][52][50][51][30][20][23]
DP rateI79.28379.454.874.154.765.664.940.656.154.547.560.8
(%)II71.678.171.352.669.250.763.557.235.949.751.643.959.2
OS rateI70.369.668.647.862.236.555.961.634.145.744.337.352.1
(%)II63.562.262.14354.831.451.651.227.838.841.333.149.7
CLEI18.720.925.565.235.580.550.654.178.955.788.862.348.1
(pixel)II23.827.729.866.54586.247.161.680.168.230572.160
SpeedI13.512.820.88.59245687100.3738.839.626928.121.7
(FPS)II11.411.820.88.432436539.840.3644.439.92482823.3
Table 2. Overlap success (%) in terms of comples scene on the OTB-100 dataset.
Table 2. Overlap success (%) in terms of comples scene on the OTB-100 dataset.
AttributesOursTHCF
[36]
MEEM
[24]
DLT
[10]
KCF
[31]
STC
[49]
Struck
[25]
SCM
[52]
CT
[50]
LSHT
[51]
CSK
[30]
MIL
[20]
TLD
[23]
lllumination variation(23)72.072.170.261.758.357.556.534.441.147.453.928.043.2
Out-of-plane rotation(37)78.674.773.166.461.262.158.236.943.550.457.835.145.7
Scalvariation (28)67.569.568.856.947.246.350.832.834.047.961.734.548.7
Occlusion(27)77.476.973.865.961.465.157.531.041.049.658.336.441.6
Deforrnation(17)85.783.778.863.565.973.460.331.939.550.455.744.240.7
Motionblur(12)65.866.466.765.554.858.052.421.334.350.032.123.448.2
Fastmotion(17)67.667.365.767.449.555.149.721.436.755.132.632.745.9
In-plane rotation(31)76.273.867.763.758.460.465.137.945.353.754.832.545.6
Outofview(6)69.368.768.074.054.463.653.730.040.855.944.442.350.9
Background clutter(21)75.575.475.572.166.567.959.737.747.953.553.640.339.8
Low resolution (4)45.146.642.737.628.726.832.028.728.224.854.014.433.6
Weighted Average73.97370.664.357.659.856.732.940.850.553.234.344.5
Table 3. Distance precision (%) in terms of comples scene on the OTB-100 dataset.
Table 3. Distance precision (%) in terms of comples scene on the OTB-100 dataset.
AttributesOursTHCF
[36]
MEEM
[24]
DLT
[10]
KCF
[31]
STC
[49]
Struck
[25]
SCM
[52]
CT
[50]
LSHT
[51]
CSK
[30]
MIL
[20]
TLD
[23]
lllumination variation (23)79.179.878.574.463.869.972.757.846.655.756.232.050.1
Out-of-plane rotation (37)83.684.184.183.369.877.276.057.255.461.362.349.358.4
Scal variation (28)76.784.582.577.662.668.675.756.549.965.066.347.560.5
Occlusion (27)84.084.183.180.567.680.277.053.452.959.165.244.154.3
Deforrnation (17)86.686.785.084.371.482.071.651.050.057.257.548.748.3
Motion blur (12)67.668.670.572.154.266.259.932.335.255.535.234.851.0
Fast motion (17)66.771.770.074.949.060.658.128.837.260.533.439.555.0
In-plane rotation (31)80.881.679.781.169.073.278.253.154.663.560.545.260.0
Out of view (6)73.572.872.772.351.066.353.341.237.255.344.539.257.3
Background clutter(21)81.282.083.780.672.975.969.653.558.259.959.345.241.9
Low resolution (4)72.475.776.490.444.063.374.050.946.455.366.032.556.4
Weighted average79.381.180.479.464.973.072.251.350.160.157.543.654.5
Table 4. Performance evaluation using different features.
Table 4. Performance evaluation using different features.
OursOurs_DeepOurs_HOGSAMF [53]KCF [31]DSST [54]CN
OS(%)64.360.959.357.855.752.949.3
DP(%)85.885.472.270.768.267.160.2
Table 5. Evaluation of experiments using multiple convolutional layers on the OTB-100 dataset.
Table 5. Evaluation of experiments using multiple convolutional layers on the OTB-100 dataset.
OursVgg-Net-5VggNet-4VggNet-3VggNet-5-4VggNet-543AlexNet-5AlexNet-5-4-3AlexNet-5-4AlexNet-543
OS(%)64.356.754.952.455.752.249.547.547.246.9
DP(%)85.884.778.372.584.877.467.466.565.965.7

Share and Cite

MDPI and ACS Style

Xia, H.; Zhang, Y.; Yang, M.; Zhao, Y. Visual Tracking via Deep Feature Fusion and Correlation Filters. Sensors 2020, 20, 3370. https://doi.org/10.3390/s20123370

AMA Style

Xia H, Zhang Y, Yang M, Zhao Y. Visual Tracking via Deep Feature Fusion and Correlation Filters. Sensors. 2020; 20(12):3370. https://doi.org/10.3390/s20123370

Chicago/Turabian Style

Xia, Haoran, Yuanping Zhang, Ming Yang, and Yufang Zhao. 2020. "Visual Tracking via Deep Feature Fusion and Correlation Filters" Sensors 20, no. 12: 3370. https://doi.org/10.3390/s20123370

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop