Next Article in Journal
A Fast Calibration Method for Photonic Mixer Device Solid-State Array Lidars
Next Article in Special Issue
Photon-Counting Underwater Optical Wireless Communication for Reliable Video Transmission Using Joint Source-Channel Coding Based on Distributed Compressive Sensing
Previous Article in Journal
Dual-Gas Sensor of CH4/C2H6 Based on Wavelength Modulation Spectroscopy Coupled to a Home-Made Compact Dense-Pattern Multipass Cell
Previous Article in Special Issue
Geographic and Opportunistic Recovery with Depth and Power Transmission Adjustment for Energy-Efficiency and Void Hole Alleviation in UWSNs
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Self-Selective Correlation Ship Tracking Method for Smart Ocean Systems

1
The State Key Laboratory of Integrated Services Networks, Xidian University, Xi’an 710071, China
2
Department of Computer and Information Sciences, Temple University, Philadelphia, PA 19122, USA
3
Department of Engineering, Qatar University, Doha 2713, Qatar
*
Author to whom correspondence should be addressed.
Sensors 2019, 19(4), 821; https://doi.org/10.3390/s19040821
Submission received: 29 December 2018 / Revised: 13 February 2019 / Accepted: 14 February 2019 / Published: 17 February 2019

Abstract

:
In recent years, with the development of the marine industry, the ship navigation environment has become more complicated. Some artificial intelligence technologies, such as computer vision, can recognize, track and count sailing ships to ensure maritime security and facilitate management for Smart Ocean systems. Aiming at the scaling problem and boundary effect problem of traditional correlation filtering methods, we propose a self-selective correlation filtering method based on box regression (BRCF). The proposed method mainly includes: (1) A self-selective model with a negative samples mining method which effectively reduces the boundary effect in strengthening the classification ability of the classifier at the same time; (2) a bounding box regression method combined with a key points matching method for the scale prediction, leading to a fast and efficient calculation. The experimental results show that the proposed method can effectively deal with the problem of ship size changes and background interference. The success rates and precisions were over 8 % higher than Discriminative Scale Space Tracking (DSST) on the marine traffic dataset of our laboratory. In terms of processing speed, the proposed method is higher than DSST by nearly 22 frames per second (FPS).

1. Introduction

The ocean is rich in resources, which will provide tremendous amounts of materials to address the problem of humans’ resource shortages. However, due to the imperfect infrastructure, the development and utilization of marine resources are still in its infancy. With the development of the marine industry, marine transportation needs large-scale management, marine resources sharing and marine activities need comprehensive coordination, which can create new wealth for the marine field. The Smart Ocean concept refers to a comprehensive perception and understanding of ocean data, that then provides intelligent interactive services. A Smart Ocean system is a good combination of information technology and the traditional ocean industry. The Smart Ocean system tasks include links between marine equipment, human activities, marine environment, and management subjects. The construction of the Smart Ocean system can be classified into four categories: perception networks, communication networks, artificial intelligence platforms, and application groups. Perception networks mainly include large-scale sensors installed at sea, ships, ports or bays, which transmit captured data to cloud platforms through communication networks. The collected data can be analyzed and processed by artificial intelligence algorithms on the cloud platform, and the results can be fed back to application groups. The captured image information can be processed by artificial intelligence technology, which can identify, track and count the ships in real time. By tracking the course of the ships sailing into or out of the bay, the relative position of the ships and the restricted areas can be computed to analyze the ships’ behavior.
Because of its cross-disciplinary nature, heterogeneous data formats and vulnerability to weather and environmental disturbances, it is very difficult to track ships at sea level. The core issue of target tracking in smart ocean systems is how to select an effective feature extraction method for different scenes to represent the target ship. The single ship tracking task involves predicting the size and location of the target in the next frame given the size and location of the target ship in the initial frame of a video sequence. Feature engineering transforms the data of the raw pixel domain into abstract features, which can describe the appearance of the ship and make the tracker perform better on the learned model than on the original pixels. In addition to feature engineering, the quality of the pattern recognition (PR) system depends significantly on the machine learning (ML) algorithm model used by the smart ocean system itself. There are various kinds of feature extraction methods in the pattern recognition system. When combined with different types of trackers, it is difficult to grasp which feature extraction method is most effective. Multi-feature fusion and multi-task joint learning can solve this problem well. By using different kinds of features in different trackers, the model can analyze the reliability of each feature and learn adaptively. In addition, traditional target tracking methods need to extract multi-scale features when dealing with target scale transformation and even need to train a scale filter especially, which is very time-consuming. The target aspect ratio can only be adjusted according to a certain proportion, and it cannot cope with the deformation of the target well.
In this article, aiming at the scaling problem and boundary effect problem of traditional correlation filtering methods, we propose a self-selective correlation filtering method based on box regression (BRCF) for smart ocean systems. The method mainly includes: (1) A hard negative sample mining method to reduce the boundary effect of the correlation filter; (2) a self-selective model with adaptive multi-response fusion method to strengthen the classification capability of the tracking model; (3) a key points matching method for scale pre-estimation of the tracking target; (4) a bounding box regression method to adjust the bounding box of the tracking target freely.
The rest of the article is organized as follows: Section 2 introduces the traditional tracking algorithms for visual tracking. Section 3 describes a self-selective model with adaptive multi-response fusion and negative samples mining method. A scale pre-estimation method using points matching and a bounding box regression method for scale fine-tuning is presented in Section 4. Section 5 compares the success rate, precisions, and speed of the proposed method with other two methods based on our traffic dataset. We conclude this article in Section 6.

2. Related Works

The traditional target tracking methods are usually based on a generative model and a discriminant model. Through mathematical modeling, the generative model represents the distribution of image data from a statistical point of view, which can reflect the similarity between the pixel features and the search area and find the most reliable position.
Since 2010, correlation filter (CF)-based target tracking methods have been springing up and achieved good tracking results. In 2010, Bolme et al. firstly used CF for target tracking [1]. The image signal was transformed into the frequency domain through a Discrete Fourier Transform (DFT), and the correlation between signals was measured by the minimum mean square error (MMSE). In [2,3,4], the authors used the property between the circular matrix and DFT to further simplify the operation of the cyclic shift operation. Galoogahi et al. proposed a CF tracking method based on the multi-channel feature map so that the CF can be applied to RBG images [5]. Henriques et al. used the regularized least-squares classifier (RLSC) to optimize the mean square error (MSE) between the signals [6]. The kernel method was first used to solve the RLSC with signals in high dimensional space which increased the speed of the CF method. Danelljan used CF to solve scale transformation problems [7]. The two-dimensional CF and the one-dimensional CF were combined together and can be updated at the same time. Ma et al. add a classifier to detect the target confidence, which can correct the tracking errors [8]. Galoogahi et al. used the larger size of image blocks to find the object location, but then used a smaller filter size to raise the proportion of positive samples [9].
Many methods use regularization terms to evaluate the spatial information around the tracking target, so as to improve the tracking performance [10,11,12,13,14,15,16]. In order to reduce the boundary effects, a spatial regularization method was described to penalize correlation filter coefficients according to their spatial location [10]. Lukezic et al. utilized channel reliability to promote the robustness of features and used spatial reliability to reduce the boundary effect [11]. Mueller et al. considered more background patches as context-aware information and took more negative samples to train the model [12]. A fully convolutional neural network with spatially regularized kernels was presented to analyze the spatial information of deep features so that the filter kernels can focus on a specific region of the target [13]. He et al. also exploited the discriminative power in the CNN features by summing the weighted convolution responses from each feature block to produce the final confidence score [14]. Sun et al. adopted an alternating direction method to solve a CF-based optimization problem which jointly models the discrimination and reliability information [15]. Li et al. proposed a spatial-temporal regularized correlation filters which handles the boundary effects without much loss in efficiency and achieve superior performance [16]. Several works have used multi-task or multi-feature fusion to enhance the robustness of trackers [17,18,19]. Bertinetto et al. utilized color statistics as complementary traits to make the model cope with the situations exhibiting motion blur and illumination changes [17]. Zhang et al. first presented the multi-task correlation filter combining with a particle filter [18]. Wang et al. proposed an efficient multi-cue analysis framework which explores the context among the adopted multiple features and the strength of them, and each expert in the model tracks the target independently [19]. A novel large margin object tracking method with a multimodal target detection technique is proposed to improve the target localization precision in [20], and feedback from high-confidence tracking results was adopted to avoid the model corruption problem and model drift. Danelljan et al. exploited a factorized convolution operator in the compact generative model of the training sample distribution, which drastically reduces memory and time complexity [21]. Wang et al. propose to generate hard positive samples via adversarial learning for visual tracking [22]. The generated diverse target object images can enrich the training dataset and enhance the robustness of visual trackers.
With the development of sensor technology and improvement of hardware, image sensors can be combined with wireless sensors in a Smart Ocean system [23,24,25,26,27,28,29,30,31,32]. Du et al. provided security and privacy for sensor networks in terms of computation, communication, memory/storage, and energy supply [23,24,25,26]. Tian et al. introduced the latest application of video surveillance in intelligent transportation systems [27]. Zhang et al. analyzed a socially aware Internet of Vehicles with a deep reinforcement learning method [28]. Guo et al. introduced applications of compressive sensing (CS) in vehicular infotainment systems, including object tracking for safety [29,30]. Chavez-Garcia and Aycard presented multi-sensor fusion for accurate object tracking for advanced driver assistance systems [31]. Zhang et al. used a multimodal data fusion method to track vehicles through multi-camera linkage [32]. Kang et al. proposed some vehicle classification, vehicle tracking and anomaly detection methods based on road traffic scenes [33,34,35]. A new method to extract the characteristics of ship attitude angle by using radar track information was presented in [36]. Kalman Filter (KF)-based techniques for tracking ships using Global Positioning System (GPS) data were introduced in [37]. Ban et al. used a support vector regression (SVR) method for deposing outliers and regressing polluted ship tracks [38]. Chen et al. proposed a novel method based on mean shift for automatic detection and tracking of a ship in the corrected video sequences [39]. Leclerc et al. experimented with pre-trained convolutional neural networks to perform ship classification on a limited ship image dataset [40]. Xiao et al. proposed a ship tracking algorithm for harbor channels based on an orthogonal particle filter employing Bayes state estimation [41].

3. Self-selective Model with Negative Samples Mining

The purpose of this section is to describe our self-selective model based on hard negative sample mining. At the beginning of this section, we start with the principle of kernelized correlation filter (KCF) and its online updating rules. Three main components of the tracking method are the regularized least-squares classifier, circuit convolution of image features and the DFT. When using traditional KCF methods for target tracking, the feature selection is too simple to cope with the changes in the surrounding environment, and there is a serious boundary effect. In order to solve these problems, a new method of mining positive and negative samples based on local regions is proposed in the following section, which reduces the complexity of a single model and improves the classification ability of the model. At the end of this section, a multi-feature adaptive selection method is proposed to improve the robustness of the tracking model under the dynamic background environment.

3.1. Updating Rule of KCF

In machine learning, we assume that we have training dataset S = ( x 1 , y 1 ) , ( x 2 , y 2 ) , , ( x l , y l ) , including l independent training samples, where x i R l , y i R . f is defined as a classification function. It is a convex mapping function in positive definite Hilbert space:
f ( z ) = i = 1 l c i κ ( z , x i )
where c R l indicates the parameters of the model, x R l is the input signal and κ ( ) denotes the mapping results of circular convolution between the input signal and the sample signal in high-dimensional Hilbert space. Based on the dataset above, the loss function of the classifier is:
min f H 1 l i = 1 l y i f ( x i ) 2 + λ c T K c
where K R l × l is defined as the kernel matrix composed of sample vectors. K i j = κ ( x i , x j ) is the element of K at ( i , j ) . Gaussian function and linear function are commonly used kernel functions. Then the kernelized version of the Ridge Regression is as follows:
c = ( K + λ I ) 1 y
A circular matrix is given by:
X = c i r c ( x ) = [ x T c s h i f t ( x T , 1 ) c s h i f t ( x T , l 1 ) ]
As shown in the formula above, each row in the circular matrix X is the circular shift of x T in different times. c s h i f t ( x , i ) circularly shifts the base signal x in i times. According to this definition, the classifier in formula (1) can be expressed as:
f ( z ) = c i r c ( k x z ) T c
where k xz indicates the cross-correlation vector between x and z . The element k i xz in the kernelized self-correlation vector k xz is defined as k i xz = κ ( z , c s h i f t ( x , i ) ) . According to matrix theory that a circular matrix can be diagonalized by DFT:
X = F diag ( x ^ ) F H
where X is the circular matrix of the raw signal x . x ^ is the DFT form of x in frequency domain, F denotes the DFT matrix. H indicates the complex conjugate transpose. The classifiers in the frequency domain can be expressed as:
f ^ ( z ) = k ^ xz c ^
Substituting Equation (6) in Equation (3), further derivation gives the classifier in the frequency domain:
f ^ ( z ) = k ^ xz c ^ = k ^ xz y ^ k ^ xx + λ l
where x is the training samples and z is the input signal in the testing stage. k ^ xx denotes the kernelized self-correlation vector in the frequency domain. The element k i xx in the kernelized self-correlation vector k xx is defined as k i xx = κ ( x , c s h i f t ( x , i ) ) , where κ ( · ) is the kernel function. k ^ xz indicates the cross-correlation vector between x and z in the frequency domain. The element k i xz in the kernelized self-correlation vector k xz is defined as k i xz = κ ( x , c s h i f t ( z , i ) ) . y ^ transforms the Gaussian label vector y in the frequency domain.
In the calculation of cross-correlation kernel vectors, the circular matrix of the raw signal should be calculated by a circular shift, and then be the inner product with the input vector. By the property of Fourier diagonalization for the circular matrix, a Fast Fourier Transform (FFT) is used to work out the cross-correlation kernel vectors with the transformation of the raw signal and the input signal. Then the inner product of the two signals is carried out and the Inverse Fast Fourier transform (IFFT) is employed. As a result, the computational complexity is greatly reduced when implemented by computers.
The correlation filter of one-dimensional signals can be generalized to the form of two-dimensional signals. The parameters k ^ xx , k ^ xz , y ^ in Equation (4) can be generalized to the self-correlation matrix, cross-correlation matrix and Gaussian matrix. f ^ ( z ) in Equation (4) represents the filtering response in the frequency domain, after a 2D-IFFT the filtering response in the time domain is generated. Figure 1 shows the execution process of the traditional correlation filtering algorithm. The location and size of the target object are given in the first frame. First, the HOG features of the image block are extracted. Then, the HOG feature is transformed into the frequency domain by two-dimensional DFT. In the next frames, the window is located at the position predicted in the previous frame during the tracking stage. In the training stage, the window is located at the predicted position in the current frame. The parameters of the correlation filter are calculated by combining the self-correlation kernel vector. The two-dimensional parameters of KCF can be calculated by the formula (4) directly. An iterative fashion is used to update the model:
c ^ = { c ^ t , t = 1 c ^ + α c ^ t , t > 1
where c t is the two-dimensional parameters calculated in the current t’th frame, α is the learning rate.
The model parameters are calculated from the next frames and fine-tuned on the parameters from the first frame. The shape of the target in the first frame is very important. If the next video frame has a drastic distortion compared with the first frame, the performance of the model will be greatly reduced.

3.2. Local Region Hard Negative Samples Mining

Figure 2 shows the general relationship between the classification hyperplane determined by the parameters and the training samples in machine learning. The white circle in the graph represents the positive samples, the dark circle represents the negative samples. The thick solid line in the middle black represents the n-dimensional classification hyperplane determined by the n-dimensional parameters of the classifier. The dashed line represents the area close to the hyperplane of classification.
It is obvious from the figure that the classification hyperplane is determined by the samples near the hyperplane inside the dotted line. When classifying these samples, the classifier easily judges the positive samples (white circles) below the hyperplane as the negative samples (dark circles). To the contrary, the negative samples above the horizontal line will be classified as positive samples. So we call the samples inside the dotted line as hard samples. Therefore, if we can use the hard samples, we will save a lot of training time and improve the classification accuracy at the same time.
The HOG features at the center are moved to the origin at the upper left corner when transformed into the frequency domain. Therefore, the self-correlation kernel matrix is obtained after the feature is shifted one cycle (W and H in two directions). The two-dimensional label matrix with the same size is also obtained by the circular shift in the same range. However, when shifting to the edge of the image, the target will be split into two parts, which is called the boundary effect. In this case, the split samples are useless and time-consuming for classifiers. For the response of the circular convolution, we hope to select more samples in the middle region of the response as hard samples.
Figure 3 shows a sampling process of the sliding samples based on the local region. The image represents the image block extracted from the target position. It is composed of the target region at the center and the background around with width P. The height of the target is TH and the width is TW. Therefore, the height of the image are H = TH + 2P, W = TW + 2P. The base sample is the target at the center of the image patch shown as the bounding box 1. Box 2 and 3 respectively indicate the circular shifts of the base sample. The background region is also shifted circularly with the target area at the same time. The shifting distance is restricted to the range x s h i f t , y s h i f t [ P , P ] , corresponding to 2 P × 2 P the region inside the dotted line.
x s h i f t , y s h i f t are the offsets alongside the horizontal axis and vertical axis. It is obvious from Figure 3 that the top left vertex of the target frame just slips over the range x t l , y t l [ 0 , 2 P ] , and the bottom right vertex of the target frame just slips over the range x b r [ T W , W ] , y b r [ T H , H ] . Circular convolution in this range can avoid the segmentation of target samples. In addition, there is a strong correlation between the base sample and the shifting samples close to it, which belongs to the hard samples to be mined.
The comparison between the two-dimensional labels of traditional circular samples and local region circular samples in time domain is shown in Figure 4. The labels in Figure 4a are generated for the whole searching area, while the labels in Figure 4b only considers the correlations of local regions. According to the property of DFT, when two-dimensional label and the self-correlation matrix are transformed from time domain to frequency domain, the high frequency component will move to the origin. Only the matrix elements in the range [ P , P ] are considered in the frequency domain. Therefore, the self-correlation kernel matrix and the parameter matrix of the model are greatly reduced.

3.3. Adaptive Model based on Multi-Feature Fusion

When tracking the target, a single HOG feature focuses on the gradient distribution between every single cell in the target region and less on the local color distribution and texture distribution of the image. Therefore, the local color distribution histogram feature (CH) and the local binary pattern histogram feature (LH) are used as auxiliary features to participate in the training and tracking.
The proposed model based on adaptive multi-feature fusion is described in Figure 5. The red arrows indicate that the model parameters are updated according to the predicted results of the current frame. The green arrows indicate that the filtering in this frame is calculated according to the model updated last time and the input image of this frame. For both color histogram and local binary pattern histogram, a correlation filter model is established respectively. x H O G , x C H , x L H respectively denote the hog feature, color histogram, and local binary pattern histogram. For the same target, the three features are characterized in different fashions, and the filtering responses obtained by the three models are also different. When training the target features in the previous frame, the self-correlation kernel matrix of each feature must be computed first. Then the parameter matrix of each model can be obtained separately. The main model integrates the filtering results of each sub-model and preserves the diversity of each-sub model.
The last filtering response is obtained by weighted summation of the three filter responses on the parameters α H O G , α C H , α L H . In the fusing process, the three weights are constantly updated instead of immutable. Actually, the tracking process is a semi-supervised learning process. Only in the first frame, the model knows what the real label is. It not completely accurate to generate the label matrix via the tracking results of each frame in the next update process. Consequently, the three sub-models need to self-evaluate whether the prediction is reliable.
Kullback–Leibler divergence (KL divergence) is a method of measuring the difference between two probability distributions. If two distributions are closer, the KL divergence between will be lower. So we use KL divergence to evaluate the reliability of prediction response:
K L ( R R p r e d ) = i , j R h × w R ( i , j ) log R ( i , j ) R p r e d ( i , j )
In the formula above, R and R p r e d respectively represents the ideal response and the predicted response. i , j R h × w indicates the coordinates on the two-dimensional matrix. The ideal response R is a two-dimensional Gaussian matrix of which the peak value is at the same location with the peak value of R p r e d . For the three sub-models, 3 KL divergence values can be computed by the formula (6). Then the weights of each sub-model at t’th frame can be calculated as follows:
{ η H O G t = 1 S t × K L H O G t η C H t = 1 S t × K L C H t η L H t = 1 S t × K L L H t S t = 1 K L H O G t + 1 K L C H t + 1 K L L H t
where K L H O G t , K L C H t , K L L H t are the KL divergence of HOG response, CH response and LH response at the t-th frame. η H O G t , η C H t , η L H t are the weights of each sub-model calculated at the t-th frame. S t is a normalized parameter which constrains η H O G t + η C H t + η L H t = 1 , but they are not the final weights of each sub-model. In order to enhance the robustness of the model and prevent the abnormal value in a frame from causing the model to drift, we adopt the update method to make the weights between the sub-models change smoothly. The following is the updating rule of the final weights:
{ α H O G 1 = η H O G 1 α C H 1 = η C H 1 α F H 1 = η F H 1 α H O G t = ( 1 λ ) × α H O G t 1 + λ × η H O G t α C H t = ( 1 λ ) × α C H t 1 + λ × η C H t α F H t = ( 1 λ ) × α F H t 1 + λ × η F H t
where λ is the learning rate of weights α H O G , α C H , α L H .
In the first frame, η H O G 1 , η C H 1 , η L H 1 are initialized to satisfy η H O G t + η C H t + η L H t = 1 . From Equation (8), α H O G 1 + α C H 1 + α L H 1 = 1 . Afterwards, it can be derived on the basis of recursive relations that α H O G t + α C H t + α L H t = 1 . Therefore, in the subsequent weights control, the sum of the weights remains constant. The total energy of the final response after fusion is finite, and it always converges with the update of weights.

4. Box Regression with Scale Pre-estimation

The self-selection model introduced in the last section integrates more features to participate in the decision of ship location in the final response. However, the method does not solve the scaling problem of ships. When moving in the camera, the shape and scale of the ships are variable. The size of the bounding box should change in shape when the ship drives near or away from the camera, even when the ship is turning. In this section, a scale pre-estimation method and a box regression method are provided. Firstly, a feature point matching method is used to roughly estimate the scale of the target ship, and then a regression algorithm based on the complete feature is used to precisely adjust the shape of the object.

4.1. Scale Pre-estimation

Speeded Up Robust Features (SURF) improves the performance on extraction and description of features compared with Scale-invariant Feature Transform (SIFT) algorithm. SIFT descriptors use Gaussian filters to find local extremes according to the Difference of Gaussian (DOG) in images of different scales. By calculating the direction histogram of the local neighborhood of the key point, the direction of the maximal value in the histogram is found as the main direction of the key point. The statistical result of the gradient direction histogram of the key point in the neighborhood Gauss image is the final descriptors. Different from the SIFT descriptor, square filters are adopted in SURF descriptors. The determinant of the Hessian Matrix is used to detect the extreme and integral graph is used to accelerate the operation. It calculates the Haar wavelet transform in the X and Y directions of the pixels around the feature points and takes the maximal value in the sum vector of the two wavelets transform as the direction of the feature points. SURF completes the extraction and description of features in a more efficient way, which can be implemented in real-time in computer vision systems. Like the Sift algorithm, Surf features also have the property of rotation invariance.
Figure 6 shows a video sequence in which the target is far away from the camera, where (a) and (b) are the image blocks extracted around the target in the 397-th frame and 609-th frame, respectively. Because the target bounding box cannot automatically adjust the size, so in (a) when the target becomes small in the frame, the bounding box cannot compactly encapsulate the target object. The training samples used in the updating model contain too much background information, causing the drift of the model. This leads to the situation in Figure 6b when the video is at the 609-th frame. The filter cannot correctly predict the correct location of the target object while the target is further shrinking. The model will continue to lose the target in next video frames.
Surf algorithm constructs multi-scale pyramid features for image and gets the extreme points by Hessian matrix discriminant. Then, Haar wavelet features in the neighborhood of feature points are counted to determine the main direction. Then the coordinate axis is rotated to the main direction, and the wavelet response in the neighborhood is calculated to generate the feature description vector. Finally, the Euclidean distance between the two feature points is calculated to determine the matching degree.
This paper adopts a key point matching strategy based on surf features for scale pre-estimation. Figure 7 shows the matching points using surf features between two adjacent frames. Because there is no big jitter on camera and target object will not have large deformation, it is easier to match as many key points as possible in adjacent frames. The scaling ratio of the target can be calculated by the minor changes between these key points. Because the bounding box contains a small amount of background information, the feature points on the non-target objects will be matched. Therefore, some extra conditions are needed to enhance the contribution of the feature points belong to the object part and weaken the contribution of the feature points in the background area.
Assume that the key points detected in the previous frame are K p = { K 1 P , K 2 P , , K M P } , the key points detected in the latter frame are K l = { K 1 l , K 2 l , , K N l } . The set of key matches for success matching is:
P a i r s = { ( K 1 p , K 1 l ) , ( K 2 p , K 2 l ) , , ( K T p , K T l ) } , T M , T N
where T is the number of matching pairs, K is a coordinate of a key point.
Each key point is assigned different weights in accordance with their importance. It is assumed that the key points near the target center are more likely to be part of the target. Therefore, the points close to the target center should be given higher weights, and those far away from the target center will be given lower weights. Therefore, different weights are assigned to the key points according to the filter response values at the position of each key point. Assume that the weight at K i p is ω i p and the weight at K j l is ω j l . The weighted centroid of the key points can be calculated through the weights in the previous and latter frames:
M p = i ω i p K i p i ω i , M l = j ω j l K j l j ω j
where M p and M l are the centroids of key points in the previous frame and the latter frame.
The pre-estimated scale can be calculated from the distance between the centroid of the feature point and the target center:
s c a l e ( p , l ) = M l C l M p C p
where C p and C l are the center points of the target in the previous frame and the later frame.

4.2. A Bounding Box Regression Method

Scale variation range of the target object can be estimated by key points matching method mentioned in the previous paragraph. The purpose of the estimation is to cope with changes in the distance between the target and the camera. In addition to the scale changes, there is occlusion or morphological changes between adjacent frames. A complementary approach should be used to fine-tune the predicted bounding box to make it more precise.
For our ship tracking task, a bounding box regressor is specially trained. Suppose that N pairs of samples { ( S i , R i ) } i = 1 N participate in the training process. Each pair of samples represents a real bounding box R i = ( R x i , R y i , R w i , R h i ) of the target and a sampled box S i = ( S x i , S y i , S w i , S h i ) tightly around R i . ( S x i , S y i ) and ( S w i , S h i ) respectively indicate the center coordinate and the width/height of the sampled box. Similarly, ( R x i , R y i ) and ( R w i , R h i ) respectively represent the center coordinate and the width/height of the ground-truth bounding box of the target. The purpose of training the regressor is to get an ideal mapping function from the predicted bounding box to the ground-truth bounding box. The relationship between the predicted box and the real box is shown in Figure 8:
For the four components x , y , w , h of a bounding box, a regressor for predicting the feature F is defined:
{ σ x = w x T F H O G ( S ) σ y = w y T F H O G ( S ) σ w = w w T F H O G ( S ) σ h = w h T F H O G ( S )
where F H O G ( S ) indicates the HOG features extracted from the box S . Four parameter vectors of linear regressor based on HOG feature are defined as w x , w y , w w , w h . Four outputs σ x , σ y , σ w , σ h are used to approximate four corresponding target parameters defined as:
{ t x = ( R x S x ) / S w t y = ( R y S y ) / S h t w = log ( R w / S w ) t h = log ( R h / S h )
where ( σ x , σ y ) is the relative offset from sampled box to the real box output by the regressor. ( t x , t y ) are the ideal relative offset between sampled box to the real box during training. ( σ w , σ h ) are the relative scale ratio under a log function output by the regressor. ( t w , t h ) are the ideal relative scale under a log function.
The problem can be divided into four ridge regression problems:
{ w x = arg min w ^ x i N ( t x i w ^ x T F H O G ( S i ) ) 2 + λ w ^ x 2 w y = arg min w ^ y i N ( t y i w ^ y T F H O G ( S i ) ) 2 + λ w ^ y 2 w w = arg min w ^ w i N ( t w i w ^ w T F H O G ( S i ) ) 2 + λ w ^ w 2 w h = arg min w ^ h i N ( t h i w ^ h T F H O G ( S i ) ) 2 + λ w ^ h 2
where λ is a regularization parameter.
The training of the regressor is off-line, and the batch gradient descent (BGD) method is used to solve the optimization problem above. The off-line means the regressor is firstly trained on several videos, and then be fine-tuned at the initial frame of the tracking video. At each iteration, 8 bounding boxes around the actual target bounding box are sampled and the parameters w x , w y , w w , w h are updated once. After several iterations, the regressor converges to a locally optimal result on the training set.
When the model tracks the target, the input of the regression is the bounding box P p r e = ( P x p r e , P y p r e , P w p r e , P h p r e ) predicted by the scale prediction method. According to the approximation relation between σ x , σ y , σ w , σ h and t x , t y , t w , t h in formulas (12) and (13), the final position P f i n a l = ( P x f i n a l , P y f i n a l , P w f i n a l , P h f i n a l ) can be obtained:
{ P x f i n a l = P x p r e + w x T F H O G ( P p r e ) × P x p r e P y f i n a l = P y p r e + w y T F H O G ( P p r e ) × P y p r e P w f i n a l = P w p r e exp ( w w T F H O G ( P p r e ) ) P h f i n a l = P h p r e exp ( w h T F H O G ( P p r e ) )
In addition, when selecting training pairs, the overlap ratio between the sampled box and the real box greatly affects the performance of the regression. The overlap ratio represents the ratio of the overlapping area to the merging area of two bounding boxes. If the predicted overlap ratio between the predicted box and the real box is large enough, then the fine-tuning is valid. Conversely, it is difficult for the regressor to predict the accurate location.

5. Experiments

The experimental environment in this paper is an Intel Core i7-4790 CPU (Intel, Santa Clara, CA, USA) @ 3.40GHz, equipped with 16 GB RAM (Micron Technology, Boise, Idaho, USA) and without using GPU in the operations. The evaluation software is MatLab R2017a (MathWorks, Natick, Massachusetts, USA). The video data for the evaluation is provided by the large data intelligent transportation project in our laboratory. Ten video sequences of different lengths have been captured. These videos have a frame rate of 25 fps and a resolution of 1920 × 1080 . The dataset includes videos captured at sea and videos recorded on a traveling ship. Most of the targets in these videos are ships sailing into or out of the bay. By tracking the course of these ships, we can judge the relative position of the ship and the restricted area, and analyze the behavior of the ship. The performance comparison between the BRCF and KCF as well as DSST on the dataset in this paper is shown below.
Figure 9 shows the overlap ratio curve of video sequences 1–5. The points on the curves indicate the overlap ratio between the predicted bounding box and the ground-truth bounding box. From the overall curve, BRCF is significantly higher than KCF in each video sequence. In the curve of sequence 1 and 2, the holistic overlap ratio of BRCF is higher than that of KCF and DSST. At the beginning of Sequence 2, the overlap ratio of BRCF and DSST was close, but the curve of DSST in the latter part was obviously lower than that of BRCF. In Sequence 3, BRCF is almost equivalent to DSST at the initial 200 frames. Then BRCF is a little superior to DSST in the next hundreds of frames. Similarly, in Sequence 4, BRCF performs slightly better than DSST in the first 300 frames and then has the same effect as DSST. In Sequence 5, BRCF has comparable performance with DSST and KCF at the beginning 300 frames. After an interference at about the 300-th frame, DSST and KCF lose the target synchronously while the proposed BRCF method still keeps tracking of the target ship in next frames.
Figure 10 shows the distance curve of video sequence 1–5. The points on the curves denote the distance between the center of the predicted bounding box and the ground-truth bounding box. Except for sequence 2, the distance of BRCF is obviously lower than that of KCF on any other sequence. The performance of BRCF and DSST is close to each other in sequence 3 and sequence 4. The performance of BRCF is slightly better than DSST after the 300-th frame of sequence 5. In sequence 1, the BRCF performs better than the other two methods on distance curve. Comparing the overlap ratio curve with the distance curve, it can be inferred that the overall overlap ratio of BRCF is higher than that of KCF and DSST, and the overall distance between the predicted bounding box and the ground-truth bounding box is lower than that of KCF and DSST. It shows that the bounding box predicted by BRCF is closer to the ground-truth bounding than that predicted by KCF and DSST.
Figure 11a shows the curve of success rate over the overlap ratio threshold of BRCF and KCF as well as DSST. The tracking success is defined when the overlap ratio of the predicted bounding box and the ground-truth bounding box is higher than a certain threshold value. The success rate is the ratio of the number of successful frames to the total number of frames in all video sequences. Among all overlap ratio thresholds, the success rate of BRCF is much higher than that of KCF. The performance of BRCF is better than that of DSST in the most threshold range. This shows that the BRCF method is more effective than the DSST method in dealing with the scale change.
Figure 11b shows the curve of precision over the distance threshold of BRCF and KCF as well as DSST. Distance is calculated by the Euclidean distance between the center pixels of two bounding boxes. When the distance of the predicted bounding box and the ground-truth bounding box is lower than a certain threshold value, the tracking of this frame is precise. The precision is the ratio of the number of precise frames to the total number of frames in all video sequences. It can be seen from the figure that the precision of the BRCF is higher than that of the DSST and KCF in all scale ranges.
Table 1 shows the comparison of total performance on average overlap ratio, average distance, average success rate and average precision. The average overlap ratio and average success rate of BRCF are higher than that of DSST by over 0.08 respectively. The average distance of BRCF is lower than that of DSST by over 8-pixel length. The average precision of BRCF is higher than that of DSST by over 0.08. In summary, the total performance of BRCF is better than DSST on our dataset.
Table 2 shows the comparison of the processing rate on our marine traffic dataset. The average processing rate of KCF, DSST and BRCF are 131.80 FPS, 23.07 FPS and 44.98 FPS. KCF reduces video scale and only extracts the gray HOG features of the image, so the processing speed is faster. The difference between BRCF and DSST is that no redundant correlation filter is used to deal with the scale, only the regressor is used to adjust the scale without extracting redundant HOG features. In addition, the local region mining method reduces some parameters of the model.
Table 3 shows a comparison of time consumption on scale calculation between DSST and BRCF. DSST needs 0.009s for scale prediction, 0.012 s for scale training. BRCF only needs 0.008 s for scale prediction.
The detection of abnormal events on the sea by the three tracking methods KCF, DSST and BRCF on the three video sequences are shown in Figure 12. In a Smart Ocean system, one of the most important tasks is to detect and track abnormal events and illegal ships on the sea. A restricted area is set in advance for anomaly detection. When the ships sailing near the preset restricted area, the system will give an alarm. The color of the dashed rectangle reflects the distance between the moving ship and the restricted area. As the ship moves closer to the restricted area, the color of the rectangular box becomes darker until the alarm is triggered. The curve connected to the bounding box represents the tracking trajectory of each algorithm for the target ship. The red number in the upper left corner of each frame indicates the serial number in the video sequences. It can be seen that the scale of the target box of KCF method cannot adjust the box size when the object size changes. The bounding box of DSST can adjust its size according to the change of object scale, but it cannot change the aspect ratio of the box. Once the object is deformed, the rectangle box will not be able to wrap the object tightly. The proposed BRCF method is more adaptable to the deformation of objects and other scenes. It can adjust the scale freely following the shape change of objects.

6. Conclusions

In this paper, we proposed a self-selective CF model based on box regression. In view of the severe boundary effect, the range of positive and negative samples is controlled according to the circular shift distance. The diversity of features is improved by a self-selective model with multi-response fusion. Combining the key points matching method for scale pre-estimation of the tracking target, the regression method can make the bounding box change in accordance with arbitrarily shaped targets. The experimental results show that the average success rated and precisions were higher than DSST by about 8 percentage points in the laboratory of marine traffic dataset. In terms of processing speed, the proposed method is higher than DSST by nearly 22 fps. It can achieve almost real-time processing. Meanwhile, the proposed method can effectively deal with the problem of object size changes and background interference.

Author Contributions

X.K. and B.S. conceived and designed the experiments; X.K. and J.G. performed the experiments; X.K., B.S. and X.D. analyzed the data; B.S., X.D. and M.G. contributed experimental tools and devices; X.K. wrote the paper; J.G. and M.G. reviewed and edited the paper.

Funding

This research was supported by the National Natural Science Foundation of China under Grant (No. 61772387 and No. 61802296), the Fundamental Research Funds of Ministry of Education and China Mobile (MCM20170202), the Fundamental Research Funds for the Central Universities (JB180101), China Postdoctoral Science Foundation Grant (No. 2017M620438), and supported by ISN State Key Laboratory.

Acknowledgments

The authors would like to thank anonymous reviewers for their valuable comments and suggestions.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Bolme, D.S.; Beveridge, J.R.; Draper, B.A.; Lui, Y.M. Visual object tracking using adaptive correlation filters. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 2544–2550. [Google Scholar]
  2. Henriques, J.F.; Caseiro, R.; Martins, P.; Batista, J. Exploiting the circular structure of tracking-by-detection with kernels. In European Conference on Computer Vision; Springer: Berlin/Heidelberg, Germany, 2012; pp. 702–715. [Google Scholar]
  3. Revaud, J.; Douze, M.; Schmid, C.; Jégou, H. Event Retrieval in Large Video Collections with Circular Temporal Encoding. In Proceedings of the 2013 IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 2459–2466. [Google Scholar]
  4. Henriques, J.F.; Carreira, J.; Caseiro, R.; Batista, J. Beyond Hard Negative Mining: Efficient Detector Learning via Block-Circular Decomposition. In Proceedings of the 2013 IEEE International Conference on Computer Vision, Sydney, NSW, Australia, 1–8 December 2013; pp. 2760–2767. [Google Scholar]
  5. Galoogahi, H.K.; Sim, T.; Lucey, S. Multi-channel Correlation Filters. In Proceedings of the 2013 IEEE International Conference on Computer Vision, Sydney, NSW, Australia, 1–8 December 2013; pp. 3072–3079. [Google Scholar]
  6. 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] [PubMed] [Green Version]
  7. 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]
  8. Ma, C.; Yang, X.; Zhang, C.; Yang, M. Long-term correlation tracking. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 5388–5396. [Google Scholar]
  9. Galoogahi, H.K.; Fagg, A.; Lucey, S. Learning Background-Aware Correlation Filters for Visual Tracking. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1144–1152. [Google Scholar]
  10. Danelljan, M.; Hager, G.; Shahbaz Khan, F.; Felsberg, M. Learning spatially regularized correlation filters for visual tracking. In Proceedings of the 2015 IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 4310–4318. [Google Scholar]
  11. Lukezic, A.; Vojir, T.; Zajc, L.C.; Matas, J.; Kristan, M. Discriminative Correlation Filter with Channel and Spatial Reliability. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4847–4856. [Google Scholar]
  12. Mueller, M.; Smith, N.; Ghanem, B. Context-aware correlation filter tracking. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1387–1395. [Google Scholar]
  13. Sun, C.; Lu, H.; Yang, M.H. Learning spatial-aware regressions for visual tracking. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 8962–8970. [Google Scholar]
  14. He, Z.; Fan, Y.; Zhuang, J.; Dong, Y.; Bai, H. Correlation Filters with Weighted Convolution Responses. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1992–2000. [Google Scholar]
  15. Sun, C.; Wang, D.; Lu, H.; Yang, M.H. Correlation Tracking via Joint Discrimination and Reliability Learning. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 489–497. [Google Scholar]
  16. Li, F.; Tian, C.; Zuo, W.; Zhang, L.; Yang, M.H. Learning Spatial-Temporal Regularized Correlation Filters for Visual Tracking. arXiv, 2018; arXiv:1803.08679. [Google Scholar]
  17. Bertinetto, L.; Valmadre, J.; Golodetz, S.; Miksik, O.; Torr, P.H. Staple: Complementary learners for real-time tracking. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 1401–1409. [Google Scholar]
  18. Zhang, T.; Xu, C.; Yang, M.H. Multi-task correlation particle filter for robust object tracking. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4819–4827. [Google Scholar]
  19. Wang, N.; Zhou, W.; Tian, Q.; Hong, R.; Wang, M.; Li, H. Multi-Cue Correlation Filters for Robust Visual Tracking. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4844–4853. [Google Scholar]
  20. Wang, M.; Liu, Y.; Huang, Z. Large margin object tracking with circular feature maps. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 21–26. [Google Scholar]
  21. Danelljan, M.; Bhat, G.; Khan, F.S.; Felsberg, M. ECO: Efficient Convolution Operators for Tracking. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 6931–6939. [Google Scholar]
  22. Wang, X.; Li, C.; Luo, B.; Tang, J. SINT++: Robust Visual Tracking via Adversarial Positive Instance Generation. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4864–4873. [Google Scholar]
  23. Du, X.; Xiao, Y.; Guizani, M.; Chen, H.H. An Effective Key Management Scheme for Heterogeneous Sensor Networks. Ad Hoc Netw. 2007, 5, 24–34. [Google Scholar] [CrossRef]
  24. Xiao, Y.; Rayi, V.; Sun, B.; Du, X.; Hu, F.; Galloway, M. A Survey of Key Management Schemes in Wireless Sensor Networks. J. Comput. Commun. 2007, 30, 2314–2341. [Google Scholar] [CrossRef]
  25. Du, X.; Chen, H.H. Security in Wireless Sensor Networks. IEEE Wirel. Commun. Mag. 2008, 15, 60–66. [Google Scholar]
  26. Du, X.; Guizani, M.; Xiao, Y.; Chen, H.H. A Routing-Driven Elliptic Curve Cryptography based Key Management Scheme for Heterogeneous Sensor Networks. IEEE Trans. Wirel. Commun. 2009, 8, 1223–1229. [Google Scholar]
  27. Tian, B.; Morris, B.T.; Tang, M.; Liu, Y.; Yao, Y.; Gou, C.; Shen, D.; Tang, S. Hierarchical and Networked Vehicle Surveillance in ITS: A Survey. IEEE Trans. Intell. Transp. Syst. 2017, 16, 557–580. [Google Scholar] [CrossRef]
  28. Zhang, Y.; Tian, F.; Song, B.; Du, X. Social vehicle swarms: A novel perspective on socially aware vehicular communication architecture. IEEE Wirel. Commun. 2016, 23, 82–89. [Google Scholar] [CrossRef]
  29. Guo, J.; Song, B.; He, Y.; Yu, F.R.; Sookhak, M. A Survey on Compressed Sensing in Vehicular Infotainment Systems. IEEE Commun. Surv. Tutor. 2017, 19, 2662–2680. [Google Scholar] [CrossRef]
  30. Guo, J.; Song, B.; Chi, Y.; Jayasinghe, L.; Yuen, C.; Guan, L.; Du, X.; Guizani, M. Deep neural network-aided Gaussian message passing detection for ultra-reliable low-latency communications. Future Gener. Comput. Syst. 2019, 95, 629–638. [Google Scholar]
  31. Chavez-Garcia, R.O.; Aycard, O. Multiple Sensor Fusion and Classification for Moving Object Detection and Tracking. IEEE Trans. Intell. Transp. Syst. 2016, 17, 525–534. [Google Scholar] [CrossRef]
  32. Zhang, Y.; Song, B.; Du, X.; Guizani, M. Vehicle Tracking Using Surveillance with Multimodal Data Fusion. IEEE Trans. Intell. Transp. Syst. 2018, 19, 2353–2361. [Google Scholar] [CrossRef]
  33. Kang, X.; Song, B.; Guo, J.; Du, X.; Guizani, M. Attention-mechanism-based tracking method for intelligent Internet of vehicles. Int. J. Distrib. Sens. Netw. 2018, 10. [Google Scholar] [CrossRef]
  34. Kang, X.; Song, B.; Sun, F. A Deep Similarity Metric Method Based on Incomplete Data for Traffic Anomaly Detection in IoT. Appl. Sci. 2019, 9, 135. [Google Scholar] [CrossRef]
  35. Li, Y.; Song, B.; Kang, X.; Du, X.; Guizani, M. Vehicle-Type Detection Based on Compressed Sensing and Deep Learning in Vehicular Networks. Sensors 2018, 18, 4500. [Google Scholar] [CrossRef] [PubMed]
  36. Wei, C.; Duan, F.; Liu, X.; Ren, J.; Yang, O.; Lu, W. A robust estimation method of ship target attitude angle based on radar track. In Proceedings of the 2018 13th IEEE Conference on Industrial Electronics and Applications (ICIEA), Wuhan, China, 31 May–2 June 2018; pp. 2160–2163. [Google Scholar]
  37. Assaf, M.H.; Petriu, E.M.; Groza, V. Ship track estimation using GPS data and Kalman Filter. In Proceedings of the 2018 IEEE International Instrumentation and Measurement Technology Conference (I2MTC), Houston, TX, USA, 14–17 May 2018; pp. 1–6. [Google Scholar]
  38. Ban, B.; Yang, J.; Chen, P.; Xiong, J.; Wang, Q. Ship Track Regression Based on Support Vector Machine. IEEE Access 2017, 5, 18836–18846. [Google Scholar] [CrossRef]
  39. Chen, Z.; Li, B.; Tian, L.; Chao, D. Automatic detection and tracking of ship based on mean shift in corrected video sequences. In Proceedings of the 2017 2nd International Conference on Image, Vision and Computing, Chengdu, China, 2–4 June 2017; pp. 449–453. [Google Scholar]
  40. Leclerc, M.; Tharmarasa, R.; Florea, M.; Boury-Brisset, A.; Kirubarajan, T.; Duclos-Hindié, N. Ship Classification Using Deep Learning Techniques for Maritime Target Tracking. In Proceedings of the 2018 21st International Conference on Information Fusion, Cambridge, UK, 10–13 July 2018; pp. 737–744. [Google Scholar]
  41. Xiao, L.; Wang, H.; Zou, M.; Hu, Z. A Ship Tracking Algorithm of Harbor Channel Based on Orthogonal Particles Filter. In 2018 Chinese Intelligent Systems Conference; Springer: Singapore, 2019; pp. 875–880. [Google Scholar]
Figure 1. A schematic diagram of KCF. The whole process is divided into two steps: training and tracking. After updating the correlation filter model by the tracking on the last frame, the model can get the tracking result on the current frame. FFT and IFFT respectively denote the Fast Fourier Transform and the Inverse Fast Fourier Transform.
Figure 1. A schematic diagram of KCF. The whole process is divided into two steps: training and tracking. After updating the correlation filter model by the tracking on the last frame, the model can get the tracking result on the current frame. FFT and IFFT respectively denote the Fast Fourier Transform and the Inverse Fast Fourier Transform.
Sensors 19 00821 g001
Figure 2. The relationship between classification hyperplane and samples. The white circles and the dark circles separately indicate the positive samples and the negative samples. The samples inside the dotted line are the hard samples which will not be classified correctly.
Figure 2. The relationship between classification hyperplane and samples. The white circles and the dark circles separately indicate the positive samples and the negative samples. The samples inside the dotted line are the hard samples which will not be classified correctly.
Sensors 19 00821 g002
Figure 3. Circular samples based on the local region. The base sample is the target at the center of the image patch shown as the bounding box 1. Box 2 and 3 respectively indicate the circular shifts of the base sample. The arrow in the figure represents the direction of the circular shift.
Figure 3. Circular samples based on the local region. The base sample is the target at the center of the image patch shown as the bounding box 1. Box 2 and 3 respectively indicate the circular shifts of the base sample. The arrow in the figure represents the direction of the circular shift.
Sensors 19 00821 g003
Figure 4. The comparison of label matrix between traditional circular samples and local region circular samples in time domain. The curves above the two label matrices denote the two-dimensional Gaussian distribution of both cases.
Figure 4. The comparison of label matrix between traditional circular samples and local region circular samples in time domain. The curves above the two label matrices denote the two-dimensional Gaussian distribution of both cases.
Sensors 19 00821 g004
Figure 5. Flow chart of proposed model based on adaptive multi-feature fusion. The red arrows indicate that the model parameters are updated according to the predicted results of the current frame. The green arrows indicate that the filtering in this frame is calculated according to the model updated last time and the input image of this frame.
Figure 5. Flow chart of proposed model based on adaptive multi-feature fusion. The red arrows indicate that the model parameters are updated according to the predicted results of the current frame. The green arrows indicate that the filtering in this frame is calculated according to the model updated last time and the input image of this frame.
Sensors 19 00821 g005
Figure 6. Target away from camera causing loss of target: (a) Target away from the camera in the 397-th frame; (b) Target away from the camera in the 609-th frame. The image on the left is the tracking result of the current frame while the graph on the right is the filtering response of the current frame.
Figure 6. Target away from camera causing loss of target: (a) Target away from the camera in the 397-th frame; (b) Target away from the camera in the 609-th frame. The image on the left is the tracking result of the current frame while the graph on the right is the filtering response of the current frame.
Sensors 19 00821 g006
Figure 7. Schematic diagram of matching points based on surf feature in adjacent frames: (a) 299-th and 300-th frame; (b) 519-th and 520-th frame.
Figure 7. Schematic diagram of matching points based on surf feature in adjacent frames: (a) 299-th and 300-th frame; (b) 519-th and 520-th frame.
Sensors 19 00821 g007
Figure 8. The relationship between the sampled box S and the real box R . After training the regressor by the mapping function from a real bounding box to the sampled bounding boxes. A predicted bounding box can be generated by the regressor in the testing stage.
Figure 8. The relationship between the sampled box S and the real box R . After training the regressor by the mapping function from a real bounding box to the sampled bounding boxes. A predicted bounding box can be generated by the regressor in the testing stage.
Sensors 19 00821 g008
Figure 9. Curve of overlap ratio between predicted box and real box: (a) sequence 1; (b) sequence 2; (c) sequence 3; (d) sequence 4; (e) sequence 5. The points on the curves indicate the overlap ratio between the predicted bounding box and the ground-truth bounding box.
Figure 9. Curve of overlap ratio between predicted box and real box: (a) sequence 1; (b) sequence 2; (c) sequence 3; (d) sequence 4; (e) sequence 5. The points on the curves indicate the overlap ratio between the predicted bounding box and the ground-truth bounding box.
Sensors 19 00821 g009
Figure 10. Curve of distance between predicted box and real box: (a) sequence 1; (b) sequence 2; (c) sequence 3; (d) sequence 4; (e) sequence 5; (f) sequence 6; (g) sequence 7. The points on the curves denote the distance between the center of the predicted bounding box and the ground-truth bounding box.
Figure 10. Curve of distance between predicted box and real box: (a) sequence 1; (b) sequence 2; (c) sequence 3; (d) sequence 4; (e) sequence 5; (f) sequence 6; (g) sequence 7. The points on the curves denote the distance between the center of the predicted bounding box and the ground-truth bounding box.
Sensors 19 00821 g010aSensors 19 00821 g010b
Figure 11. The performances of KCF, DSST, and BRCF on all video sequences: (a) The curve of success rate over the overlap ratio threshold; (b) The curve of precision over distance threshold. The success rate is the ratio of the number of successful frames to the total number of frames in all video sequences. Distance is calculated by the Euclidean distance between the center pixels of two bounding boxes.
Figure 11. The performances of KCF, DSST, and BRCF on all video sequences: (a) The curve of success rate over the overlap ratio threshold; (b) The curve of precision over distance threshold. The success rate is the ratio of the number of successful frames to the total number of frames in all video sequences. Distance is calculated by the Euclidean distance between the center pixels of two bounding boxes.
Sensors 19 00821 g011
Figure 12. The detection of abnormal events on the sea by the three tracking methods. When the ships sailing near the preset restricted area, the smart ocean system will give an alarm. The color of the dashed rectangle reflects the distance between the moving ship and the restricted area.
Figure 12. The detection of abnormal events on the sea by the three tracking methods. When the ships sailing near the preset restricted area, the smart ocean system will give an alarm. The color of the dashed rectangle reflects the distance between the moving ship and the restricted area.
Sensors 19 00821 g012
Table 1. Comparison of three methods on the average overlap ratio, the average distance, the average success rate, and the average precision.
Table 1. Comparison of three methods on the average overlap ratio, the average distance, the average success rate, and the average precision.
KCFDSSTBRCF
Average overlap ratios0.38810.58710.6652
Average distances80.325028.414319.8536
Average success rates0.39220.58600.6624
Average precisions0.57800.72040.8059
Table 2. Comparison of processing rate on our marine traffic dataset.
Table 2. Comparison of processing rate on our marine traffic dataset.
MethodsThe Performance of the Three Algorithms on 20 VideosAverage Rate
KCF163.12136.47133.62128.3289.71131.80
166.39137.35241.94176.8391.28
DSST21.4415.6313.9618.268.6123.07
18.1310.259.687.846.87
BRCF40.9739.8532.7439.5123.8844.98
46.8952.7229.5826.8631.79
Table 3. Comparison of time consumption on scale calculation.
Table 3. Comparison of time consumption on scale calculation.
DSSTBRCF
Time consumption(s)Scale trainingScale predictionScale trainingScale prediction
0.0120.00900.008

Share and Cite

MDPI and ACS Style

Kang, X.; Song, B.; Guo, J.; Du, X.; Guizani, M. A Self-Selective Correlation Ship Tracking Method for Smart Ocean Systems. Sensors 2019, 19, 821. https://doi.org/10.3390/s19040821

AMA Style

Kang X, Song B, Guo J, Du X, Guizani M. A Self-Selective Correlation Ship Tracking Method for Smart Ocean Systems. Sensors. 2019; 19(4):821. https://doi.org/10.3390/s19040821

Chicago/Turabian Style

Kang, Xu, Bin Song, Jie Guo, Xiaojiang Du, and Mohsen Guizani. 2019. "A Self-Selective Correlation Ship Tracking Method for Smart Ocean Systems" Sensors 19, no. 4: 821. https://doi.org/10.3390/s19040821

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