Next Article in Journal
Risk Assessment for the Use of COTS Devices in Space Systems under Consideration of Radiation Effects
Previous Article in Journal
Statistical Analysis of the Effectiveness of Wearable Robot
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Aircraft Track Anomaly Detection Based on MOD-Bi-LSTM

School of Information and Electronics, Beijing Institute of Technology, Beijing 100081, China
*
Authors to whom correspondence should be addressed.
Electronics 2021, 10(9), 1007; https://doi.org/10.3390/electronics10091007
Submission received: 20 March 2021 / Revised: 15 April 2021 / Accepted: 19 April 2021 / Published: 23 April 2021
(This article belongs to the Section Computer Science & Engineering)

Abstract

:
In order to ensure flight safety and eliminate hidden dangers, it is very important to detect aircraft track anomalies, which include track deviations and track outliers. Many existing track anomaly detection methods cannot make full use of multidimensional information of the relevant track. Based on this problem, an aircraft track anomaly detection method based on the combination of the Multidimensional Outlier Descriptor (MOD) and the Bi-directional Long-Short Time Memory network (Bi-LSTM) is proposed in this paper. Firstly, track deviation detection is transformed into the track density classification problem, and then a multidimensional outlier descriptor is designed to detect track deviation. Secondly, track outliers detection is transformed into a prediction problem, and then a Bi-LSTM model is designed to detect track outliers. Experimental results based on real aircraft track data indicate that the accuracy of the proposed method is 96% and the recall rate is 97.36%. It can detect both track deviation and track outliers effectively.

1. Introduction

With the rapid development of satellite communication technology, the ADS-B data reflecting aircraft track is becoming more abundant, and there is a lot of valuable information from the track data. In order to realize multi-source information fusion and the tracking of aircraft flights, Chinese and other scholars have carried out a lot of exploration and research work on track data mining methods, such as the ADS-B anomaly data detection model based on VAE-SVDD [1], track clustering [2], track correlation analysis [3,4], object motion pattern recognition [5], path planning [6], anomalous trajectories detection [7], etc. In the field of information fusion, the abnormal behavior of the target can be mined through the multi-dimensional track characteristics of the target, which is of great significance for situation assessment, threat assessment and command decision-making [8]. In the real environment, there are many unreasonable sampling points that have huge differences with their neighboring track points in motion features in the track data. These points are outliers in the track data [9]. All kinds of outliers affect the data quality of the track, and also have a certain effect on the information mining in subsequent tracks. Therefore, anomaly detection based on track data is an important basis of track data analysis and mining.
The track data of an aircraft flight is usually a sequence comprised of Multidimensional data points. The abnormal behavior of the target can be mined through the anomaly detection of Multidimensional tracks. Scholars at home and abroad have done a lot of research on anomaly detection and track anomaly detection. Chandola et al. summarized the anomaly detection technology, classification, application scope, advantages and disadvantages [10,11]. Existing anomaly detection methods can be divided into statistics-based anomaly detection [12], distance-based anomaly detection [13], density-based anomaly detection [14], depth-based anomaly detection [15] and deviation-based anomaly detection [16], etc. Existing track anomaly detection methods include methods based on the Multidimensional Local Outlier Factor [8], extracting global track features [17], classifiers [18,19], track segment similarity detection [20,21], etc. In recent years, with the advancement of deep learning methods in the big data detection field, anomaly detection methods of deep learning have come to include an anomaly detection algorithm based on multi-layer convolution neural network interactive visualization [22], a Long-short Time Memory Network anomaly detection algorithm based on the encoder-decoder framework [23], a novel intrusion detector based on deep learning hybrid methods [24], forecasting and anomaly detection approaches using LSTM and LSTM autoencoder techniques with the applications in supply chain management [25], a new method for anomaly detection of seismic preprecursor data based on LSTM-RNN [26], a deep learning-based hybrid intelligent intrusion detection system [27], deep learning for anomaly detection [28], a track anomaly detection algorithm based on the Bidirectional Long-short Time Memory Network [9], etc. In addition, Ruff et al. published a review on deep and shallow anomaly detection [29].
Some of the above methods can only detect the position anomaly of the target track, some do not make full use of the multidimensional features of the target, some rely too much on the parameter threshold, some are unable to automatically learn the difference between the abnormal points and normal points of the track and some have poor applicability to complex types of data. In a word, there are some limitations in mining the abnormal behavior of a target.
In view of the above problems, a track anomaly detection algorithm based on the Multidimensional Outlier Descriptor (MOD) combined with the Bi-directional Long-Short Time Memory Network (Bi-LSTM) is proposed in this paper. Firstly, the MOD algorithm is used to detect the track deviation. Then a 5-dimensional motion feature vector is built for each track point, and the feature vectors of track data within a time interval are selected as the input of the Bi-LSTM network to detect various abnormal behaviors of an aircraft.

2. Algorithm Description

2.1. Track Anomaly Detection Based on MOD-Bi-LSTM

The aircraft track anomaly includes the track deviation and the track outliers. A track deviation means the flight of the aircraft deviates from the fixed flight route. The track outliers refers to the abnormal height, speed and heading of aircraft at some track points. The flowchart of the algorithm for track anomaly detection based on MOD-Bi-LSTM is shown in Figure 1.

2.1.1. Data Preprocessing

Due to some reasons, the flight data of aircraft may be missing some of the time. In order to not affect the detection of track anomaly, the missing data need to be filled. According to the distribution of data, the mean and median can be used to fill the data. If the data is uniformly distributed, the mean is used to fill the data, and if the data is non-uniformly distributed, the median is used to fill the data.

2.1.2. Track Deviation Detection

The MOD algorithm is used to detect the track deviation. It is necessary to determine the threshold of the MOD algorithm. Since the MOD algorithm is to detect static data, the nearest neighbor number k and the anomaly threshold T can be determined through experimental verification. In the same scene, once the values of k and T are determined, these values can be adopted in the subsequent track deviation detection. The MOD value of the tracks is calculated, and tracks with a MOD value higher than the threshold are detected as a deviational track, then the deviational tracks will be removed.

2.1.3. Track Outliers Detection

(1)
Model training: The data is divided into training set and test set. The Bi-LSTM model uses the information of the current time, pre-t time and post-t time. The track features were extracted by forward and backward LSTM, respectively. In the feature extraction process, each track point is represented by a 5-dimensional vector: x t = { longitude ,   latitude ,   height ,   heading ,   speed } . The x 0 represents the input information of the track point at the current time. The x t and x t represent the track point information at the time t before and after x 0 , respectively. The input of the model is the sequences of track point vectors, and the features between the sequences are extracted automatically by Bi-LSTM. In the training process, the Bi-LSTM model can automatically learn the relationship between the track sequences.
(2)
Flight prediction: The test set is added into the trained Bi-LSTM neural network model to predict the flight time series. Various evaluation indexes are used to evaluate the algorithm performance, and the prediction results are compared with the LSTM and Bi-LSTM algorithm without MOD preprocessing.
(3)
Aircraft abnormal behavior detection: the predicted sequence value and the real sequence value are differentiated to obtain the difference sequence, and the difference sequence is solved by the SVDD algorithm to obtain the threshold of abnormal detection. In the test phase, whether the flight state of the aircraft is abnormal is judged by comparing the differentials with the threshold.

2.2. MOD for Track Deviation Detection

In anomaly detection, Local Outlier Factors (LOF) can not only solve the problem of anomaly detection with inconsistent local density [30] well, but also measure the position anomaly reflected by Euclidean distance well. For multidimensional target track data, LOF is not able to measure the position, speed and heading anomaly of the target for different requirements. Therefore, the MOD based on Dynamic Time Warping (DTW) algorithm can be the anomaly measurement of a multidimensional track. MOD can not only measure the position anomaly of the target, but also measure the height, speed and heading anomaly of the target, simultaneously.
Track data generally is multidimensional sequences comprised of multidimensional data points. In civic air traffic monitoring and processing systems, track data usually includes multidimensional characteristics such as the batch number, attribute, category, quantity, model, aircraft number, time, longitude, dimension, altitude, speed and heading of the target. Tracks can be expressed in following sets:
T D = { T R 1 , T R 2 , , T R i , , T R n }
where: T D is the track set, i [ 1 , n ] is the track number and n is the total number of tracks; the track T R i is a multidimensional track point sequence composed of several multidimensional track points in time sequence:
T R i = { P i 1 , P i 2 , P i j , P i m }
where: P i j stands for the j th multidimensional track point in the i th track, j [ 1 , m ] for the number of track points, and m for the total number of track points. For different tracks T R i , m is not necessarily the same. P i j for the track point is a vector with multidimensional characteristics, i.e., the target number, attribute, type, time, longitude, dimension, height, speed and heading of the j th multidimensional track point in the i th track. The DTW similarity function as the distance measurement replaces the traditional Euclidean distance to evaluate the distance between sequences to solve the problem that it is difficult to accurately calculate the distance between time series by using the Euclidean distance. The principle of DTW algorithm is to give the two sequences, T R A = { T R A 1 , T R A 2 , , T R A i , , T R A n } and T R B = { T R B 1 , T R B 2 , , T R B j , , T R B m } , whose lengths are n and m. A matrix grid of n*m is constructed, with Euclidean distance D as the standard and matrix elements (i, j) as the distance D ( T R A i , T R B j ) between the point T R A i and the point T R B j . The matrix angle at the beginning of the sequence is the boundary condition, satisfying the constraints of continuity and monotony. The path with the smallest accumulative distance calculated by dynamic programming is the best path. At this point, the accumulative distance value of the best path is the DTW similarity of the two sequences. When calculating the DTW distance between the two tracks, only position characteristics are considered instead of the dynamic characteristics such as speed, heading and acceleration in terms of the Euclidean distance between the two points. The multi-factor directional DTW distance δ M of the track T R A and the track T R B is defined by the multi-factor distance m f d i s t ( P a , P b ) between two points. Considering the position, velocity, heading and acceleration features between the two vector points, the multi-factor distance between them is defined as follows:
  m f d i s t ( P a , P b ) = w d d i s t ( P a , P b ) + w v d i s t ( v P a , v P b ) + w θ d i s t ( θ P a , θ P b ) + w α d i s t ( α P a , α P b )
where: v P a and v P b is the speed of the point P a and the point P b ; θ P a and θ P b is respectively the heading of P a and P b ; α P a and α P b is respectively the heading of P a and P b . Euclidean Distance d i s t ( v P a , v P b ) is the Velocity Characteristic between P a and P b ; Euclidean distance d i s t ( θ P a , θ P b ) is the heading characteristic between P a and P b . w d is the weight factor of the position feature; w v is the weight factor of speed characteristics; w θ is the weight factor of heading characteristics; w α is the weight factor of acceleration characteristics. The weight factor satisfies the formulation: w d 0 , w v 0 , w θ 0 , w α 0 , and w d + w v + w θ + w α = 1 .
In the anomaly detection of multidimensional tracks, the values of four feature weights can be determined proportionally according to the needs of different detection tasks. When considering the position anomaly only, w d = 1 , w v = 0 , w θ = 0 , w α = 0 . Based on the defined multi-factor distance m f d i s t ( P a , P b ) , the dimension of directional DTW distance will be expanded, and the multi-factor directional DTW distance between multidimensional tracks T R A and T R B is defined as:
δ M ( T R A , T R B ) = m f d i s t ( T R A i , T R B j ) + min { m f d i s t ( T R A ( i 1 ) , T R B ( j 1 ) ) , m f d i s t ( T R A ( i 1 ) , T R B j ) , m f d i s t ( T R A i , T R B ( j 1 ) ) }
Among them: i [ 1 , n ] , j [ 1 , m ] . δ M ( T R A , T R B ) represents the similarity of multidimensional tracks T R A and T R B . Calculate MOD for multidimensional tracks T R i T D :
(1)
Calculate the multi-factor neighbor boundary distance of the track:
δ M   border ( T R i , k ) = δ M ( T R i , N N ( T R i , k ) ) .
(2)
Calculate the neighboring track of the track T R i :
N ( T R i , k ) = { T R j TD \ T R i δ M ( T R i , T R j ) δ M   border ( T R i , k ) } .
(3)
Calculate the multi-factor reachable distance from the track T R i to the track T R j :
δ M   reach ( T R i , T R j , k ) = max { δ M border ( T R i , k ) , δ M ( T R j , T R i ) } .
(4)
Calculate the nearest neighbor density of the track T R i :
ρ ( T R i , k ) = | N ( T R i , k ) | T R j N ( T R i , k ) δ M reach ( T R i T R j , k )
In the formula, replacing δ M with δ M   reach can smooth the neighbor density. The larger the value k , the smoother the effect becomes.
(5)
Calculate the Multidimensional Outlier Descriptor of the track T R i :
M O D ( T R i , k ) = T R j N ( T R i , k ) ρ ( T R j , k ) ρ ( T R i , k ) | N ( T R i , k ) |
where: the greater the ratio of the neighbor density of the tracks T R i and the neighbor of the track T R i , the greater the degree of anomaly of the track T R i becomes.

2.3. Bi-LSTM for Track Outliers Detection

Recurrent neural network (RNN) is a recursive neural network whose input are sequences data. RNN has the characteristics of memory and parameter sharing, so it can learn the nonlinear features of sequences with high efficiency. Although RNN can deal with nonlinear time sequences effectively, it has the problem of gradient explosion and disappearance for time sequences with a too long delay. The Long Short Term Memory Network (LSTM) is an evolutionary network of traditional recurrent neural networks, which can improve the gradient explosion and disappearance problem. However, the predicted output of LSTM is determined by the input of previous multiple moments, and may lead to the loss of useful information when extracting data features. In many cases, the prediction is affected by the input of previous and subsequent multiple moments. Therefore, this paper adopts the Bi-LSTM network with a forward and backward structure for track outliers detection [31].

2.3.1. Introduction of Bi-LSTM Neural Network Model

Bi-LSTM consists of a forward Long Short Term Memory Network (LSTM) and a backward LSTM. Because track outliers do not occur in isolation, the forward and backward structure of the Bi-LSTM model is more suitable for track outliers detection. The LSTM neural network unit is the basic unit that constitutes the Bi-LSTM neural network, and its network cell structure is shown in Figure 2.
The LSTM model can be regarded as an optimized recurrent neural network model, which is mainly aimed at the gradient problem in the process of long sequence training. The model is composed of input signal x t at time t , cell state C t , temporary cell state C ^ t , hidden layer state h t , forget gate f t , memory gate i t , and output gate σ t [32]. The working principle is as follows:
(1)
The forget gate screens weak correlation information and deletes it:
f t = σ ( W f [ h t 1 ,   x t ] + b f )
where h t 1 represents the hidden layer information at the previous moment; x t represents the current input; W f , b f is the training parameter; σ is the sigmoid function (neural network activation function); f t represents the weight of retained information.
(2)
The input gate screens the information of the strong correlation degree, and the sigmoid layer and the hidden layer jointly update the information in the cell state:
C t = f t C t 1 + σ ( W c [ h t 1 , x t ] + b c ) tanh ( W c [ h t 1 , x t ] + b c )
where W c and b c represent training parameters; C t 1 represents the information of a previous cell state; C t represents information about the current state of the cell.
(3)
The output gate determines the final output information:
h t = σ ( w 0 [ h t 1 , x t ] + b 0 ) tanh ( C t )
where w 0 is the weight matrix, and the weight matrix used in this paper is a random matrix, that is, random initialization is carried out at the beginning of model training, and the weight matrix is iteratively updated through the back propagation of training loss. b 0 is the offset and σ is the activation function.
Combining forward LSTM and backward LSTM, a Bi-LSTM model can be obtained. The Bi-LSTM structure is shown in Figure 3.
Input signals { x 0 , x 1 , , x n } are fed into the forward LSTM model and the backward LSTM model, respectively. Then output the forward implicit vectors { h F 0 , h F 1 , , h F n } and the backward implicit vectors { h B 0 , h B 1 , , h B n } . The forward and backward implicit vectors are spliced to get: { [ h F 0 , h B n ] , [ h F 1 , h B ( n 1 ) ] , , [ h F n , h B 0 ] } , namely { h 0 , h 1 , , h n } .

2.3.2. Bi-LSTM Neural Network Model Construction

(1)
In flight data, each track point is represented by a 5-dimensional vector: F t = { longitude ,   latitude ,   height ,   heading ,   speed } . Feature extraction is carried out on the data to form the training set of the model:
F t = { f 1 , f 2 , , f n }
(2)
Data standardization processing; X = { X 1 , X 2 , , X n } represents the processed training set, which is used as the model input, with Y = { Y 1 , Y 2 , , Y n } representing model output.
(3)
The Bi-LSTM network is initialized; the initial weight matrix is assigned as a random number evenly distributed between [0,1]. The maximum number of iteration training is set as 256, the window size is 32, the learning rate is 0.001 and the minimum error value is 0.
(4)
Forward calculation: the hidden layer is input by the training set X and the Bi-LSTM model contains bidirectional LSTM hidden layers. Two groups of features are extracted during training. Each LSTM hidden layer contains n cell units arranged in chronological order and the output through the hidden layer can be expressed as: H F = { H F 0 , H F 1 , , H F n } and H B = { H B 0 , H B 1 , , H B n } .
(5)
Reverse error calculation: the characteristics are transferred from the LSTM in the forward and the backward motions and the results are calculated to obtain the difference loss between the real value and the predicted value. According to the loss, the whole network is backtracked and the parameters are modified. In order to improve the generalization ability of the model, a dropout mechanism is added between the Bi-LSTM layer and the full connection layer of the first layer to prevent overfitting of the model [33].
(6)
When the training times and error values meet the set requirements, the model training is stopped and the test set is predicted.

2.3.3. SVDD Evaluates Threshold

To solve the adaptive problem of detection threshold of aircraft abnormal behavior, the difference sequence could be obtained by taking the difference between the predicted sequence value in this paper and the real sequence value. Based on the difference sequence, a Support Vector Domain Description (SVDD) classifier [34,35] is achieved to judge flight anomaly data. The main idea of SVDD classifier design is divided into several steps. Firstly, the difference sequence is mapped to high-dimensional space by nonlinear mapping. Then, the smallest hypersphere containing all or most of the difference sequence samples is found in the high-dimensional space. Finally, the obtained hypersphere functions as the discrimination boundary for anomaly detection (the discrimination rule is: if the sample point of the difference sequence falls into the hypersphere in the high-dimensional space, the sample point is discriminated as a normal point; if the sample point of the difference sequence falls outside the hypersphere in high-dimensional space, judge the sample point as an abnormal point).
Based on the difference sequence between the predicted sequence and the real sequence, the radius r and the center a of the hypersphere can be obtained by SVDD solution, thus obtaining the classifier.

3. Experimental Evaluation

3.1. Experimental Setup

In this paper, the MOD-Bi-LSTM model is constructed using TensorFlow framework, and the model is trained on NVIDIA Titan XP graphics card. Because the test data in this study contains 5 features, the input size of the MOD-Bi-LSTM model is set to 5. Additionally, the number of hidden units is 128, the dropout rate is 0.5, the batch size is 1000 and the epoch is set to 256. The ReLU activation function and Adam optimizer are used in the model, and the initial learning rate is set to 0.001.

3.2. Data Set

In this paper, the real aircraft track data is used to verify the performance of the proposed method. The flight data of CCA1315, CCA1369, CCA1883 and CCA1803 within a month are extracted in this paper, and each datum includes the information of flight time, height, speed, heading, longitude and latitude. However, the distribution of positive and negative samples is unbalanced in the data set. In this paper, the data set is randomly divided into a training set and test set. The combination of an undersampling method and oversampling method is used to balance the category distribution of training data. The Synthetic Minority Oversampling Technique (SMOTE) is a kind of oversampling method. Its main idea is to form new minority samples by interpolating between several minority samples. However, SMOTE will produce noise samples during the interpolation process. This problem can be solved by using the Edited Nearest Neighbor (ENN) method to clean up the interpolation results. Any sample that is different from its k nearest neighbor categories will be removed, thus generating a class-balanced training set.

3.3. Loss Function

The loss function is used to measure the inconsistency between the predicted value f ( x ) and the real value y of the model. It is usually expressed by L ( y , f ( x ) ) and can also be called the Cost Function. The smaller the value of loss function, the better the fitting of the model.
The loss function used in this experiment is Mean Absolute Error (MAE), also known as L1-loss. MAE is the sum of absolute values of the difference between the target value and the predicted value, which can be used to measure the difference between the predicted value and the real value. The calculation formula is as follows:
L ( y i y i ^ ) = 1 n i = 1 n | y i y i ^ |
where y i is the target value and y ^ i is the predicted value.

3.4. Evaluation Metrics

A variety of commonly used machine learning evaluation metrics are adopted, including Accuracy, Precision, Recall, F1-score, Root Mean Squared Error (RMSE) and Mean Absolute Percentage Error (MAPE).
For binary classification problem, the sample can be divided into a true positive example (TP), false positive example (FP), true negative example (TN) and false negative example (FN) according to the combination of real situation and model prediction results. The confusion matrix is shown in Table 1.
Accuracy is defined as the ratio of correctly predicted sample number to total sample number; precision is defined as the ratio of correctly predicted positive samples to the total predicted positive samples. The recall rate is defined as the ratio of correctly predicted positive samples to the actual total number of positive samples; The F1-score is defined as the harmonic mean of precision and recall rate. The calculation formulas of these three indicators are as follows:
  Accuracy = TP + TN TP + FP + TN + FN
  Precision = TP TP + FP
  Recall = TP TP + FN
F 1 - score = 2 × Precision × Recall Precision + Recall .
The root mean square error (RMSE) is the arithmetic square root of the square of the difference between the predicted value and the real value. When the predicted value is completely consistent with the real value, RMSE is equal to 0. The greater the error, the greater the RMSE value. The calculation formula is as follows:
R M S E = 1 n i = 1 n ( y ^ i y i ) 2
where y i is the real value and y ^ i is the predicted value, with n indicating the number of values.
The Mean Absolute Percentage Error (MAPE) is a percentage value. The smaller the MAPE value, the better the accuracy of the prediction model. The calculation formula is as follows:
M A P E = 100 % n i = 1 n | y ^ i y i y i |
where y i is the real value and y ^ i is the predicted value, with n indicating the number of values.

3.5. Analysis of Experimental Results

3.5.1. Track Deviation Detection

The MOD algorithm can be used to preprocess the track data and detect the track deviation from the route in the data. Take longitude, latitude and height for example, Figure 4 shows the track deviation detection result based on MOD, in which the red dotted line indicates the track deviated from the route and the green solid line indicates the normal track. Figure 4a–d respectively show the flight track of flights CCA1315, CCA1369, CCA1883 and CCA1803 within a month. According to the detection results, the tracks that obviously deviate from the fixed flight route are removed from the data set.
In order to verify the effectiveness of the MOD algorithm, the MOD algorithm was compared with the LOF algorithm, and the results are shown in Table 2.

3.5.2. Track Outliers Detection

After the track data which deviates from the route in the data set is removed, the remaining data is divided into a training set and test set, which take up respectively 70% and 30% of the set, and the training set is added into the Bi-LSTM network for training. The trained model predicts the flight information of the aircraft in the test set. The predicted sequence values are compared with the real sequence values. The prediction results of height, speed and heading are shown in Figure 5, Figure 6 and Figure 7.
In order to verify the effectiveness and innovation of the proposed method, we can compare the model in this paper with the LSTM model, Bi-LSTM model, BP model, LR model and CNN model. The results are shown in Table 3.
To solve the adaptive problem of the threshold of aircraft anomaly detection, the SVDD classifier is obtained based on the difference sequence between the predicted sequence and the real sequence, and the automatic detection of track outliers is realized. Next, 100 tracks’ data is randomly extracted from the data set. The flight speed in a certain period of time is changed to 0.5 times of the original speed, the flight height is increased by 50 m, and the heading is reduced by 10 degrees. The modified track data and normal track data are added into the SVDD classifier for testing. Out of the 100 abnormal test samples, a total of 96 test samples showed that the distance between the predicted value and the true value to the center of the hypersphere is greater than the threshold value r, so the detection accuracy is 96%. Out of 265 normal test samples, a total of 258 test samples showed that the difference between the predicted value and the true value is less than the threshold r from the center of the hypersphere, thus the recall rate of detection is 97.36%. Table 4 presents a comparison of the detection effects of the models in this paper (the LSTM model, Bi-LSTM model, BP model, LR model and CNN model) on track outliers of aircraft.
As shown in Table 4, the accuracy and recall of the algorithm in this paper are both higher than those of other methods, in particular the recall rate is much higher than that of other methods. A high recall rate means that the model can detect more real outliers, which is very important in anomaly detection.

4. Conclusions

In this paper, an aircraft track anomaly detection method based on the combination of MOD and Bi-LSTM is proposed, and the effectiveness of the method is verified by using the real aircraft track data. By analyzing the experimental results, the proposed method can detect both track deviation and track outliers well. The main conclusions of this article are as follows:
(1)
The track deviation detection problem is transformed into the track density classification problem, and the MOD is designed to detect track deviation. The accuracy and recall of the MOD algorithm are improved compared to the LOF algorithm.
(2)
The track outliers detection problem is transformed into the prediction problem, and the Bi-LSTM model is used to detect the track outliers. Compared with the traditional methods, the accuracy is improved.
(3)
The anomaly detection algorithm considers not only the track density information, but also the features of the track point. More comprehensive factors are taken into account and the accuracy has improved.
In future studies, more attention should be paid to the application of the model, and the response time of the model should be reduced to ensure real time detection. Next, some optimization algorithms will be used to further optimize the parameters of the MOD-Bi-LSTM model to improve the accuracy of anomaly detection.

Author Contributions

Conceptualization, Y.C., Z.Z. and Z.L.; methodology, Z.Z. and Z.L.; software, J.C.; formal analysis, Z.Z.; investigation, Y.C., J.C., Z.Z. and Z.L.; writing—original draft preparation, Y.C.; writing—review and editing, J.C., Z.Z. and Z.L.; supervision, Z.Z. and Z.L.; project administration, Z.L.; funding acquisition, Z.L. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by the Equipment Pre-research Field Fund Thirteen Five-year (No. 61403120109).

Data Availability Statement

Data was obtained from the third party and are available from the authors with the permission of the third party.

Acknowledgments

We would like to thank Zhenjun Zhang and Yalin Huang for the beneficial discussion.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Luo, P.; Wang, B.; Li, T.; Tian, J. ADS-B anomaly data detection model based on VAE-SVDD. Comput. Secur. 2021, 104, 102213. [Google Scholar] [CrossRef]
  2. Lee, J.; Han, J.; Whang, K. Trajectory clustering: A partition-and-group framework. In Proceedings of the 2007 ACM SIGMOD International Conference on Management of Data, Beijing, China, 12–14 June 2007; pp. 593–604. [Google Scholar]
  3. Li, W.; Huang, C. Receiver optimal track Analysis based on Angle and Doppler frequency for external emitter location system. J. Radar. 2014, 3, 660–665. [Google Scholar]
  4. Qi, L.; Wang, H.; Liu, Y. An interrupt track paired correlation algorithm based on statistical double threshold. Acta Radarica Sin. 2015, 4, 301–308. [Google Scholar]
  5. Zheng, Y.; Liu, L.; Wang, L.; Xie, X. Learning transportation mode from raw gps data for geographic applications on the web. In Proceedings of the 17th International Conference on World Wide Web, Beijing, China, 21–25 April 2008; pp. 247–256. [Google Scholar]
  6. Bao, J.; Zheng, Y.; Mokbel, M.F. Location-based and preference-aware recommendation using sparse geo-social networking data. In Proceedings of the 20th International Conference on Advances in Geographic Information Systems, Redondo Beach, CA, USA, 6–9 November 2012; pp. 199–208. [Google Scholar]
  7. Zhang, D.; Li, N.; Zhou, Z.; Chen, C. iBAT: Detecting anomalous taxi trajectories from GPS traces. In Proceedings of the 13th International Conference on Ubiquitous Computing, Beijing, China, 17–21 September 2011; pp. 99–108. [Google Scholar]
  8. Pan, X.; Wang, H.; He, Y.; Xiong, W.; Zhou, W. Abnormal behavior detection method based on multi-dimensional track characteristics. Acta Aerophenica Sin. 2017, 38, 254–263. [Google Scholar]
  9. Han, Z.-R.; Huang, T.; Ren, W.; Xu, G. Detection algorithm of Trajectory Outliers based on Bi-LSTM model. J. Radar 2019, 8, 36–43. [Google Scholar]
  10. Chandola, V.; Banerjee, A.; Kumar, V. Anomaly detection: A survey. ACM Comput. Surv. 2009, 41, 1–58. [Google Scholar] [CrossRef]
  11. Chandola, V.; Banerjee, A.; Kumar, V. Anomaly Detection for Discrete Sequences: A Survey. IEEE Trans. Knowl. Data Eng. 2012, 24, 1–16. [Google Scholar] [CrossRef]
  12. Beniger, J.R.; Barnett, V.; Lewis, T.; Bendre, S.M. Outliers in Statistical Data; Wiley: New York, NY, USA, 1994; pp. 24–26. [Google Scholar]
  13. Knorr, E.M.; Ng, R.T.; Tucakov, V. Distance-based outliers: Algorithms and applications. VLDB 2000, 8, 237–253. [Google Scholar] [CrossRef]
  14. Jin, W.; Tung, A.K.; Han, J.; Wang, W. Ranking outliers using symmetric neighborhood relationship. In Proceedings of the Pacific-Asia Conference on Knowledge Discovery and Data Mining, Singapore, 9–12 April 2006; pp. 577–593. [Google Scholar]
  15. Struyf, A.; Rousseeuw, P.J. High-dimensional computation of the deepest location. Comput. Stat. Data Anal. 2000, 34, 415–426. [Google Scholar] [CrossRef]
  16. Sarawagi, S.; Agrawal, R.; Megiddo, N. Discovery-Driven Exploration of OLAP Data Cubes; Springer: Berlin, Germany, 1998; pp. 67–69. [Google Scholar]
  17. Knorr, E.M.; Ng, R.T. Algorithms for Mining Distance-Based Outliers in Large Datasets. VLDB 1998, 98, 392–403. [Google Scholar]
  18. Li, X.; Han, J.; Kim, S. Motion-alert: Automatic anomaly detection in massive moving objects. In Proceedings of the International Conference on Intelligence and Security Informatics, San Diego, CA, USA, 23–24 May 2006; pp. 166–177. [Google Scholar]
  19. Li, X.; Han, J.; Kim, S.; Gonzalez, H. ROAM: Rule- and Motif-Based Anomaly Detection in Massive Moving Object Data Sets. In Proceedings of the 2007 SIAM International Conference on Data Mining, Minneapolis, MN, USA, 26–28 April 2007; pp. 273–284. [Google Scholar]
  20. Lee, J.; Han, J.; Li, X. Trajectory Outlier Detection: A Partition-and-Detect Framework. In Proceedings of the 2008 IEEE 24th International Conference on Data Engineering, Cancun, Mexico, 7–12 April 2008; pp. 140–149. [Google Scholar]
  21. Liu, L.; Qiao, S.; Liu, B.; Le, J. Efficient Abnormal trajectory Detection algorithm based on R-Tree. J. Softw. 2009, 20, 2426–2435. [Google Scholar]
  22. Bo, L.; Hong, Z. Pavement anomaly detection algorithm based on multi-channel wavelet convolutional neural network. J. Cent. China Norm. Univ. 2019, 53, 200–206. [Google Scholar]
  23. Batista, G.E.; Prati, R.C.; Monard, M.C. A study of the behavior of several methods for balancing machine learning training data. SIGKDD Explor. 2004, 6, 20–29. [Google Scholar] [CrossRef]
  24. Wang, S.; Xia, C.; Wang, T. A Novel Intrusion Detector Based on Deep Learning Hybrid Methods. In Proceedings of the 2019 IEEE 5th Intl Conference on Big Data Security on Cloud (BigDataSecurity), IEEE Intl Conference on High Performance and Smart Computing (HPSC) and IEEE Intl Conference on Intelligent Data and Security (IDS), Washington, DC, USA, 27–29 May 2019. [Google Scholar]
  25. Nguyen, H.D.; Tran, K.P.; Thomassey, S.; Hamad, M. Forecasting and Anomaly Detection approaches using LSTM and LSTM Autoencoder techniques with the applications in supply chain management. Int. J. Inf. Manag. 2020, 57, 102282. [Google Scholar] [CrossRef]
  26. Cai, Y.; Yue, T.; Yun, T.; Xing, H. A New Method for Anomaly Detection of Seismic Preprecursor Data Based on LSTM-RNN. Appl. Geophys. 2019, 16, 257–266. [Google Scholar] [CrossRef]
  27. Ashfaq Khan, M.; Kim, Y. Deep Learning-Based Hybrid Intelligent Intrusion Detection System. Comput. Mater. Contin. 2021, 680, 671–687. [Google Scholar] [CrossRef]
  28. Pang, G.; Shen, C.; Cao, L.; Hengel, A.V.D. Deep Learning for Anomaly Detection. ACM Comput. Surv. 2021, 54, 1–38. [Google Scholar] [CrossRef]
  29. Ruff, L.; Kauffmann, J.R.; Vandermeulen, R.A.; Montavon, G.; Samek, W.; Kloft, M.; Dietterich, T.G.; Müller, C.R. A Unifying Review of Deep and Shallow Anomaly Detection. Proc. IEEE 2021, 1–40. [Google Scholar] [CrossRef]
  30. Janssens, J.H.M.; Postma, E.O. One-class classification with LOF and LOCI: An empirical comparison. In Proceedings of the 18th Annual Belgian-Dutch Conference on Machine Learning, Tilburg, The Netherlands, 18–19 September 2009; pp. 56–64. [Google Scholar]
  31. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  32. Graves, A.; Schmidhuber, J. Framewise phoneme classification with bidirectional LSTM and other neural network architectures. Neural Netw. 2005, 18, 602–610. [Google Scholar] [CrossRef]
  33. Srivastava, N.; Hinton, G.; Krizhevsky, A. Dropout: A Simple Way to Prevent Neural Networks from Overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  34. Zhao, Y.-P.; Xie, Y.-L.; Ye, Z.-F. A new dynamic radius SVDD for fault detection of aircraft engine. Eng. Appl. Artif. Intell. 2021, 100, 104177. [Google Scholar] [CrossRef]
  35. Tao, X.; Chen, W.; Li, X.; Zhang, X.; Li, Y.; Guo, J. The ensemble of density-sensitive SVDD classifier based on maximum soft margin for imbalanced datasets. Knowl. Based Syst. 2021, 219, 106897. [Google Scholar] [CrossRef]
Figure 1. Flowchart of MOD-Bi-LSTM anomaly detection algorithm.
Figure 1. Flowchart of MOD-Bi-LSTM anomaly detection algorithm.
Electronics 10 01007 g001
Figure 2. LSTM structure.
Figure 2. LSTM structure.
Electronics 10 01007 g002
Figure 3. Bi-LSTM structure.
Figure 3. Bi-LSTM structure.
Electronics 10 01007 g003
Figure 4. Track Deviation Detection Result.
Figure 4. Track Deviation Detection Result.
Electronics 10 01007 g004
Figure 5. The Prediction of Height.
Figure 5. The Prediction of Height.
Electronics 10 01007 g005
Figure 6. The Prediction of Speed.
Figure 6. The Prediction of Speed.
Electronics 10 01007 g006
Figure 7. The Prediction of Heading.
Figure 7. The Prediction of Heading.
Electronics 10 01007 g007
Table 1. Confusion Matrix.
Table 1. Confusion Matrix.
Actual ClassPredicted Class
AbnormalNormal
AbnormalTPFN
NormalFPTN
Table 2. The Performance of MOD and LOF.
Table 2. The Performance of MOD and LOF.
MethodAccuracy/%Precision/%Recall/%F1-Score/%Test Time/s
LOF93.9797.1195.8796.490.82
MOD97.2699.0497.7898.410.92
Table 3. Comparison of Prediction Indicators of Different Models.
Table 3. Comparison of Prediction Indicators of Different Models.
ModelHeightSpeedHeading
RMSE
/(m)
MAPE
/%
RMSE
/(Km/h)
MAPE
/%
RMSE
/(degrees)
MAPE
/%
LSTM1249.4316.3221.802.7921.9211.36
Bi-LSTM810.6210.3319.362.5819.5110.07
BP1032.5913.4921.872.8420.6610.71
LR1520.1819.8626.413.4424.7312.81
CNN402.165.2516.202.1113.496.99
ours279.353.7615.452.0113.086.78
Table 4. Comparison of Testing Effects of Different Models.
Table 4. Comparison of Testing Effects of Different Models.
ModelAccuracy/%Recall/%Test Time/s
LSTM91.6292.610.94
Bi-LSTM95.5194.281.37
BP93.4994.102.23
LR90.9886.920.98
CNN95.9390.214.07
ours96.0097.362.06
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Cao, Y.; Cao, J.; Zhou, Z.; Liu, Z. Aircraft Track Anomaly Detection Based on MOD-Bi-LSTM. Electronics 2021, 10, 1007. https://doi.org/10.3390/electronics10091007

AMA Style

Cao Y, Cao J, Zhou Z, Liu Z. Aircraft Track Anomaly Detection Based on MOD-Bi-LSTM. Electronics. 2021; 10(9):1007. https://doi.org/10.3390/electronics10091007

Chicago/Turabian Style

Cao, Yupeng, Jiangwei Cao, Zhiguo Zhou, and Zhiwen Liu. 2021. "Aircraft Track Anomaly Detection Based on MOD-Bi-LSTM" Electronics 10, no. 9: 1007. https://doi.org/10.3390/electronics10091007

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