iconOpen Access

ARTICLE

crossmark

Anomaly Detection of UAV State Data Based on Single-Class Triangular Global Alignment Kernel Extreme Learning Machine

Feisha Hu1, Qi Wang1,*, Haijian Shao1,2, Shang Gao1, Hualong Yu1

1 School of Computer, Jiangsu University of Science and Technology, Zhenjiang, 212100, China
2 Department of Electrical and Computer Engineering, University of Nevada, Las Vegas, NV, 89154, USA

* Corresponding Author: Qi Wang. Email: email

Computer Modeling in Engineering & Sciences 2023, 136(3), 2405-2424. https://doi.org/10.32604/cmes.2023.026732

Abstract

Unmanned Aerial Vehicles (UAVs) are widely used and meet many demands in military and civilian fields. With the continuous enrichment and extensive expansion of application scenarios, the safety of UAVs is constantly being challenged. To address this challenge, we propose algorithms to detect anomalous data collected from drones to improve drone safety. We deployed a one-class kernel extreme learning machine (OCKELM) to detect anomalies in drone data. By default, OCKELM uses the radial basis (RBF) kernel function as the kernel function of the model. To improve the performance of OCKELM, we choose a Triangular Global Alignment Kernel (TGAK) instead of an RBF Kernel and introduce the Fast Independent Component Analysis (FastICA) algorithm to reconstruct UAV data. Based on the above improvements, we create a novel anomaly detection strategy FastICA-TGAK-OCELM. The method is finally validated on the UCI dataset and detected on the Aeronautical Laboratory Failures and Anomalies (ALFA) dataset. The experimental results show that compared with other methods, the accuracy of this method is improved by more than 30%, and point anomalies are effectively detected.

Graphical Abstract

Anomaly Detection of UAV State Data Based on Single-Class Triangular Global Alignment Kernel Extreme Learning Machine

Keywords


1  Introduction

Detect and predict the data generated by equipment, especially the detection of abnormal data. In recent years, in the industrial field, the production, manufacturing, and daily production of new energy represented by wind energy [13] and intelligent equipment represented by unmanned systems management have gradually highlighted its essential value and research significance.

The Unmanned Aerial Vehicles (UAVs) is a reusable unmanned aircraft normally controlled by the ground control center (GSC) or steered by an onboard program to achieve flight [4]. The application range of UAVs is extensive. For example, in military applications, UAVs can perform various tasks; in civilian applications, UAVs can meet the needs of aerial photography, express transportation, etc. In this context, UAVs have been studied more and more deeply. Such as, Lin et al. [5] proposed a Global Energy Efficiency Maximization (GREEN) strategy for supporting multi-UAV communication systems; Zhao et al. [6] proposed an SDN-enabled UAV-assisted vehicle computing offload Optimize the framework to minimize the system cost of vehicle computing tasks; Lin et al. [7] proposed an adaptive UAV deployment scheme to solve the coverage problem of UAV-assisted ground node (GNs) communication.

However, UAVs are limited by their conditions, such as size, weight, and cost, and compared with handled devices, UAVs still need to be improved in real-time perception and rapid decision-making, which leads to the safety and reliability of UAVs. There is a big gap between the sex and the crewed aircraft. Moreover, the application of UAVs is pervasive, which leads to the demands and uses generated in multiple types of complex environments, which also pose particular challenges to the safety of UAVs, these challenges mainly include the loss of UAV devices such as sensors, batteries, and motors in complex environments, and when the loss is too large, these devices will fail. In order to cope with this series of challenges, strengthening the detection of abnormal data of the drone itself and early warning and handling of potential problems will be more conducive to prolonging the service life of the drone and improving its adaptability to complex environments.

As the flight control part of the core control system of the UAV, the flight control system integrates a large number of multi-type sensors, and the data generated can more intuitively reflect whether the real-time state of the UAV is in good condition. The flight control system returns sensor data to the ground control center, and GSC can make an in-depth analysis and evaluation of the UAV’s flight status based on these data. Many sensor-based anomaly detection methods have emerged in recent years, mainly divided into model-based methods [8] and data-driven methods [9].

Model-based methods use the physical model of the target system to detect anomalies. Such methods usually achieve better performance in terms of detection accuracy. However, establishing an accurate physical mode for each UAV system is often tricky. The applicability and anti-interference ability of the method is highly dependent on the constraints, such as the scene; the data-based method mass of data generated by the UAV sensor and uses the sensor data to detect the abnormal situation of the UAV.

Data-driven methods are mainly divided into two categories: supervised detection modus and unsupervised detection modus. Supervised detection methods deploy datasets mixed with normal and anomalous data to train models and achieve accurate anomaly detection. Although the anomaly detection method based on supervised learning can achieve accurate detection performance, it also has some problems. First, the anomaly detection method based on supervised learning needs to mix the training set of regular and abnormal data, and the corresponding labels when training the model, so engineers need to spend much energy to label the data set; secondly, because the trained model only learns The abnormal data type contained in the training set, so the model may not be able to identify the new abnormal data type, so the model needs to retrain the training set containing the abnormal data type. Unsupervised detection methods establish a boundary that includes all possible standard data points and use it as a basis for determining the nature of the test points. Since the data of UAVs usually have no label information, and the amount of abnormal data is limited and difficult to obtain, it is reasonable to choose an unsupervised detection essentials to detect anomalies in UAVs.

The innovations of this paper are as follows:

(1)   First, considering the sparseness of abnormal data of UAVs, a single-class kernel extreme learning machine [10] (OCKELM) is selected as the basic model of this paper, the model can only use normal data to train the model, and can effectively detect the abnormal situation of the UAV.

(2)   In addition, to improve the accuracy of OCKELM, the triangular global alignment kernel function [11] (TGAK) is used to replace the radial basis kernel function (RBF), and it is introduced into the OCKELM model to obtain a new model TGAK-OCELM. It has been verified that TGAK is a positive semi-definite kernel, so it satisfies Mercer’s theorem. Comparing experiments with several typical unsupervised detection methods that have been approached via deploying the public datasets, the experiments show that the accuracy of TGAK-OCELM is higher than several other unsupervised detection methods.

(3)   Finally, the UAV data features are extracted by manual extraction, and the features are reconstructed using Fast Independent Component Analysis [12] (FastICA). After testing, the reconstructed data improves the performance of the model.

The rest of this article is organized as follows. In Chapter 2, some UAV anomaly detection methods are introduced. Chapter 3 proposes a single-class extreme learning machine based on a triangular global alignment kernel, and independent component analysis is introduced to reconstruct the data. Chapter 4 illustrates the experimental environment and model evaluation metrics and then presents the experimental results to verify the effectiveness of the proposed method. The fifth chapter summarizes the full text.

2  Related Work

This section reviews the methods used in anomaly detection for drones. According to the types of algorithms designed in the research articles, there are three kinds of categories: model-based, supervised learning-based, and unsupervised learning-based methods.

2.1 Model-Based UAV Anomaly Detection

In the model-based approach, Rago et al. [13] utilized the interactive multi-model (IMM) Kalman filter method for fault detection and identification of Eagle Eye UAV sensors/actuators. For the F-16 fighter jet, Hajiyev et al. [14] proposed an Extended Kalman Filter (EKF) to detect the failure of sensors on the aircraft. Cork et al. [15] used nonlinear aircraft dynamics models, combining interactive multi-models and unscented Kalman filters to improve state estimation when inertial sensors fail. Gao et al. [16] proposed a fault detection method for tiltrotor UAV actuators based on an extended Kalman filter and multi-model adaptive estimation (MMAE), using EKF to estimate the state of the actuator data. Then MMAE is used to assign a conditional probability to each actuator and then to judge the failure condition. Bu et al. [17] combined the particle filter with the fuzzy inference system, utilized the particle filter to estimate the state of the sensor, and dispatched the difference between the state-estimated value and the GPS measurement value as input to the inference system, and then reasoned system to determine the degree of abnormality.

This type of method estimates the residual change of the system state by constructing a model of a specific system, so as to detect abnormal conditions in the system and often achieve good performance. Since the model of the target system needs to be used, when detecting abnormal conditions of other systems, the situation will get worse.

2.2 UAV Anomaly Detection Based on Supervised Learning

In supervised learning-based methods, Ge et al. [18] used the least squares support vector machine to predict UAV anomaly data points, while Bronz et al. [19] and Baskaya et al. [20] classified data from drones. While Arthur et al. [21] used self-learning (STL) multi-class support vector machines to detect signal spoofing anomalies and jam attacks against light UAVs. Titouna et al. [22] divided the sensors into external sensors and internal sensors according to the sensor type and then used the KL divergence to calculate the difference between the data points of the external sensors to detect the abnormal situation of the UAV and used ANN to analyze the data of the internal sensors. Points are classified to distinguish anomalous data from drones. Nanduri et al. [23] used a recurrent neural network (RNN) with a long short-term memory (LSTM) and gated recurrent unit (GRU) structure to detect abnormal data, which does not require dimensionality reduction on the data, is more sensitive to short-term anomalies, and Potential failures can be detected.

Although this type of method can achieve good results in detecting abnormal data, it needs to acquire prior knowledge of abnormal data. That is, it needs to acquire each type of abnormal data to train the model. Therefore, it cannot identify unknown anomaly types, resulting in lower detection performance.

2.3 Unsupervised Learning-Based UAV Anomaly Detection

Lin et al. [24] proposed a Mahalanobis distance-based UAV anomaly detection method among the methods based on unsupervised learning methods. The authors of the method determined the difference between different sensors by identifying the existence of non-statistically independent variable subgroups. And then use Mahalanobis distance to identify outliers in variable groups. Khalastchi et al. [25] split the data into datasets of several related attributes and then used Mahalanobis distance to detect anomalies. However, the numerical values calculated by such distance-based methods are unstable and depend on the setting of the threshold. Yong et al. [26] proposed an anomaly detection method based on Kernel Principal Component Analysis (KPCA) algorithm because of the dynamic UAV sensors and the high dimension of sensor data. KPCA was used to extract principal component vectors from sensor data and pass probability distribution to determine whether the drone was abnormal. Khan et al. [27] used the isolated forest algorithm to segment data points according to the eigenvalues of sensor data and generated a tree. The closer the data points to the root node of the tree, the higher the probability of abnormal points. Isolation forests do not use distance and density metrics to detect anomalies, which saves a lot of time, but requires a mixture of normal and anomalous data at training time. Whelan et al. [28] used various single-class classifiers to research UAV data, among which they employed a single-class support vector machine (OCSVM), local outlier factor algorithm (LOF), and autoencoder. The single-class SVM forms the boundary by average training data, and then the test data is standard if it is within the boundary, otherwise abnormal data. LOF judges data point anomalies by comparing the density between data points. Although the LOF is not affected by the data distribution, it is sensitive to the density parameter. The autoencoder generates a model by training standard data and then sends the test data as input to the model to get the output and compares the difference between the input and output to judge the abnormality of the test data. Chriki et al. [29] used a pre-trained convolutional neural network (CNN) and two manual methods, histogram of oriented gradients (HOG) and HOG3D, to extract useful features from videos collected by drones, and then applied OCSVM to detect anomalies data. Park et al. [30] proposed a fault detection model based on stacked autoencoders for fault detection on UAV data. Guo et al. [31] combined the local density method with OCSVM to ameliorate the abnormal data detection performance of OCSVM by adjusting the tolerance of the decision boundary for outliers according to the degree of anomaly represented by the local density. Fu et al. [32] operated filter and clustering algorithms and local density algorithms to perceive outliers. Avola et al. [33] used OCSVM as an anomaly detector for video surveillance at low altitudes of UAVs to detect the texture features of items in the video, and detect unknown objects according to different texture features. In recent years, deep learning technology has developed rapidly, and a large number of algorithms with excellent performance have appeared [3436] and are practiced in all walks of life, including deep learning technology applied in the field of unmanned aerial vehicles. Jin et al. [37] proposed an anomaly detection model based on Transfomer for anomaly detection of videos shot in the air by UAVs, treating consecutive video frames as a sequence, using the encoder to learn features from the sequence, and then using the decoder to predict the next frame. Tlili et al. [38] utilized two LSTM autoencoder models for training data on the normal flight of unfaulted and unattacked UAVs, respectively, and then integrated the two models by setting a threshold to obtain a new model, which can detect the flight status of the drone when it fails and the flight status of the drone when it is attacked. As a single-class classifier, OCSVM and autoencoder only need normal data for training, and can achieve good performance but iteratively update parameters during the training process.

As a single-class classifier, OCKELM has the same function as OCSVM and autoencoder, and uses normal data to train the model. But the advantage of OCKELM is that the weight, it does not need to be iteratively calculated but is determined at one time by solving the equation system.

3  Proposed Scheme

In this section, first, we briefly introduce OCKELM and TGAK, then propose OCKELM based on TGAK, namely TGAK-OCELM, and finally, introduce the FastICA method for reconstructing UAV data and introduce the UAV anomaly data detection process.

3.1 TGAK-OCELM

Given N training sets T={(xi,yi)|xiRd,yiR,i=1,2,3,,N}, where xi is a sample instance with D dimension, yi is the corresponding target tag and is a constant. In this paper, yi is set to 1.

The objective function of OCKELM is:

f(x)=h(x)Tβ(1)

The optimization problem of OCKELM is defined as follows:

{min12||β||22+C2i=1N||ei||22s.t.h(xi)Tβ=yiei(2)

where β=[β1,β2,,βl]T is the output weight vector of the model, l is the number of hidden cells of the model, andei represents the instance training error of xi. At the same time, the example mapping function of xi is represented by h(xi)=[h1(xi),h2(xi),,hl(xi)]T, ||||22 represents the two norms of the vector, and C is the regularization parameter, which is used to adjust the ratio of the output weight norm to the training error.

According to the KKT [39] theory, the Lagrange function of the optimization problem is:

L=12||β||22+C2i=1N||ei||22i=1Nαi(h(xi)Tβyi+ei)(3)

In formula (2), once β, ei, αi discover the partial derivative and construct the result amount to 0, then we can obtain:

{Lβ=βi=1Nαih(xi)T=0Lei=Ceiαi=0Lαi=h(xi)Tβyi+ei=0(4)

Further derivation of the formula (3) shows that:

{β=i=1Nαih(xi)Tei=1Cαih(xi)Tβyi+ei=0(5)

According to formula (4), it can be concluded that:

β=HT(1CI+HHT)1Y(6)

where, Y=[y1,y2,,yN],H=[h(x1),h(x2),,h(xN)]. According to Mercer’s condition, the kernel matrix Ω=HHT is defined, where Ω(i,j)=K(i,j)=h(xi)hT(xj), i,j=1,2,,N, and K(i,j) is a kernel function. The kernel function is generally selected as the radial basis function (RBF) kernel function K(i,j)=exp(||xixj||222σ2), of RBF kernel function σ, is the width parameter of the function. From the formulas (1) and (6), the output f(x) of the ockelm model can be deduced as:

f(x)=h(x)Tβ=h(x)THT(1CI+HHT)1Y=[K(x,x1)K(x,xN)]T(1CI+Ω)1Y(7)

when the training set T is taken as the input, the output Otr of the model is:

Otr=Ω(1CI+Ω)1Y(8)

The distance between the output Otr of the training set and the target label Y is:D=|OtrY|. D represents the difference between the output of the training set and the target label, the larger Di, the greater the error of example i. Sort the values in D in descending order to obtain D^, and set the instance as the threshold of abnormal value δ for:

δ=D^(θN)(9)

δ represents the θN th error in the error D^ as the detection threshold. θ represents the anomaly proportion of selected training instances as anomalous instances. Therefore, the model output Ot for the t-th test instance xt is:

Ot=[K(xt,x1)K(xt,xN)]T(1CI+Ω)1Y(10)

Then, the distance between the output result Ot of the test instance and the target label y is Dt=|Oty|, and the category corresponding to the final test instance xt can be defined as:

sign(δDt)={1,xtisthenormaldata1,xtistheabnormaldata(11)

Formula (7) indicates that if the value of δDt is greater than 0, the label of xt is 1, which means that the test instance xt belongs to standard data. Otherwise, the test instance xt belongs to abnormal data. Algorithm 1 gives the pseudocode of the OCKELM algorithm.

images

Cuturi et al. [40] introduced a kernel function based on Global Alignment Kernel (GAK)-Triangular Global Alignment Kernel (TGAK). However, DTW this distance cannot be easily transformed into a positive definite kernel, because it relies on an optimal calculation, rather than on the construction of feature maps, it cannot be directly utilized as a kernel function. Cuturi et al. proved GAK to be a definite positive nucleus, so we chose GAK to conduct experiments.

Suppose that the x and y are finite time series of length m and n, respectively, that is, x=(x1,x2,,xm), y=(y1,y2,,yn), and π is the length of pm+n1 measures the normalized path distance of two-time series x and y, i.e., π=(π1,π2), so that:

{1=π1(1)π1(p)=m1=π2(1)π2(p)=n(12)

make π1(i) and π2(j) monotonically increasing, i,j[0,p1]. And,

{π1(i+1)π1(i)+1π2(j+1)π2(j)+1π1(i+1)π1(i)+π2(i+1)π2(i)1(13)

So that π1(i) and π2(j) do not repeat at the same time. Let A(m,n) be the set of normalized path distances between x and y for time series of lengths m and n. So the DTW distance can be defined as:

DTW(x,y)=minπA(m,n)i=1|π|φ(xπ1(i),yπ2(i))(14)

where φ is defined as the Euclidean distance φ(x,y)=||xy||2, DTW distance calculates all alignment distances and selects the smallest distance as the similarity measure for time series x and y.

Cuturi et al. [11] considered all alignment distances to build the kernel function:

kGA(x,y)=πA(m,n)ei=1|π|φ(xπ1(i),yπ2(i))=πA(m,n)i=1|π|k(xπ1(i),yπ2(i))(15)

where k=eφ.

Cuturi et al. extended GAK to obtain triangular global alignment kernel TGAK. TGAK acts as a further constraint by introducing a triangular parameter T within GAK. TGAK is not only positive definite; it is faster to compute than GAK. Formula (16) is the structure of TGAK:

kTGA(i,x;j,y)=ω(i,j)kσ(xi,yj)2ω(i,j)kσ(xi,yj)(16)

where ω(i,j)=max[(1|ij|T),0], T > 0, kσ is the radial basis kernel function kσ(x,y)=e||xy||22σ2. The triangular kernel function ω(i,j) uses the positions i and j of xi and yj to modulate the similarity between two points (xi,yj), while the radial basis kernel function is used to quantify the similarity of xi and yj. The triangular parameter T is used to control the zone nearby the diagonal of the kernel matrix. That is the kernel function value in the area farthest from the diagonal is 0 to reduce the amount of computation.

Therefore, we choose TGAK to replace the RBF kernel function of OCKELM, namely TGAK-OCELM, and Algorithm 2 gives the pseudocode of the TGAK-OCELM model.

images

3.2 FastICA

The FastICA algorithm is widely used in signal processing, mainly for signal separation and denoising, and can also be used for feature extraction of data.

Suppose a d dimensional random variable xRd×1 is preprocessed and passed through the mixing matrix WRd×d to obtain a new vector SRd×1. The FastICA algorithm maximizes the non-Gaussian property of the vector wTx (w represents the row vector in the mixture matrix W) through a fixed-point iterative algorithm so that s are independent of each other. In order to maximize non-Gaussianness, the most commonly used function to measure non-Gaussianity is the negative entropy approximation. The objective function of the FastICA algorithm is:

JG(w)=[E{G(wTx)}E{G(v)}]2(17)

G represents an arbitrary non-quadratic function, and v represents a random variable with a standard normal distribution. The optimal w is obtained by maximizing JG(w). To prevent the objective function tends to infinity, formula (18) is used as the constraint of formula (17):

E((wTx)2)=E(wTxxTw)=E(wTw)=||w||2=1(18)

Therefore, the Lagrangian Function of the objective function is:

L(w)=E{G(wTx)}β||w||(19)

where β represents the Lagrange multiplier.

The optimal w is obtained by carrying out the partial derivative concerning w of L(w) and setting the derivative equal to 0:

E{xG(wTx)}βw=0(20)

where G is the derivative of the function G. In order to solve w in formula (20), the FastICA algorithm uses Newton’s method. Therefore, let F(w)=E{xG(wTx)}βw, and take the partial derivative of w in F(w) to get:

(E{xG(wTx)}βw)w=E{xxTG(wTx)}βIE{xxT}E{G(wTx)}βI=E{G(wTx)}βI(21)

Through the above formulas, the iterative form of w is finally obtained by applying Newton’s method:

wn+1=wnE{xG(wnTx)}βwnE{G(wnTx)}βI(22)

Transform the formula (22) to obtain the final iterative formula of the FastICA algorithm:

wn+1=E{xG(wnTx)}E{G(wnTx)}wn(23)

The weight vector w obtained by calculating the formula (23) is normalized:

ww||w||(24)

Algorithm 3 gives the pseudocode of the FastICA algorithm:

images

3.3 UAV Anomaly Data Detection Process

This section describes the UAV anomaly data detection process based on the FastICA-TGAK-OCELM method. Algorithm 4 introduces the proposed method. The details of the UAV anomaly data detection process based on the FastICA-TGAK-OCELM method are shown in Fig. 1.

images

images

Figure 1: UAV anomaly data detection process based on the FastICA-TGAK-OCELM method

4  Experiments

4.1 Evaluation Indicators

The evaluation metrics utilized to measure the classifier’s performance are deployed to evaluate the FastICA-TGAK-OCELM model’s classification performance to verify the effectiveness of the FastICA-TGAK-OCELM model. We choose the F1 score as the evaluation index, and the formula of the F1 score is as follows:

F1=2RPP+R(25)

The precision rate P=TPTP+FP represents the number of positive samples in the predicted class of positive samples, and the recall rate R=TPTP+FN represents the number of positive samples predicted. The category is the proportion of positive samples. TP, FP, and FN are true positives, false positives, and false negatives, respectively. The predicted class is negative, and the actual class is positive for negative samples.

4.2 Hyperparameter Settings of the Algorithm

We compare the proposed TGAK-OCELM and FastICA-TGAK-OCELM models with some classical one-class classifiers, namely OCKELM [10], ML-OCKELM [41], OCSVM [42], LOF [43], PCA [44], KNN [45], Isolation Forest [46]. Among them, OCSVM, LOF, PCA, KNN, and Isolation Forest are all from the sklearn [47] library. For the FastICA algorithm, we call sklearn. decomposition. FastICA in the sklearn library to reconstruct the data features. For the hyperparameters involved in FastICA-TGAK-OCELM and TGAK-OCELM: triangular parameter T, regularization parameter C, radial basis function parameter σ, anomaly ratio θ, where the value range of triangular parameter T is {20,20.5,21,,28}, the value range of the regularization parameter C is {105,104,103,,105}, the value range of the radial basis function parameter σ is {26,25,24,,26}, and the value of the anomaly ratio θ is set to 0.01. For the hyperparameters involved in the OCKELM algorithm: the regularization parameter C and the radial basis function parameter σ, the value range of the anomaly ratio θ is consistent with the value range mentioned earlier. For the hyperparameters involved in the ML-OCKELM algorithm, in addition to the regularization parameter C, the radial basis function parameter σ, and the anomaly ratio θ, which are consistent with the previously mentioned value ranges, the number of layers q of the algorithm should be set to 3 layers.

4.3 Experimental Evaluation Using the UCI Dataset

4.3.1 Data Preprocessing

We use eight UCI [48] datasets to verify the efficacy of the initiated algorithm before detecting UAV anomaly data. Among them, for multi-category datasets, the dataset is converted into a single-category dataset by selecting one category as the target class (standard data) and other categories as abnormal classes. Since the single-class classifier training set is all the target class samples, the production process of the data set is as follows: the target class and the abnormal class samples are divided into half, and half of the target class is used as the training set and used together with half of the abnormal class samples. Five-fold cross-validation is used to find the best hyperparameters, while the other half of the target class samples and the other half of the abnormal samples are employed as the test set to investigate the model’s performance. A elucidation of the dataset is shown in Table 1 [49], which details the dataset size and number of features and selected target classes and enumerates the training and testing set sizes. Before feeding the dataset into the model, we demand to normalize the dataset. We determine zero-mean normalization (z-score normalization) so that the mean of the data is 0, the standard deviation is 1, and the z-score is the conversion formula is:

x=xx¯τ(26)

where x¯ represents the mean of the original data x, and τ represents the standard deviation of the original data x.

images

4.3.2 Experimental Results and Discussion

The experimental results on eight UCI datasets are shown in Fig. 2 and Table 2. Fig. 2 shows the F1 score of each algorithm on each dataset, from which it can be seen that the two proposed algorithms and other algorithms have obvious differences in the detection effects of GlassBuilding, Ionosphere, SPECTHeart, and Biomed. The effect is slightly improved on the BreastCancer dataset. The detection effect of TGAK-OCELM on the Iris dataset is lower than that of the ML-OCKELM and Isolation Forest algorithms, but the detection effect of the FastICA-TGAK-OCELM algorithm is significantly higher than that of other algorithms. On the Cryotherapy and BreastCancer datasets, the detection effect of the TGAK-OCELM algorithm was slightly higher than that of other algorithms, and the detection effect of the FastICA-TGAK-OCELM algorithm was significantly higher than that of other algorithms. From Table 2, we can more clearly understand the slight gaps in F1 scores of these algorithms. It can be seen from Table 2 that the F1 score of TGAK-OCELM is higher than that of other algorithms on most datasets, and after the introduction of the FastICA method, the results are obtained on six datasets. The F1 score has been enhanced. The F1 score of the FastICA-TGAK-OCELM and TGAK-OCELM methods on the SPECTHeart dataset is not much different. On the Colposcopy dataset, the F1 score of the FastICA-TGAK-OCELM method is 0. The reason is that the Colposcopy dataset is divided into the dataset size after the training set and test set is lower than the number of data features. When utilizing the FastICA algorithm to reduce the dimensionality of the Colposcopy dataset to 10, 20, and 30 dimensions, the F1 scores obtained are 1.0, 0.975, and 0.975, respectively. Fig. 3 more intuitively shows the F1 scores obtained by the FastICA-TGAK-OCELM method under different dimensions of the Colposcopy dataset.

images

Figure 2: Comparison of F1 scores of algorithms on different data

images

images

Figure 3: F1 scores of FastICA-TGAK-OCELM under different dimensions of Colposcopy dataset

4.4 Detecting Abnormal Drone Data

4.4.1 UAV Dataset Description and Preprocessing

We handpicked the Air Laboratory Failure and Anomaly (ALFA) [50] dataset to validate the propounded mechanism. This dataset is a flight log generated by a fixed-wing drone performing a circular flight over an airport in Pittsburgh, USA. Fixed-wing UAV (shown in Fig. 4) is one of the many types of UAVs. Its structure mainly consists of the fuselage, ailerons, tail, and engine, while the tail is composed of a vertical and horizontal tail, respectively. Controlled by a rudder and elevator. The aileron is used to change the drone’s attitude, the rudder changes the orientation of the nose, the elevator makes the fuselage look up and down to rise and fall, and the engine is used to power the drone. In the flight log, there are four failure scenarios of the rudder, ailerons, elevators and engines, and one scenario in which the drone is in complete normal flight. In those four scenarios, the creator of the dataset first let the drone fly normally for a period of time, then controlled the corresponding drone component to make it malfunction, and kept the drone in the flying state, so that no one was generated in the log. The data of the normal flight of the aircraft and the flight data after the failure of the drone.

images

Figure 4: Vertical take-off and landing fixed-wing UAV

Since the ALFA dataset is the original flight log, it contains many types of data, such as data associated with the UAV position, data on the UAV system status, data collected by the UAV from the outside world, etc., and the UAV is in the same Different data features are recorded in the period. Each data feature contains different data points. Therefore, the algorithm cannot directly perform abnormal data detection on the ALFA dataset. Therefore, the ALFA dataset needs to be preprocessed.

The ALFA dataset provides timestamps when the drone fails, so we label the data before the drone fails as safe data and the data after it as abnormal. According to the scheme provided by Park et al. [30], the features shown in Table 3 [30] are extracted from the ALFA dataset as the model’s input, considering the generality of UAV hardware and excluding features with constant or null values. As shown in Table 3, Velocity (x, y, z) is used to represent the forward direction of the UAV; Angular Velocity (x, y, z), Linear Acceleration (x, y, z), Magnetic Field (x, y, z) and Fluid Pressure are extracted from the internal measurement unit (IMU) to represent the state of the IMU. The five characteristics of Temperature, Altitude Error, Airspeed Error, Tracking Error (x), and WP Distance are used to represent the system status. The features shown in Table 3 represent the general characteristics of UAVs.

images

The drones recorded different data types in the same period, and the number of data points for different features differed. Fig. 5 [30] depicts the number of data points for different features in the same period. In response to this problem, we first set 0.25 s to split the timestamp (the timestamp is expressed as the entire flight period of the drone). Since the data is standard data before a certain time point and abnormal data after that, the timestamp is divided into two parts and then split separately. For example, in a 2-s timestamp, the drone starts to fail at 1.2 s, then the timestamp is split into {0, 0.25, 0.5, 0.75, 1, 1.2, 1.45, 1.7, 1.95, 2}. Then randomly select a data point in each period to represent the feature point of this period. If there is no data point in this period, copy the data point in the previous period.

images

Figure 5: Number of data points for different features in the same period

After preprocessing the ALFA data set, it is divided into four data sets according to the fault type, the size of the data set is shown in Table 4, and then the data of these four data sets are normalized by formula (26).

images

4.4.2 Experimental Results and Discussion

The experimental results of each algorithm in the dataset of four fault types are shown in Fig. 6 and Table 5. Fig. 6 shows that the detection performance of several algorithms on the rudder_failure dataset is not much different, while in several other faults, the performance of the TGAK-OCELM algorithm is more robust than other algorithms on different types of data sets. It can be seen from Table 5 that the accuracy of the TGAK-OCELM algorithm is more than 2% higher than that of other classic anomaly detection algorithms. After the construction, the FastICA-TGAK-OCELM algorithm was used to improve the detection performance further. Compared with the TGAK-OCELM algorithm, the accuracy was improved by about 0.6%∼3%, and the abnormal situation of the UAV data was effectively detected. Improved drone safety.

images

Figure 6: Comparison of F1 scores of algorithms on different fault-type datasets

images

5  Conclusion

To detect the abnormal data of UAVs, we propose a method to detect the data of UAVs. We propose the FastICA-TGAK-OCELM method. Firstly, the UAV data is reconstructed by the FastICA method, and then the TGA core and OCELM are combined to obtain the TGAK-OCELM model. Then, the TGAK-OCELM model is instructed via employing the UAV’s standard data, and the trained model is utilized to test the UAV data set. Experimental results show that the proposed algorithm can effectively detect abnormal data. In order to prove the effectiveness of our algorithm, we use the UCI data set to verify the algorithm. The experimental results indicate that our algorithm performs better than other machine learning algorithms.

Funding Statement: This article is supported by the Natural Science Foundation of The Jiangsu Higher Education Institutions of China (Grant No. 19JKB520031).

Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.

References

  1. Shao, H., Wei, H., Deng, X., & Xing, S. (2016). Short-term wind speed forecasting using wavelet transformation and AdaBoosting neural networks in Yunnan wind farm. IET Renewable Power Generation, 11(4), 374-381. [Google Scholar] [CrossRef]
  2. Shao, H., Deng, X., & Jiang, Y. (2018). A novel deep learning approach for short-term wind power forecasting based on infinite feature selection and recurrent neural network. Journal of Renewable and Sustainable Energy, 10(4), 043303. [Google Scholar] [CrossRef]
  3. Shao, H., & Deng, X. (2018). AdaBoosting neural network for short-term wind speed forecasting based on seasonal characteristics analysis and lag space estimation. Computer Modeling in Engineering & Sciences, 114(3), 277-293. [Google Scholar] [CrossRef]
  4. He, S., Liu, D., & Peng, Y. (2016). Flight mode recognition method of the unmanned aerial vehicle based on telemetric data. Chinese Journal of Scientific Instrument, 37(9), 2004-2013. [Google Scholar]
  5. Lin, N., Fan, Y., Zhao, L., Li, X., Guizani, M. (2022). GREEN: A global energy efficiency maximization strategy for multi-UAV enabled communication systems. IEEE Transactions on Mobile Computing. 10.1109/TMC.2022.3207791 [CrossRef]
  6. Zhao, L., Yang, K., Tan, Z., Li, X., & Sharma, S. (2020). A novel cost optimization strategy for SDN-enabled UAV-assisted vehicular computation offloading. IEEE Transactions on Intelligent Transportation Systems, 22(6), 3664-3674. [Google Scholar] [CrossRef]
  7. Lin, N., Liu, Y., Zhao, L., Wu, D. O., & Wang, Y. (2021). An adaptive UAV deployment scheme for emergency networking. IEEE Transactions on Wireless Communications, 21(4), 2383-2398. [Google Scholar] [CrossRef]
  8. Ward, C. P., Weston, P. F., Stewart, E. J. C., Li, H., & Goodall, R. M. (2011). Condition monitoring opportunities using vehicle-based sensors. Proceedings of the Institution of Mechanical Engineers, Part F: Journal of Rail and Rapid Transit, 225(2), 202-218. [Google Scholar]
  9. Yin, S., Ding, S. X., Xie, X., & Luo, H. (2014). A review on basic data-driven approaches for industrial process monitoring. IEEE Transactions on Industrial Electronics, 61(11), 6418-6428. [Google Scholar] [CrossRef]
  10. Leng, Q., Qi, H., Miao, J., & Su, G. (2015). One-class classification with extreme learning machine. Mathematical Problems in Engineering, 2015, 1-11. [Google Scholar] [CrossRef]
  11. Cuturi, M. (2011). Fast global alignment kernels. Proceedings of the 28th International Conference on Machine Learning (ICML-11): Vol. 2011, pp. 929-936. Bellevue, WA, USA.
  12. Hyvärinen, A., & Oja, E. (2000). Independent component analysis: Algorithms and applications. Neural Networks, 13(4–5), 411-430. [Google Scholar] [PubMed] [CrossRef]
  13. Rago, C., Prasanth, R., Mehra, R. K., & Fortenbaugh, R. (1998). Failure detection and identification and fault tolerant control using the IMM-KF with applications to the eagle-eye UAV. Proceedings of the 37th IEEE Conference on Decision and Control (Cat. No. 98CH36171): Vol. 4, pp. 4208-4213. Tampa, FL, USA.
  14. Hajiyev, C., & Caliskan, F. (2005). Sensor and control surface/actuator failure detection and isolation applied to F-16 flight dynamic. Aircraft Engineering and Aerospace Technology, 77(2), 152-160. [Google Scholar] [CrossRef]
  15. Cork, L., & Walker, R. (2007). Sensor fault detection for UAVs using a nonlinear dynamic model and the IMM-UKF algorithm. 2007 Information, Decision and Control, 2007, 230-235. [Google Scholar] [CrossRef]
  16. Gao, J., Zhang, Q., & Chen, J. (2020). EKF-based actuator fault detection and diagnosis method for tiltrotor unmanned aerial vehicles. Mathematical Problems in Engineering, 2020, 1-12. [Google Scholar]
  17. Bu, J., Sun, R., Bai, H., Xu, R., & Xie, F. (2017). Integrated method for the UAV navigation sensor anomaly detection. IET Radar, Sonar & Navigation, 11(5), 847-853. [Google Scholar] [CrossRef]
  18. Ge, S., Jun, L., Liu, D., & Peng, Y. (2015). Anomaly detection of condition monitoring with predicted uncertainty for aerospace applications. 2015 12th IEEE International Conference on Electronic Measurement & Instruments (ICEMI): Vol. 1, pp. 248-253. Qingdao, China.
  19. Bronz, M., Baskaya, E., Delahaye, D., & Puechmore, S. (2020). Real-time fault detection on small fixed-wing UAVs using machine learning. 2020 AIAA/IEEE 39th Digital Avionics Systems Conference (DASC): Vol. 2020, pp. 1-10. San Antonio, TX, USA.
  20. Baskaya, E., Bronz, M., & Delahaye, D. (2017). Fault detection & diagnosis for small UAVs via machine learning. 2017 IEEE/AIAA 36th Digital Avionics Systems Conference (DASC): Vol. 2017, pp. 1-6. St. Petersburg, FL, USA.
  21. Arthur, M. P. (2019). Detecting signal spoofing and jamming attacks in UAV networks using a lightweight IDS. 2019 International Conference on Computer, Information and Telecommunication Systems (CITS): Vol. 2019, pp. 1-5. Beijing, China.
  22. Titouna, C., Naït-Abdesselam, F., & Moungla, H. (2020). An online anomaly detection approach for unmanned aerial vehicles. 2020 International Wireless Communications and Mobile Computing (IWCMC): Vol. 2020, pp. 469-474. Limassol, Cyprus.
  23. Nanduri, A., & Sherry, L. (2016). Anomaly detection in aircraft data using recurrent neural networks (RNN). 2016 Integrated Communications Navigation and Surveillance (ICNS): Vol. 2016, pp. 5C2-1-5C2-8. Herndon, VA, USA.
  24. Lin, R., Khalastchi, E., & Kaminka, G. A. (2010). Detecting anomalies in unmanned vehicles using the mahalanobis distance. 2010 IEEE International Conference on Robotics and Automation: Vol. 2010, pp. 3038-3044. Anchorage, AK, USA.
  25. Khalastchi, E., Kalech, M., Kaminka, G. A., & Lin, R. (2015). Online data-driven anomaly detection in autonomous robots. Knowledge and Information Systems, 43(3), 657-688. [Google Scholar] [CrossRef]
  26. Yong, D., Yuanpeng, Z., Yaqing, X., Yu, P., & Datong, L. (2017). Unmanned aerial vehicle sensor data anomaly detection using kernel principle component analysis. 2017 13th IEEE International Conference on Electronic Measurement & Instruments (ICEMI): Vol. 2017, pp. 241-246. Yangzhou, China.
  27. Khan, S., Liew, C. F., Yairi, T., & McWilliam, R. (2019). Unsupervised anomaly detection in unmanned aerial vehicles. Applied Soft Computing, 83, 105650. [Google Scholar] [CrossRef]
  28. Whelan, J., Sangarapillai, T., Minawi, O., Almehmadi, A., & El-Khatib, K. (2020). Novelty-based intrusion detection of sensor attacks on unmanned aerial vehicles. Proceedings of the 16th ACM Symposium on QoS and Security for Wireless and Mobile Networks: Vol. 2020, pp. 23-28. New York, NY, USA.
  29. Chriki, A., Touati, H., Snoussi, H., & Kamoun, F. (2021). Deep learning and handcrafted features for one-class anomaly detection in UAV video. Multimedia Tools and Applications, 80(2), 2599-2620. [Google Scholar] [CrossRef]
  30. Park, K. H., Park, E., & Kim, H. K. (2021). Unsupervised fault detection on unmanned aerial vehicles: Encoding and thresholding approach. Sensors, 21(6), 2208. [Google Scholar] [PubMed] [CrossRef]
  31. Guo, K., Liu, L., Shi, S., Liu, D., & Peng, X. (2019). UAV sensor fault detection using a classifier without negative samples: A local density regulated optimization algorithm. Sensors, 19(4), 771. [Google Scholar] [PubMed] [CrossRef]
  32. Fu, C., Duan, R., Kircali, D., & Kayacan, E. (2016). Onboard robust visual tracking for UAVs using a reliable global-local object model. Sensors, 16(9), 1406. [Google Scholar] [PubMed] [CrossRef]
  33. Avola, D., Cinque, L., Di Mambro, A., Diko, A., & Fagioli, A. (2021). Low-altitude aerial video surveillance via one-class SVM anomaly detection from textural features in UAV images. Information, 13(1), 2. [Google Scholar] [CrossRef]
  34. Gu, W., Gao, F., Li, R., & Zhang, J. (2021). Learning universal network representation via link prediction by graph convolutional neural network. Journal of Social Computing, 2(1), 43-51. [Google Scholar] [CrossRef]
  35. Liu, Y., Wu, H., Rezaee, K., Khosravi, M. R., & Khalaf, O. I. (2022). Interaction-enhanced and time-aware graph convolutional network for successive point-of-interest recommendation in traveling enterprises. IEEE Transactions on Industrial Informatics, 19(1), 635-643. [Google Scholar] [CrossRef]
  36. Liu, F., Zhang, Z., & Zhou, R. (2021). Automatic modulation recognition based on CNN and GRU. Tsinghua Science and Technology, 27(2), 422-431. [Google Scholar] [CrossRef]
  37. Jin, P., Mou, L., Xia, G. S., & Zhu, X. X. (2022). Anomaly detection in aerial videos with transformers. IEEE Transactions on Geoscience and Remote Sensing, 60, 1-13. [Google Scholar] [CrossRef]
  38. Tlili, F., Ayed, S., Chaari, L., Ouni, B. (2022). Artificial intelligence based approach for fault and anomaly detection within UAVs. International Conference on Advanced Information Networking and Applications, pp. 297–308. Cham, Springer.
  39. Gordon, G., & Tibshirani, R. (2012). Karush-kuhn-tucker conditions. Optimization, 10(725/36), 725. [Google Scholar]
  40. Cuturi, M., Vert, J. P., Birkenes, O., & Matsui, T. (2007). A kernel for time series based on global alignments. 2007 IEEE International Conference on Acoustics, Speech and Signal Processing-ICASSP’07: Vol. 2, pp. II-413-II-416. Honolulu, HI, USA.
  41. Dai, H., Cao, J., Wang, T., Deng, M., & Yang, Z. (2019). Multilayer one-class extreme learning machine. Neural Networks, 115, 11-22. [Google Scholar] [PubMed] [CrossRef]
  42. Schölkopf, B., Platt, J. C., Shawe-Taylor, J., Smola, A. J., & Williamson, R. C. (2001). Estimating the support of a high-dimensional distribution. Neural Computation, 13(7), 1443-1471. [Google Scholar] [PubMed] [CrossRef]
  43. Breunig, M. M., Kriegel, H. P., Ng, R. T., & Sander, J. (2000). LOF: Identifying density-based local outliers. Proceedings of the 2000 ACM SIGMOD International Conference on Management of Data: Vol. 2000, pp. 93-104. New York, NY, USA.
  44. Bishop, C. M. (1995). Neural networks for pattern recognition. New York, NY, USA: Oxford University Press.
  45. Knorr, E. M., Ng, R. T., & Tucakov, V. (2000). Distance-based outliers: Algorithms and applications. The VLDB Journal, 8(3), 237-253. [Google Scholar] [CrossRef]
  46. Liu, F. T., Ting, K. M., & Zhou, Z. H. (2008). Isolation forest. 2008 Eighth IEEE International Conference on Data Mining: Vol. 2008, pp. 413-422. Pisa, Italy.
  47. Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., & Thirion, B. (2011). Scikit-learn: Machine learning in python. The Journal of Machine Learning Research, 12, 2825-2830. [Google Scholar]
  48. Asuncion, A., Newman, D. J. (2007). UCI machine learning repository. http://www.ics.uci.edu/ ~mlearn/MLRepository.html
  49. Gautam, C., Mishra, P. K., Tiwari, A., Richhariya, B., & Pandey, H. M. (2020). Minimum variance-embedded deep kernel regularized least squares method for one-class classification and its applications to biomedical data. Neural Networks, 123, 191-216. [Google Scholar] [PubMed] [CrossRef]
  50. Keipour, A., Mousaei, M., & Scherer, S. (2021). Alfa: A dataset for UAV fault and anomaly detection. The International Journal of Robotics Research, 40(2–3), 515-520. [Google Scholar] [CrossRef]

Cite This Article

Hu, F., Wang, Q., Shao, H., Gao, S., Yu, H. (2023). Anomaly Detection of UAV State Data Based on Single-Class Triangular Global Alignment Kernel Extreme Learning Machine. CMES-Computer Modeling in Engineering & Sciences, 136(3), 2405–2424. https://doi.org/10.32604/cmes.2023.026732


cc This work is licensed under a Creative Commons Attribution 4.0 International License , which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
  • 905

    View

  • 529

    Download

  • 0

    Like

Share Link