1. Introduction
Self-Supervised Representation Learning (SSRL) represents a burgeoning paradigm in machine learning, wherein a model acquires meaningful representations from input data without explicit labels [
1]. In small UAVs and GPS spoofing detection, this methodology empowers the model to discern intrinsic patterns and features within GPS signals, eliminating the need for labelled datasets during training [
2]. This innovative approach shows promise in fortifying UAVs against GPS spoofing attacks by enabling models to independently learn pertinent features from raw GPS signals [
3]. GPS spoofing attacks within small UAVs represent a considerable cybersecurity threat by manipulating the essential GPS signals vital for drone navigation [
4]. Malicious actors seek to deceive a drone’s GPS receiver by transmitting falsified signals that replicate authentic satellite data, giving rise to potential risks such as unauthorized access to restricted areas, compromise of sensitive mission data, and an elevated risk of collisions [
5,
6,
7]. The ramifications of a successful GPS spoofing attack on a UAV encompass deviations from planned flight paths and erratic behaviour, compromising security and safety [
8]. The purpose of GPS spoofing attacks on small UAVs lies in intentionally manipulating GPS signals to deceive the UAV’s navigation system. Malicious actors undertake these attacks with various motives, including gaining unauthorized access to restricted areas, compromising sensitive mission data, or causing disruptions in UAV operations [
9,
10]. By sending falsified signals that mimic authentic satellite data, the attackers aim to mislead the drone about its location, speed, and altitude, potentially leading to deviations from planned flight paths and erratic behaviour [
7,
11]. The overarching goal is often to exploit vulnerabilities in the UAV’s GPS, posing security and safety risks that can have far-reaching consequences.
The trajectory of GPS spoofing attacks on small UAVs can be traced back to the military origins of GPS technology, initially developed for defence purposes before transitioning into widespread civilian use [
12]. As UAVs gained prominence across various sectors, their reliance on GPS for navigation rendered them susceptible to cyber threats. The concept of GPS spoofing, rooted in military strategies to disrupt navigation systems, expanded to encompass civilian applications, with adversaries recognizing the potential for unauthorized access, data compromise, and safety hazards [
13,
14]. This evolution prompted cybersecurity experts and researchers to delve into the vulnerabilities associated with GPS spoofing on UAVs, emphasizing the imperative for robust security measures [
15,
16]. The intersection of technology, cybersecurity, and discussions surrounding critical infrastructure further underscores the ongoing challenges in safeguarding UAVs, particularly as advancements in artificial intelligence and the Internet of Things (IoT) continue to shape the modern technological landscape [
17,
18].
GPS spoofing attacks can unfold in diverse scenarios, presenting distinct threats and consequences. For instance, a delivery drone system may be compromised as malicious actors manipulate GPS signals, causing the drone to deliver packages to unintended locations, potentially resulting in theft or unauthorized access to sensitive deliveries [
19,
20]. In the realm of surveillance, GPS spoofing could deceive drones monitoring critical infrastructure or borders, allowing illicit activities to go unnoticed. Agricultural drones, essential for precision farming, may experience crop monitoring and management disruptions due to GPS manipulation [
21,
22]. Emergency response drones guided by GPS could face misdirection during critical missions, potentially causing delays in aid delivery. The risk extends to scenarios involving drone swarms or autonomous vehicles, where GPS spoofing may lead to chaotic behaviour, collisions, or unauthorized entry into secure areas [
23]. These scenarios underscore the diverse and complex risks associated with GPS spoofing on Small Unmanned Aerial Vehicles, underscoring the imperative for robust countermeasures and heightened cybersecurity protocols.
Figure 1 depicts the UAV attack scenario.
Traditional localisation methods face limitations due to battery depletion and environmental electromagnetic fields. To overcome these, the work [
24] proposes a deep learning-based OAM using You Only Look Once version 3 (YOLOv3) and a fiducial marker-based localisation method. These are integrated with real-time damage segmentation for an advanced UAV system. Tests in indoor and outdoor settings demonstrated the system’s superior performance in obstacle avoidance and localisation compared to traditional approaches. Traditional modelling methods struggle with computing efficiency and accuracy. To enhance performance, a Cascade Ensemble Learning (CEL) method is proposed in [
25], combining a Cascade Synchronous Strategy (CSS) and Wavelet Neural Network-based AdaBoost (WNN-Ada). The method is tested on a multi-level reliability evaluation of an aero-engine turbine rotor system. It shows significant improvements in computing accuracy and efficiency, highlighting its potential for reliably modelling complex systems.
1.1. Motivation
Incorporating SSRL is pivotal in empowering small UAVs—specifically those under 25 kg in weight—to learn and adapt dynamically to evolving threats, thereby mitigating the risks associated with GPS spoofing. This research addresses the immediate objective of enhancing the security and reliability of UAVs within this category and extends its impact on the broader landscape of autonomous systems. By demonstrating the practical application of self-supervised representation learning in real-world scenarios, our work establishes a pioneering pathway for integrating state-of-the-art machine learning techniques to tackle critical challenges faced by these UAVs. Our endeavour aims not only to secure small UAVs against GPS spoofing but also to establish a precedent for leveraging innovative technologies to fortify the resilience of autonomous systems across diverse domains. Through the integration of SSRL, our approach seeks to endow small UAVs with advanced adaptability and learning capabilities, reinforcing their resilience against GPS spoofing attacks. This research not only enhances the security and reliability of these UAVs in response to evolving threats but also makes a valuable contribution to the broader field of autonomous systems, showcasing the potential of self-supervised representation learning in real-world applications.
This study aims to detect and categorize GPS spoofing in UAVs. In the literature, numerous investigations have focused on utilizing deep learning models, including LSTM [
26,
27,
28], GRU [
26,
29,
30], RNN [
31,
32,
33], and DNN [
34,
35,
36], to detect GPS spoofing attacks. These models offer effective approaches for recognizing instances of GPS spoofing. Additionally, a pivotal aspect of this research involves a comprehensive exploration of the efficacy of LSTM, GRU, RNN, and DNN when integrated with transfer learning. This analysis evaluates how well these specific neural network architectures, renowned for their proficiency in pattern recognition and sequence modelling, perform when leveraging knowledge acquired from one task to improve performance on another related task. The study aims to comprehend the potential advantages and challenges associated with applying transfer learning to enhance these models’ efficiency in detecting and classifying GPS spoofing attacks on UAVs.
1.2. Research Contributions
Introduced a self-supervised hybrid deep learning architecture for GPS spoofing attack detection in small UAVs. This study employed three distinct model structures: LSTM-GRU, LSTM-RNN, and a DNN, each with specific neural network configurations.
Integrated self-supervised learning into the training process, with models trained for 10 epochs and a batch size of 32 using training data, followed by validation on a separate dataset. This research also performed an ablation analysis to present a comprehensive evaluation of various parameter settings.
The models, trained on different columns, including ch0_output, ch1_output, ch2_output, ch3_output, ch4_output, ch5_output, ch6_output, and ch7_output, exhibited varying levels of accuracy. The accuracy for ch5_output reached 99.9% across all models.
Enhanced the self-supervised learning approach by incorporating transfer learning, allowing pre-trained weights to be applied to a new dataset. This technique improved the model’s adaptability and generalisation, resulting in a validation accuracy of 79.0% while also reducing the training time required for new datasets.
1.3. Organisations
The remainder of the article follows this structure:
Section 2 overviews current research on GPS-based spoofing attacks in small UAVs.
Section 3 introduces the proposed deep learning methods for the detection and multi-label classification of GPS spoofing attacks in small UAVs.
Section 4 presents the experimental analysis, results, and discussion. Finally,
Section 5 concludes this paper and leads to future recommendations.
3. Proposed Methodology
This paper focuses on improving the security and reliability of UAVs, with broader implications for the field of autonomous systems.
Figure 2 illustrates the complete workflow of the proposed approach. In this study, we utilized the GPS Spoofing Detection on Autonomous Vehicles dataset from IEEE DataPort [
https://ieee-dataport.org/documents/dataset-gps-spoofing-detection-autonomous-vehicles] (accessed on 22 Febraury 2024), which offers a detailed dataset for analyzing GPS spoofing attacks on small UAVs. After extraction, the dataset comprises three key files: GPS_Data_Simplified_2D_Feature_Map, GPS_Dataset_3D_8_Channels, and GPS_Raw. We primarily used the second file, GPS_Dataset_3D_8_Channels, which consists of 510,530 samples and 14 features, to train three different neural network architectures: LSTM-GRU, LSTM-RNN, and DNN, within a self-supervised hybrid deep learning framework to detect GPS spoofing attacks. Furthermore, we enhanced the self-supervised learning process by applying transfer learning using the GPS_Data_Simplified_2D_Feature_Map file, which consists of 156,996 samples and 112 features, improving the models’ generalisation and adaptability. The methodology begins with compiling a diverse dataset of GPS signals from small UAVs, providing a comprehensive understanding of GPS signal characteristics. By demonstrating the practical application of self-supervised representation learning in real-world scenarios, our work establishes a pioneering pathway for integrating state-of-the-art machine learning techniques to tackle critical challenges that autonomous systems face. Our endeavour not only aims to secure UAVs against GPS spoofing but also establishes a precedent for leveraging innovative technologies to enhance the resilience of autonomous systems across diverse domains. This paper presents a novel SSRL architecture to address the growing threat of GPS spoofing to small UAVs. The study focuses on improving attack detection capabilities by incorporating SSRL techniques. A hybrid deep learning architecture integrates the LSTM and GRU models to detect attacks on small UAVs. Additionally, two other architectures were developed: an LSTM-RNN and a Deep Neural Network (DNN) for real-time classification of GPS spoofing attacks. The proposed model leverages SSRL to extract meaningful features with minimal reliance on labelled data autonomously. Building on this, we further enhanced the model’s performance by incorporating transfer learning. By applying pre-trained weights to the GPS_simplified_2d_feature_map dataset, the model demonstrated improved generalisation and adaptability, achieving a validation accuracy of 79.0%. This integration of self-supervised learning and transfer learning reinforces the model’s robustness and efficiency, reducing the training time required for new datasets and solidifying its effectiveness in detecting GPS spoofing attacks on UAVs.
Algorithm 1 presents the overall data flow and working of the proposed approach for SSRL-based GPS spoofing attack detection and multi-classification. The initial step involves data preparation, where the target variables, namely “y_train” and “y_test”, are transformed into one-hot encoding to facilitate multiclass classification. The input features, denoted as “X_train” and “X_test”, undergo min–max scaling for normalisation. The architecture of the deep learning models incorporates an LSTM-GRU with specific parameters: 64 neurons in the input layer for both LSTM-GRU 1 layer, concatenation of both layers, 32 neurons in the concatenate layer for both LSTM-GRU 2 layers, 16 neurons in the fully connected layer, and flattening and concatenation of the output layer. Furthermore, an LSTM-RNN is employed with distinct settings, utilizing 128 neurons in the input layer for both LSTM-RNN 1 layer, concatenating both layers, 64 neurons in the concatenate layer for both LSTM-RNN 2 layers, 32 neurons in the fulsationonnected layer, and flattening and concatenating the output layer. Additionally, a DNN with specific architecture parameters, including 128 neurons in the input layer for both 1 and 2, concatenating both layers, 64 neurons in the concatenate layer for 3 and 4, 32 neurons in the fully connected layer, and flattening and concatenating the output layer, is utilized. Accuracy is employed as the metric to assess the proposed architecture, undergoing 10 training epochs with a batch size of 32 on the training data. Performance evaluation is conducted on a separate test set, spanning various labels, revealing that the proposed architecture achieves the highest accuracy, thereby emphasizing its effectiveness in mitigating GPS spoofing threats in UAVs.
Algorithm 1 Pseudocode of SSRL-based overall deep learning-based workflow for GPS spoofing attacks detection and multi-classification. |
- 1:
Input: GPS Spoofing Attacks Data from small UAVs - 2:
Output: Attacks - 3:
Evaluation Measure: Accuracy, Precision, Recall, F1-Score, ROC - 4:
- 5:
Label Encoding - 6:
← Scaler= StandardScaler - 7:
X,Y ← - 8:
Initialize the following variables and parameters - 9:
X_train,X_test,y_train,y_test = train_test_split(X,y, test_size=30, random_state=0) - 10:
Reshape X_train and X_test into X_train_3d and X_test_3d - 11:
Model 1: LSTM-GRU - 12:
Multi-layer representation layers - 13:
Concatenate layer - 14:
Fully connected layer - 15:
Flatten layer - 16:
Transfer layer - 17:
Output layer - 18:
Model 2: LSTM-RNN - 19:
Multi-layer representation layers - 20:
Concatenate layer - 21:
Fully connected layer - 22:
Flatten layer - 23:
Transfer layer - 24:
Output layer - 25:
Model 3: DNN - 26:
Multi-layer representation layers - 27:
Concatenate layer - 28:
Fully connected layer - 29:
Flatten layer - 30:
Transfer layer - 31:
Output layer - 32:
Output layer - 33:
Model 4: Pre-trained Model - 34:
Multi-layer representation layers - 35:
Concatenate layer - 36:
Fully connected layer - 37:
Flatten layer - 38:
Pre-trained weights applied from the SSRL model - 39:
Transfer layer - 40:
Output layer - 41:
Print Accuracy, loss, Confusion Matrix, ROC Curves
|
5. Ablation Analysis
In this work, the architecture of our deep learning models is based on the architecture of the LSTM-GRU, which uses 64 neurons in the input layer for each of the LSTM-GRU 1 layers, a concatenation of both layers, 32 neurons in the concatenate layer of both LSTM-GRU 2 layers, 16 neurons in the fully connected layer, and a final layer that flattens and concatenates the output. Moreover, the architecture used to build an LSTM-RNN uses 128 neurons in the input layer for both LSTM-RNN 1 layers, concatenating both layers, 64 neurons in the concatenate layer for both LSTM-RNN 2 layers, 32 neurons in the fully connected layer, and a final layer that flattens and concatenates the output. In addition, a DNN is integrated with 128 neurons in the input layer for both layers, concatenating both layers, 64 neurons in the concatenate layer for subsequent layers, 32 neurons in the fully connected layer, and a final layer that flattens and concatenates the output. Accuracy is the major parameter used in evaluating the architecture proposed in this work. The models are trained 10 times on the training data with a batch size of 32. After much optimisation, the neural network architectures for the Simple DNN Model, LSTM-GRU, and LSTM-RNN have been fine-tuned for better performance and robustness. The comparative analysis performed in this work indicates that the LSTM-GRU architecture is better than the rest, with a higher accuracy rate and a low overfit condition compared to other configurations.
6. Proposed Self-Supervised Representation Learning Method with Transfer Learning
To enhance our self-supervised deep representation learning method with additional techniques like transfer learning, we have developed a robust strategy that improves the adaptability and generalisation of our model for detecting GPS spoofing attacks on small UAVs. To further enhance our model’s performance, we integrate self-supervised learning, which enables the model to extract meaningful features from the GPS signal data without relying on extensive labelled examples. This method captures intricate patterns and anomalies essential for detecting spoofing attacks. Building upon this, we implement transfer learning by saving the weights of our trained model and applying these pre-trained weights to a new dataset, specifically the GPS_simplified_2d_feature_map dataset. This approach leverages the knowledge gained from the original dataset and transfers it to a related domain, thereby improving the model’s adaptability to new data with minimal additional training. The integration of self-supervised learning with transfer learning has resulted in a validation accuracy of 79.0%, demonstrating an improvement in the model’s performance and its ability to generalize across different datasets
Table 5. This approach not only enhances the model’s detection capabilities but also significantly reduces the training time required for new datasets, confirming the effectiveness of combining these advanced techniques in improving the robustness and efficiency of GPS spoofing attack detection.
Figure 12 shows the pre-trained transfer learning model’s training and validation performance. The accuracy plot shows a steady improvement in training accuracy, reaching about 79.5%, while the validation accuracy fluctuates, peaking around epoch 4, indicating potential overfitting. The loss plot demonstrates a decline in both training and validation loss, but the validation loss begins to plateau after epoch 6, suggesting diminishing improvement in generalisation. The confusion matrix highlights that the model predicts Class 0 well but struggles with other classes, especially Class 3, where many instances are misclassified as Class 0.
7. Comparison Analysis of Proposed Models
Based on the performance results shown in
Table 6, the DNN model consistently achieved the highest accuracy across most output labels, making it the best overall performer. Specifically, the DNN model attained a perfect accuracy of 1.00 for ch5_output, demonstrating its superior ability to detect GPS spoofing attacks for this label. Additionally, it achieved high accuracy values for other outputs, with ch6_output reaching 0.99 and several others maintaining accuracy above 0.95. Therefore, the DNN model is recommended for scenarios prioritizing high accuracy, especially for detecting critical GPS spoofing incidents like ch5_output.
Table 7 compares various models from existing studies on GPS spoofing detection for small UAVs, highlighting their accuracy. Sun et al. [
37] used deep learning approaches, achieving accuracies of 90%. Titouna et al. [
12] and Dang et al. [
41] employed dynamic selection techniques and deep ensemble learning, reaching 95% and 97% accuracy, respectively. Other studies, such as Banu et al. [
44] and Gasimova et al. [
45], explored various detection methods and weak and strong learners, with accuracy ranging from 85% to 95%. Talaei et al. [
51] achieved the highest accuracy of 99.6% with a dynamic selection module. Our proposed model, which integrates LSTM-GRU, LSTM-RNN, and DNN, surpasses these with an impressive accuracy of 99.99%, demonstrating its superior performance in GPS spoofing detection for small UAVs.
8. Discussion
This paper focuses on the critical goal of enhancing the security and reliability of UAVs while contributing to the broader field of autonomous systems. By applying Self-Supervised Representation Learning (SSRL) in practical scenarios, this study established a new approach for integrating advanced machine learning techniques to address significant challenges faced by autonomous systems. Our work not only aims to protect UAVs from GPS spoofing but also sets a standard for using innovative technologies to strengthen the resilience of autonomous systems across various domains. In this study, a network model tailored for small UAVs was implemented, emphasizing low-latency and high-reliability communication. The network was designed to support real-time data processing and transmission, which is crucial for detecting and mitigating GPS spoofing attacks. Continuous and reliable communication between UAVs and ground control stations was ensured, even in the presence of potential spoofing threats. This robust communication model was vital for maintaining the integrity of the data used in attack detection. Our research employed a hypothesis-testing approach to evaluate the performance of the proposed SSRL-based models under different spoofing scenarios. It was hypothesized that the hybrid deep learning architectures, particularly the LSTM-GRU model, would outperform traditional methods in accurately detecting GPS spoofing attacks. This hypothesis was tested by comparing the accuracy of the proposed model against baseline models over 10 epochs of training. The results validated our hypothesis, with the LSTM-GRU model achieving an impressive 99.9% accuracy, proving its effectiveness in countering GPS spoofing attacks. Furthermore, the model’s capabilities were enhanced by integrating transfer learning, which improved its adaptability and generalisation. By applying pre-trained weights from the SSRL model to a new dataset, specifically the GPS_simplified_2d_feature_map dataset, the model achieved a validation accuracy of 79.0%. This addition demonstrated the model’s ability to generalize across different datasets with minimal additional training, further reinforcing the robustness and efficiency of the approach in detecting GPS spoofing attacks.
9. Conclusions
GPS spoofing presents substantial risks to the safety and security of small UAVs, potentially undermining navigation systems and compromising mission integrity. Effective mitigation strategies, including secure GPS signal authentication, anti-spoofing technologies, and continuous monitoring, are vital to address this threat. Our research introduces a novel architecture aimed at improving the detection and multi-label classification of GPS spoofing attacks in small UAVs. By employing multiple LSTM-GRU layers, LSTM-RNN layers, and a Deep Neural Network (DNN), our model showcases exceptional performance. The architecture is specifically configured with 64 neurons in the input and concatenate layers for LSTM-GRU, 128 neurons for LSTM-RNN, and 128 neurons for the DNN, utilizing self-supervised representation learning to enhance adaptability and learning efficiency. To evaluate the effectiveness of this approach, we trained the models over 10 epochs, achieving a remarkable accuracy of 99.9% in detecting various GPS spoofing labels. This highlights the architecture’s efficiency in real-time detection, particularly in resource-constrained environments. Additionally, the integration of transfer learning significantly enhanced the model’s adaptability and generalisation, achieving a validation accuracy of 79.0% on the GPS_simplified_2d_feature_map dataset. This improvement underscores the effectiveness of combining self-supervised learning with transfer learning for detecting GPS spoofing attacks. Our research addresses the pressing need to counter GPS spoofing threats in small UAVs, contributing to advancements in autonomous systems through the use of self-supervised representation learning and transfer learning. By strengthening UAV security, our architecture ensures reliable operation across diverse applications such as surveillance, agriculture, and environmental monitoring. Future work could focus on further optimizing the model for lightweight deployment, enhancing cross-platform adaptability, and incorporating additional sensor data to improve detection accuracy and robustness.