Next Article in Journal
On Accelerated Metaheuristic-Based Electromagnetic-Driven Design Optimization of Antenna Structures Using Response Features
Next Article in Special Issue
Synchronizing TSN Devices via 802.1AS over 5G Networks
Previous Article in Journal
Dynamic Telemetry and Deep Neural Networks for Anomaly Detection in 6G Software-Defined Networks
Previous Article in Special Issue
An Efficient Transmitter Feature Extraction Scheme with IQ Imbalance and Nonlinearity in TDD OFDM Systems
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Low-Latency Approach for RFF Identification in Open-Set Scenarios

1
State Grid Smart Grid Research Institute Co., Ltd., Nanjing 210003, China
2
State Grid Key Laboratory of Information & Network, Nanjing 210003, China
3
State Grid Henan Electric Power Research Institute, Zhengzhou 450052, China
*
Author to whom correspondence should be addressed.
Electronics 2024, 13(2), 384; https://doi.org/10.3390/electronics13020384
Submission received: 23 December 2023 / Revised: 14 January 2024 / Accepted: 15 January 2024 / Published: 17 January 2024
(This article belongs to the Special Issue Precise Timing and Security in Internet of Things)

Abstract

:
Radio frequency fingerprint (RFF) identification represents a promising technique for lightweight device authentication. However, current research on RFF primarily focuses on the close-set recognition assumption. Moreover, the high computational complexity and excessive latency during the identification stage represent an intolerable burden for Internet of Things (IoT) devices. In this paper, we propose a deep-learning-based RFF identification framework in relation to open-set scenarios. Specifically, we leverage a simulated training scheme, in which we strategically designate certain devices as simulated unknowns. This allows us to fine-tune our extractor to better handle open-set recognition. Additionally, we construct an exemplar set that only contains representative RFF features to further reduce time consumption in the identification stage. The experiments are carried out on a hardware platform involving LoRa devices and using a USRP N210 software-defined radio receiver. The results show that the proposed framework can achieve 90.23% accuracy for rogue device detection and 93.85% accuracy for legitimate device classification. Furthermore, it is observed that using an exemplar set consisting of half the total data size can reduce the time overhead by 58% compared to using the entire dataset.

1. Introduction

The increasing use of wireless devices has raised security concerns regarding device authentication in Internet of Things (IoT) networks, which is essential for allowing legitimate devices to access the network and preventing rogue devices doing so. Traditional identification schemes, such as MAC addresses and cryptographic keys [1], are susceptible to tampering and cracking, respectively [2,3], thereby allowing attackers to disguise themselves as legitimate devices and to access private data. Furthermore, key-based identification suffers from excessive latency with an increasing number of devices due to heavy computation in key management procedures [4,5,6]. In contrast, use of a radio frequency fingerprint (RFF) is an efficient alternative tool for wireless security that generates a unique fingerprint for each wireless device by leveraging imperfections. The RFF is difficult to modify or tamper with and requires no extra operation from the transmitter [7], making it desirable for power-constrained and low-cost LoRa devices.
However, recent studies on RFF identification have mainly focused on the close-set recognition hypothesis, where the system assumes prior knowledge of all possible wireless communication devices. During testing, there may be unknown classes that the classifier has seldom encountered before [8]. Therefore, in reality, it is difficult to obtain knowledge of all devices, making RFF recognition an open-set problem. If a close-set recognition scheme is utilized in such cases, the system may erroneously accept rogue devices by incorrectly assigning them to one of the known classes due to the limited scope of the deep learning network [9]. This issue can lead to false negative identifications or incorrect classifications, which can have severe consequences, particularly in security-critical applications. Urgent attention and further research are needed to develop effective strategies to address this issue. Shen et al. [10] introduced a short-time Fourier transform (STFT)-based spectrogram coupled with a CNN for RFF. Their approach exhibited superior identification performance compared to I/Q-based and fast-Fourier-transform-based methods. Furthermore, they investigated the impact of the carrier frequency offset (CFO) on identification performance and proposed the use of an estimated CFO to adjust the identification results, mitigating potential performance degradation. In addressing the challenge of online device authentication scenarios, ref. [11] presented a novel approach utilizing a deep metric learning framework for RFF identification. Additionally, to enhance the robustness of deep learning models towards channel variations, ref. [11] introduced a method leveraging channel-independent spectrograms for feature representation. Ref. [12] introduced “Hawk”, an anomaly-based intrusion detection system employing federated learning against emerging new and unknown attacks towards LoRa devices. Leveraging the distinct features of devices, such as the CFO, Hawk achieves effective anomaly detection and exhibits robustness against emerging threats.
Based on the above discussion, this paper proposes a DL-based RFF identification framework that addresses the open-set recognition problem. The framework includes a training method that designates certain devices as unknown classes, allowing for fine-tuning of the feature extractor to better handle open-set recognition. Additionally, an exemplar set is created using partial features from known and simulated unknown classes. These carefully selected features can accelerate the identification process without sacrificing accuracy. The proposed framework’s performance is verified through RFF recognition experiments with varying levels of openness. We conducted a comparison between our proposed method and traditional threshold detection as well as the OpenMax [13] method for open-set identification with regard to rogue device detection. Our contributions are summarized as follows:
We propose a scalable RFF identification framework based on an additional simulated training stage towards open-set. This enhances the learned representation to preserve useful information for separating rogue from legitimate devices, as well as discriminating among legitimate devices.
We keep the representative features from the training data to construct a feature exemplar set that efficiently characterizes the RFF patterns of legitimate and rogue devices. This could help to reduce the feature space and computational complexity during the testing process.
We verify the effectiveness of the proposed approach by utilizing LoRa devices and a USRP N210 software-defined radio (SDR) platform. The experimental results show that the accuracy of rogue device identification and device classification is higher than when using the thresholds directly and other open-set algorithms, such as OpenMax. Moreover, the exemplar set achieves over 90% accuracy even with half of the total features, with a shorter recognition time.
The rest of the paper is organized as follows: Section 2 introduces related work. Section 3 provides a system overview. Section 4 and Section 5 introduce LoRa signal processing and RFF extractor training, respectively. Section 6 presents the simulated training and the procedure for rogue device detection and legitimate device classification. Section 7 provides extensive experimental results to demonstrate the system performance. Section 8 concludes the paper.

2. Related Work

The rapid development of IoT has increased the need for a reliable and low-latency authentication scheme to ensure that RFF can be widely deployed. However, as wireless communication research advances, meeting the demand for low latency in practical deployment scenarios has become increasingly challenging. Das [14] pointed out that wireless communication’s reliability and latency hinder industrial wireless control systems’ progress. To address this issue, Weiner et al. [15] proposed a wireless system architecture based on semifixed resource allocation and low-rate coding. In addition, Zheng et al. [16] proposed a lightweight RFF recognition network based on a compact ResNet architecture to improve RFF recognition speed and reduce computational complexity. Another study proposed an embedded RFF recognition method based on a lightweight network architecture [17]. The proposed method uses a combination of convolutional and recurrent neural networks to extract RFF features and classify them. However, these works do not provide a detailed evaluation of the proposed method’s limitations or its performance in scenarios with high levels of noise or interference, which are common in many real-world applications.
Most of the existing RFF identification works focus on deep learning (DL) methods [18,19,20]. However, the majority of DL-based RFF research has been conducted based on the close-set hypothesis, which assumes that the prior probability of all wireless communication devices is known. In reality, there are many unknown devices in most scenarios, and many previous DL-based RFF identification schemes lack scalability in the open-set environment [10]. This is because previous methods usually rely on the softmax layer for classification, and once training is completed, the number of neurons in this layer cannot be changed, turning RFF identification into a close-set problem [21]. Furthermore, this design raises concerns that the DL model needs to be retrained whenever unknown devices are present in the training set, leading to greater time-consumption. Additionally, rogue devices are not readily predicted, and their data is often not available for training. As a result, during identification, they will be classified as legitimate devices with the most similar characteristics to those in the training categories [22], and this is not acceptable.
In order to overcome this issue, in 2020, Geng et al. [8] conducted a survey on recent advances in open-set recognition. Their findings showed that recent research mainly focused on computer vision and pattern recognition, with limited studies on RFF open-set recognition. However, in recent years, scholars have carried out research on RFF open-set recognition. In 2021, Fang et al. [4] proposed an end-to-end RFF open-set recognition method based on hypersphere representation. Furthermore, the OpenMax model [13] based on meta-recognition theory [23] provides a solution to the DL network towards an open-set problem without requiring extra retraining.
Compared with traditional DL methods, our approach emphasizes the distinguishability of feature distances in the feature space by applying metric learning, which means that devices of the same class are brought closer together, while devices of different classes are pushed farther apart. Furthermore, we introduce a simulated training process to create an exemplar set, effectively representing RFF features and reducing the time overhead without significantly influencing the identification accuracy. This allows us to refine our feature extractor and enhance its capacity for open-set identification.

3. System Overview

The proposed framework utilizes a DL-based RFF identification framework. It consists of three stages, namely, training, simulated training, and identification, as shown in Figure 1.
Training: During the training stage, we utilize a DL-based extractor model to extract distinctive RFF features from training packets collected from various legitimate devices. These packets undergo preprocessing steps, such as synchronization and CFO estimation and compensation, and are labeled accordingly. The RFF extractor is trained based on these preprocessed signals to extract device-specific RFF features. The training stage is only performed once, whereas after the extractor is trained, we construct an exemplar set by selecting representative RFF and CFO features from the extractor. This exemplar set is then used to train an RFF classifier.
Simulated Training: During the simulated training stage, we utilize the exemplar set to train an RFF classifier. After the training process, we split the exemplar set into two parts, one part for legitimate devices and the other part for simulating rogue devices. Some data from the legitimate devices part are used to fit the K-nearest neighbors (KNN) model. Then, the KNN model predicts the labels of the remaining data from the exemplar set. We use the remaining data and labels given by the KNN model to train the logistic regression (LR) model. During the device identification stage, the KNN model is mainly responsible for the legitimate device classification function, while the LR model is responsible for the rogue device detection function.
Identification and Classification: The two main processes in the identification stage are rogue device detection and legitimate device classification. First, preprocessing is performed on the received signal in the same way as during the training phase. The RFF features are then extracted from the preprocessed signal using the RFF extractor. The legitimacy of the packets can be determined by applying the LR model. The legitimate device is then classified using the KNN model if it is. If not, the packet is identified as coming from a rogue device, and the access will be prevented.

4. LoRa Signal Preprocessing

In this section, we introduce the preprocessing method of the signal and then illustrate the process of construction of the exemplar set.

4.1. LoRa Signal

LoRa uses chirp spread spectrum (CSS) technology for modulation, where chirps are used to communicate. A basic LoRa symbol can be written as
x ( t ) = A e j 2 π ( b ω 2 + b ω 2 T t ) t ( 0 t T ) ,
where A and b ω denote the amplitude and bandwidth, respectively, and T is the LoRa symbol duration. The preamble, which consists of eight repeating x ( t ) , is present at the beginning of every LoRa packet and is identical for all device types.

4.2. Signal Acquisition

The transmitted baseband signal x ( t ) undergoes signal modulation and up-conversion via hardware components, such as an oscillator and power amplifier. These components introduce their specific impairments, and the overall effect of device i is denoted as F i ( · ) . The signal is then captured by the receiver. The received baseband signal r i ( t ) of device i is given by
r i ( t ) = h ( t ) F i ( x ( t ) ) + v ( t ) ,
where h ( t ) is the time-varying channel impulse response, v ( t ) is the additive white Gaussian noise, and ∗ denotes the convolution operation. When the receiver captures a packet from device i, it extracts the preamble part r i ( t ) and digitizes it, denoted as r i ( n ) .

4.3. Preprocessing

To make sure the received signal satisfies the fundamental requirements of the RFF identification procedure, preprocessing is required. This covers normalization, preamble extraction, synchronization, and CFO compensation. These algorithms are explained in more detail in [24].
Synchronization: In this step, the packet’s starting point is identified. Precise synchronization is essential because a segment of channel noise is introduced by imprecise synchronization, which degrades RFF identification performance.
Preamble Extraction: To avoid the deep learning model capturing identity-related details, such as the MAC address, when leveraging the entire packet for RFF, we selectively use only the preamble part.
CFO Compensation: CFO compensation is required to ensure system stability in RFF identification. Crystal oscillators are very sensitive to temperature variations. System performance can be severely impaired by oscillator frequency drift [25].
Normalization: Normalization keeps the non-device-specific received power from being learned by the system. By dividing its root mean square (RMS), the preamble portion is normalized.

5. Rff Extractor Training

The RFF extractor, which is an essential module in the proposed RFF system, should be capable of generalizing well towards open-set scenarios for the extraction of RFF features of unknown devices.

5.1. Deep Learning Model Architecture

To efficiently extract the RFF features from the LoRa signal, we treat it as a time sequence and employ a convolutional neural network (CNN) as our classification model. Our goal is to design a deep neural network capable of fully extracting the RFF features from the preprocessed signal. The network architecture is inspired by the ResNet architecture but is optimized to be lightweight and suitable for the characteristics of LoRa signal data.
The architecture of our RFF extractor, illustrated in Figure 2, is based on a residual neural network (ResNet) structure with cross-layer connections. This architecture consists of nine convolution layers, one average pooling layer, and one dense layer with 512 neurons. The RFF extractor takes a 1024-dimensional vector uniformly sampled from the preprocessed LoRa signal as input. The first convolution layer comprises 32 filters with a size of 7 × 1 and a stride of 2. Subsequent convolution layers (the second to fifth) consist of 64 filters with a size of 3 × 1. The sixth to ninth convolution layers employ 32 filters with the same size as the previous layers. To capture non-linear relationships, all the convolutional layers are activated using rectified linear units (ReLU). Additionally, the strategic use of padding in convolutional layers preserves the spatial information of the input signal, preventing the loss of crucial features. The output of the last convolutional layer undergoes average pooling before being fed into the dense layer. The L2 normalized model produces a 512-dimensional vector, representing the RFF features extracted from the received packets.

5.2. Deep Metric Learning

Deep metric learning is a technique used to train neural networks to learn embeddings. It can represent input data in a space where samples with the same labels are close to each other and samples with different labels are far apart. Unlike traditional methods that rely solely on capturing patterns, deep metric learning enables learning of a more discriminative and semantically meaningful representation of the RFF data. In this section, the RFF extractor is trained using deep metric learning and triplet loss as the loss function.
The triplet loss, initially developed for face recognition [26], has gained popularity in RFF recognition due to its ability to learn meaningful embeddings and enforce desirable distance relationships between samples. It compares the distance between the embeddings of an anchor sample, a positive sample (same label as anchor), and a negative sample (different label than anchor). The triplet network uses a shared weight network to minimize the distance between the anchor and positive samples and to maximize the distance between the anchor and negative samples. Figure 3 illustrates a triplet consisting of an anchor ( x a n ), a positive ( x + ), and a negative ( x ) sample, where the anchor and positive samples are from the same device and the negative sample is from a different device. Mathematically, the triplet loss can be expressed as:
L T r i p l e t = max | | x + x a n | | 2 | | x x a n | | 2 + ξ , 0 ,
where | | · | | 2 is 2 norm, which denotes the Euclidean distance between two vectors. ξ is a parameter in the loss function, which denotes the margin between the positive and negative pairs. By leveraging deep metric learning based on triplet loss, as shown in Figure 3, the feature embedding distances between the anchor and the negative sample are larger, while the distances between the anchor and the positive sample are smaller.

5.3. Exemplar Set Construction

We create an exemplar set by choosing exemplars from the RFF extractor’s outputs after the training phase. We built the exemplar set using a fusion input of RFF signals and the CFO to improve the efficacy of RFF verification. The observation that employing the CFO and RFF signals separately does not produce satisfactory results served as the driving force behind this decision.
The exemplar set construction algorithm is used to select a subset of exemplars from the outputs of the RFF extractor. The RFF extractor is trained on the dataset X and the CFO dataset C of the device y. Algorithm 1 takes as input the target number of exemplars M for each class, and the current RFF extractor φ , which maps the input signal x to a d-dimensional feature vector in R d .
For each device y, the algorithm first calculates the mean feature vector μ of all the samples in X. Then, for each class, the algorithm selects the M closest samples to μ using the Euclidean distance as the similarity metric. For each of these M samples, the algorithm records its RFF feature vector φ ( s k ) and its CFO value c k . The resulting set of exemplars for device y is denoted S y and consists of the M-selected samples along with their corresponding RFF feature vectors and CFO values. In addition to constructing the exemplar set, the algorithm also records the minimum and maximum CFO values of each legitimate device in the training dataset. These values are stored in the variables CFO min y and CFO max y , respectively.
The final output of the algorithm is the set of exemplars S, the minimum CFO values CFO min dataset, and the maximum CFO values CFO max dataset for each device. The exemplar set is smaller than the original dataset since only a subset of samples is selected, and the size can be controlled by changing the value of M. The RFF extractor can then be used to extract the 512-dimensional RFF features from the input signal using the exemplar set.
Algorithm 1 Exemplar Set Construction
Require: RFF data X y = { x 1 , , x n } of device y
Require: CFO data C y = { c f o 1 , , c f o n } of device y
Require: M exemplars for each class
Require: Current RFF extractor φ : x R d
for   y = 1 , , Y  do
    μ 1 n x X y φ ( x )
   for  k = 1 , , M  do
      s k argmin x X y μ φ ( x )
      c k c f o X . index ( s k )
      s k ( φ ( s k ) , c k )
   end for
    S y { s 1 , , s M }
    CFO min y min c f o C y ( c f o )
    CFO max y max c f o C y ( c f o )
end for
S { S 1 , , S Y }
CFO min { CFO min 1 , , CFO min Y }
CFO max { CFO max 1 , , CFO max Y }
Ensure: S, CFO min , and CFO max

6. Device Identification and Verification

After the training of the RFF feature extractor, we focus on training a robust classifier using the exemplar set constructed in Section 5.3, and provide a detailed description of the simulated training and device identification processes.
The features after the extractor are designed to capture two important characteristics: the CFO and distance information. The CFO is caused by inherent hardware defects in devices, and the frequency offset of different devices can vary significantly. As for the distance information, the RFF distances between the samples from legitimate devices and rogue devices are quite distinct in the feature space. Therefore, we design two features, α and β , which denote the feature distance and the CFO, respectively.
z = [ α , β ] ,
α = D m i n k ,
β = ( CFO CFO m i n + CFO m a x 2 ) · sgn ( CFO )
The D m i n k in (5) is the minimum distance between the test samples and their k nearest neighbors in the KNN model. The CFO m i n and CFO m a x in (6) are the minimum and maximum CFO values of the training samples with the same label as the predicted device, respectively, while sgn ( · ) represents the sign function, which indicates the sign of CFO (1, 0, or −1). This formulation captures the directional deviation of β concerning CFO and the midpoint.
After that, the exemplar set undergoes division into two distinct components: legitimate device verification and simulated rogue device identification. The device verification stage is to determine the specific labels of the devices from the signal, which outputs a legitimate label, which is implemented by the KNN. The RFF of the received packets is first extracted by the RFF extractor, and then the features will be selected according to (4). The most frequent label among the K-neighbors is assigned to the device.
Rogue device detection is a process to identify whether a received signal is transmitted from a legitimate device or not. It involves the use of both KNN and LR models. First, the KNN model calculates the distance between the test sample and the exemplar set data. Then, we use the minimum distance between the test samples and the K-nearest samples to calculate features based on Equations (5) and (6). Next, these features are used as input to the LR model, which determines whether the packet is from a rogue device. The LR model, with output f ( z ) = 1 1 + e θ z , distinguishes legitimate from rogue devices. A “True” prediction indicates a legitimate device and then is classified as the output label of the KNN model, a “False” prediction implies a rogue device.

7. Experiments

7.1. Experimental Settings

The data collection system in Figure 4 consists of 35 target LoRa SX1262 devices for testing and a USRP N210 software-defined radio (SDR) platform as the receiver. The carrier frequency f c = 433 MHz, bandwidth B = 125 kHz, and S F = 7 are the settings for all LoRa devices. The configuration of the receiver is a 2 MHz sampling rate and f c = 433 MHz.
From each LoRa device, we collected 470 packets between the transmitter and the receiver. The 470 packets were divided into two groups: the remaining 70 packets were set aside for testing, and the other 400 training data were chosen at random. All known legitimate device packets, along with supplemented data from rogue device simulations, were used to train the RFF extractor. The rest of the packets, including those from unknown devices, were set aside for identification. The deep learning model was implemented using PyTorch. The training procedure was carried out over 70 epochs under the guidance of the triplet loss function. The learning rate started at 0.002 and decreased every 10 epochs by a factor of 0.98. A 64-batch size was used when applying SGD optimization.

7.2. Preliminaries

When it comes to identifying rogue devices, a major challenge arises due to the lack of training data available for them. The accuracy of identifying rogue devices is affected by the different levels of openness in the task. To evaluate the effectiveness of our proposed method, we use multiple metrics.
(1) Openness: The openness [27] is chosen to symbolize the intricacy of open-set identification in various experimental setups, which is denoted as:
O = 1 2 × C TR C TR + C TE ,
where C TR and C TE represent the number of devices in the training samples and testing samples. The larger the value of O , the more difficult the problem is.
(2) Overall Accuracy of Two Tasks: We calculate three types of accuracy to evaluate the performance of the methods, which include the legitimate classification accuracy ( L -acc), the rogue detection accuracy ( R -acc), and the overall accuracy ( O -acc). L -acc represents the correctly classified legitimate devices among all legitimate devices, while R -acc represents the correctly detected rogue devices among all devices. O -acc is the balance of the L -acc and R -acc, which evaluates the overall method performance. They are defined as:
L - acc = T L T L + F L , R - acc = T R T R + F R , O - acc = 2 × L - acc × R - acc L - acc + R - acc = T L + T R T L + F L + T R + F R .
where T L and F L correspond to the true correctly classified legitimate device data and the false incorrectly classified legitimate device data, respectively. T R and F R refer to the true correctly and false incorrectly classified rogue device data, respectively. The O -acc is the balance of the L -acc and R -acc, which evaluates the overall method performance by applying its harmonic mean.
(3) Device Identification Metrics: The task of rogue device detection can be regarded as binary classification. Therefore, precision, recall, specificity, and the F1-score are used to evaluate the performance of the proposed model via the confusion matrix. These performance metrics are defined as follows:
Precision = T P T P + F P ,
Recall = T P T P + F N ,
F 1 - score = 2 × ( Precision × Recall Precision + Recall ) ,
Specificity = 1 T N F P + T N ,
where T P , T N , F P , and F N are the true positives, true negatives, false positives, and false negatives, respectively. The detailed performance metrics of the different methods are shown in Table 1.
Here, we compare the different device verification methods used in our study to classify packets received from devices as legitimate or rogue, adopting the same RFF extractor. OpenMax, originally designed for image classification [13], is adapted by training the CNN network and determining the score of a signal from an unknown device using the OpenMax layer. Another approach involves setting a CFO threshold ( λ ) to classify packets as rogue if the detected CFO is above λ . Similarly, a distance threshold (D) is employed, categorizing packets as rogue if the minimum distance in the KNN model exceeds D. A combined approach utilizes the CFO and distance thresholds, where a packet is considered rogue if either the distance or the CFO surpasses its threshold. Additionally, logistic regression (LR) is employed, training the model using an exemplar set to discern whether a packet is from a rogue device. Different device configurations are explored to evaluate the LR model’s performance under varied conditions, with 18, 20, and 25 devices designated as legitimate and 17, 15, and 10 as rogue, while setting M in the exemplar set construction to 200.
The device verification results shown in Table 2 highlight the effectiveness of the strategy of the two parts of the task separately across different openness levels. At a low openness level (0.1548), LR outperforms the other methods, achieving a high legitimate classification accuracy ( L -acc) of 93.8%, a robust rogue detection accuracy ( R -acc) of 90.2%, and an impressive overall accuracy ( O -acc) of 92.5%. In comparison, the other methods, such as Openmax, CFO, distance, and CFO plus distance exhibit lower performance metrics. As the openness level increases to 0.2441, LR maintains its superiority with an 86.5% overall accuracy, surpassing alternative methods such as Openmax, CFO, distance, and CFO plus distance. Even at a higher openness level of 0.2829, LR demonstrates robust performance, achieving an 80.2% overall accuracy. This performance consistency across various levels of openness highlights the validity of the effectiveness of our approach in distinguishing between legitimate and rogue devices in open-set scenarios.
From Figure 5, we can see that our method has better performance than other methods in L -acc. When openness is 0.1548, corresponding to the selection of 25 devices as legitimate devices, the L -acc of our method reaches 93.85% on 35 devices, which is higher than the 92.57% of OpenMax, and the other threshold methods. As the number of unknown devices gradually increases and the openness increases, the L -acc performance of all the methods decreases. Nevertheless, our proposed method can still achieve an accuracy of 90.72% even under high levels of openness, while other methods show a rapid decline in performance. In terms of R -acc, our method shows a rapid performance degradation with increase in openness. In contrast, OpenMax performs better in identifying unknown classes, indicating that it is well-suited to open-set recognition problems. O -acc measures the combined effect of both L -acc and R -acc. From the perspective of O -acc performance, our proposed method performs with 92.14% O -acc when the openness is 0.1548, which is better than OpenMax and the other methods. However, as the openness increases, the performance of recognizing unknown classes decreases rapidly, which needs to be improved in future work.

7.3. The Effect of Device Identification

Moreover, we evaluate the performance of our proposed method by constructing the confusion matrix for legitimate device classification and the receiver operating characteristic curve (ROC curve) for rogue device detection using 25 devices for training. The confusion matrix, depicted in Figure 6, indicates that most samples are accurately classified; however, certain categories are frequently misclassified. Specifically, 12 samples belonging to Category 3 are misclassified as Category 2, among others.
As well as the confusion matrix, as Figure 7 illustrates, we use ROC curves to assess the performance of rogue device detection. The ROC curve plots the false positive rate ( F P R ) on the x-axis and the true positive rate ( T P R ) on the y-axis, calculated as follows:
F P R = F P N = F P F P + T N .
T P R = T P P = T P T P + F N .
Figure 7 illustrates the ROC curve of the simulated attack detection and the corresponding area under the curve (AUC) values. With an AUC value of 0.92, our LR approach is a notable performer demonstrating its ability to discriminate between rogue and legitimate devices. This performance is much better than that of the threshold-based detection techniques, such as the CFO and distance, and it outperforms the OpenMax method (AUC = 0.89). Remarkably, the LR curve is consistently dominant, confirming its effectiveness in the open-set task of detecting rogue devices.
Table 2 shows the effect of using different methods on the confusion matrix, with a focus on the F1-score, recall, precision, and specificity. The LR model achieves the highest F1-score of 0.9080, followed by OpenMax with 0.9022, while the CFO and distance methods have lower F1-scores of 0.8732 and 0.6347, respectively. The LR model also has the highest recall and precision, indicating a better ability to correctly identify both rogue and legitimate devices. Additionally, all methods have high specificity, with LR and OpenMax having values close to 1, indicating a low false positive rate. Overall, the table highlights the effectiveness of the LR model for device authentication, with better performance than the other methods.

7.4. The Effect of Exemplar Set

In this section, we present and discuss experiments that demonstrate the effect of the exemplar set size on the accuracy and identification time for our proposed method. Specifically, we construct exemplar sets of different sizes, including M = 20 , 40, 60, 100, 200, and 400; M = 400 means the whole of the training data. The exemplar set is selected from all the training data; thus, it has fewer data than the whole samples, resulting in lower time cost.
Figure 8 illustrates the O -acc and identification time cost of the different exemplar set sizes. The LR model trained with exemplar set construction achieves an O-accuracy of 92.14% and an identification time cost of 18.21 s when using all the training data (M = 400). However, with a smaller exemplar set size of M = 100 , the time cost is reduced to 6.73 s, while maintaining a slightly lower O-accuracy of 90.82%. The results show its ability to accelerate the training process while maintaining high accuracy.

7.5. The Effect of SNR

In this section, we describe the experiments conducted to evaluate the performance of our method under varying SNRs. We first train the model using data with relatively high original SNR under various openness. Subsequently, we evaluate the model’s recognition accuracy on multiple test datasets with varying Gaussian white noise levels, ranging from 0 dB to 20 dB. The OpenMax method is employed as a benchmark for comparison.
As illustrated in Figure 9, it is evident that the accuracy of both LR and OpenMax increases with higher SNR settings. Notably, as the degree of openness rises, there is a decline in performance, potentially attributed to insufficient classifier training due to the presence of more unknown samples. In the low-SNR region (0 dB to 5 dB), LR may exhibit suboptimal performance compared to the OpenMax method, exhibiting a 1.83% accuracy gap. However, under higher SNR conditions, LR outperforms OpenMax, which achieves 92.76% accuracy when the setting of the openness is 0.1548 and 20 dB. The observed poorer performance of LR under low-SNR conditions is attributed to noise disrupting the original data distribution, leading to a deviation from linear features in both the input and output data. This phenomenon ultimately results in a decline in performance.

8. Conclusions

In conclusion, we introduced a novel DL-based RFF identification framework leveraging device-intrinsic hardware impairments for robust device authentication. Our approach incorporated a simulated training process to effectively train an RFF extractor with remarkable generalization capabilities. Additionally, the implementation of an exemplar set mitigated the time overhead during the identification stage. For rogue device detection, we employed an LR model, while legitimate device classification was accomplished using the KNN algorithm. The extensive experiments conducted validated the performance of our method in both rogue device detection and legitimate device classification. Notably, our constructed exemplar set demonstrated its efficacy in significantly accelerating the training process with minimal impact on accuracy.

Author Contributions

Conceptualization, B.Z. and T.Z.; methodology, T.Z.; software, Y.M.; validation, B.Z., Z.X. and C.H.; formal analysis, B.Z., C.H. and Y.W.; investigation, C.H. and Y.W.; resources, Y.M.; data curation, Z.X. and Z.L.; writing—original draft preparation, B.Z.; writing—review and editing, T.Z.; visualization, Y.M. and Z.L.; supervision, T.Z.; project administration, Z.X.; funding acquisition, T.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported in part by the National Key R&D Program of China (No. 2022YFB3104300).

Data Availability Statement

Data is contained within the article.

Conflicts of Interest

Author Bo Zhang, Tao Zhang, Yuanyuan Ma, Zesheng Xi, Chuan He, Yunfan Wang was employed by the company State Grid Smart Grid Research Institute Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Zhang, K.; Liang, X.; Lu, R.; Shen, X. Sybil Attacks and Their Defenses in the Internet of Things. IEEE Internet Things J. 2014, 1, 372–383. [Google Scholar] [CrossRef]
  2. Zou, Y.; Zhu, J.; Wang, X.; Hanzo, L. A Survey on Wireless Security: Technical Challenges, Recent Advances, and Future Trends. Proc. IEEE 2016, 104, 1727–1765. [Google Scholar] [CrossRef]
  3. Hassija, V.; Chamola, V.; Saxena, V.; Jain, D.; Goyal, P.; Sikdar, B. A Survey on IoT Security: Application Areas, Security Threats, and Solution Architectures. IEEE Access 2019, 7, 82721–82743. [Google Scholar] [CrossRef]
  4. Fang, H.; Wang, X.; Hanzo, L. Learning-Aided Physical Layer Authentication as an Intelligent Process. IEEE Trans. Commun. 2019, 67, 2260–2273. [Google Scholar] [CrossRef]
  5. Li, G.; Hu, A.; Zhang, J.; Peng, L.; Sun, C.; Cao, D. High-Agreement Uncorrelated Secret Key Generation Based on Principal Component Analysis Preprocessing. IEEE Trans. Commun. 2018, 66, 3022–3034. [Google Scholar] [CrossRef]
  6. Li, G.; Zhang, Z.; Zhang, J.; Hu, A. Encrypting Wireless Communications on the Fly Using One-Time Pad and Key Generation. IEEE Internet Things J. 2021, 8, 357–369. [Google Scholar] [CrossRef]
  7. Wang, W.; Sun, Z.; Piao, S.; Zhu, B.; Ren, K. Wireless Physical-Layer Identification: Modeling and Validation. IEEE Trans. Inf. Forensics Secur. 2016, 11, 2091–2106. [Google Scholar] [CrossRef]
  8. Geng, C.; Huang, S.J.; Chen, S. Recent Advances in Open Set Recognition: A Survey. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 43, 3614–3631. [Google Scholar] [CrossRef] [PubMed]
  9. Xie, R.; Xu, W.; Chen, Y.; Yu, J.; Hu, A.; Ng, D.W.K.; Swindlehurst, A.L. A Generalizable Model-and-Data Driven Approach for Open-Set RFF Authentication. IEEE Trans. Inf. Forensics Secur. 2021, 16, 4435–4450. [Google Scholar] [CrossRef]
  10. Shen, G.; Zhang, J.; Marshall, A.; Peng, L.; Wang, X. Radio Frequency Fingerprint Identification for LoRa Using Spectrogram and CNN. In Proceedings of the IEEE INFOCOM 2021—IEEE Conference on Computer Communications, Vancouver, BC, Canada, 10–13 May 2021; pp. 1–10. [Google Scholar] [CrossRef]
  11. Shen, G.; Zhang, J.; Marshall, A.; Cavallaro, J.R. Towards Scalable and Channel-Robust Radio Frequency Fingerprint Identification for LoRa. IEEE Trans. Inf. Forensics Secur. 2022, 17, 774–787. [Google Scholar] [CrossRef]
  12. Halder, S.; Newe, T. Radio fingerprinting for anomaly detection using federated learning in LoRa-enabled Industrial Internet of Things. Future Gener. Comput. Syst. 2023, 143, 322–336. [Google Scholar] [CrossRef]
  13. Bendale, A.; Boult, T.E. Towards Open Set Deep Networks. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 1563–1572. [Google Scholar] [CrossRef]
  14. Das, K.; Havinga, P. Evaluation of DECT for low latency real-time industrial control networks. In Proceedings of the 2013 IEEE International Workshop of Internet-of-Things Networking and Control (IoT-NC), New Orleans, LA, USA, 24–24 June 2013; pp. 10–17. [Google Scholar] [CrossRef]
  15. Weiner, M.; Jorgovanovic, M.; Sahai, A.; Nikolié, B. Design of a low-latency, high-reliability wireless communication system for control applications. In Proceedings of the 2014 IEEE International Conference on Communications (ICC), Sydney, NSW, Australia, 10–14 June 2014; pp. 3829–3835. [Google Scholar] [CrossRef]
  16. Zheng, Y.; Zhao, C.; Lei, Y.; Chen, L. Embedded Radio Frequency Fingerprint Recognition Based on A Lightweight Network. In Proceedings of the 2020 IEEE 6th International Conference on Computer and Communications (ICCC), Chengdu, China, 11–14 December 2020; pp. 1386–1392. [Google Scholar] [CrossRef]
  17. Zhang, T.; Ren, P.; Ren, Z. Deep Radio Fingerprint ResNet for Reliable Lightweight Device Identification. In Proceedings of the 2021 IEEE 94th Vehicular Technology Conference (VTC2021-Fall), Norman, OK, USA, 27–30 September 2021; pp. 1–6. [Google Scholar] [CrossRef]
  18. Al-Shawabka, A.; Pietraski, P.; Pattar, S.B.; Restuccia, F.; Melodia, T. DeepLoRa: Fingerprinting LoRa Devices at Scale Through Deep Learning and Data Augmentation. In Proceedings of the MobiHoc ’21:Twenty-Second International Symposium on Theory, Algorithmic Foundations, and Protocol Design for Mobile Networks and Mobile Computing, Shanghai China, 26–29 July 2021; Association for Computing Machinery: New York, NY, USA, 2021; pp. 251–260. [Google Scholar] [CrossRef]
  19. Peng, L.; Zhang, J.; Liu, M.; Hu, A. Deep Learning Based RF Fingerprint Identification Using Differential Constellation Trace Figure. IEEE Trans. Veh. Technol. 2020, 69, 1091–1095. [Google Scholar] [CrossRef]
  20. Cekic, M.; Gopalakrishnan, S.; Madhow, U. Wireless Fingerprinting via Deep Learning: The Impact of Confounding Factors. In Proceedings of the 2021 55th Asilomar Conference on Signals, Systems, and Computers, Pacific Grove, CA, USA, 31 October–3 November 2021; pp. 677–684. [Google Scholar] [CrossRef]
  21. Yang, T.; Zhao, J.; Wang, X.; Xu, F. Deep learning based RFF recognition with differential constellation trace figure towards closed and open set. In Proceedings of the 2022 IEEE/CIC International Conference on Communications in China (ICCC), Foshan, China, 11–13 August 2022; pp. 908–913. [Google Scholar] [CrossRef]
  22. Das, R.; Gadre, A.; Zhang, S.; Kumar, S.; Moura, J.M.F. A Deep Learning Approach to IoT Authentication. In Proceedings of the 2018 IEEE International Conference on Communications (ICC), Kansas City, MO, USA, 20–24 May 2018; pp. 1–6. [Google Scholar] [CrossRef]
  23. Scheirer, W.J.; Rocha, A.; Micheals, R.J.; Boult, T.E. Meta-Recognition: The Theory and Practice of Recognition Score Analysis. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 1689–1695. [Google Scholar] [CrossRef] [PubMed]
  24. Shen, G.; Zhang, J.; Marshall, A.; Peng, L.; Wang, X. Radio Frequency Fingerprint Identification for LoRa Using Deep Learning. IEEE J. Sel. Areas Commun. 2021, 39, 2604–2616. [Google Scholar] [CrossRef]
  25. Cekic, M.; Gopalakrishnan, S.; Madhow, U. Robust Wireless Fingerprinting: Generalizing Across Space and Time. arXiv 2020, arXiv:2002.10791. [Google Scholar] [CrossRef]
  26. Schroff, F.; Kalenichenko, D.; Philbin, J. FaceNet: A unified embedding for face recognition and clustering. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 815–823. [Google Scholar] [CrossRef]
  27. Neal, L.; Olson, M.; Fern, X.; Wong, W.K.; Li, F. Open Set Learning with Counterfactual Images. In Proceedings of the Computer Vision—ECCV, Munich, Germany, 8–14 September 2018; Springer International Publishing: Berlin/Heidelberg, Germany, 2018; pp. 620–635. [Google Scholar]
Figure 1. System framework of the proposed RFF identification system.
Figure 1. System framework of the proposed RFF identification system.
Electronics 13 00384 g001
Figure 2. RFF feature extractor based on ResNet.
Figure 2. RFF feature extractor based on ResNet.
Electronics 13 00384 g002
Figure 3. Metric-learning-based triplet loss.
Figure 3. Metric-learning-based triplet loss.
Electronics 13 00384 g003
Figure 4. Experimental devices. (a) Target LoRa devices; (b) USRP N210 SDR.
Figure 4. Experimental devices. (a) Target LoRa devices; (b) USRP N210 SDR.
Electronics 13 00384 g004
Figure 5. Accuracy performance of different methods.
Figure 5. Accuracy performance of different methods.
Electronics 13 00384 g005
Figure 6. Confusion matrix about the legitimate device classification of our method.
Figure 6. Confusion matrix about the legitimate device classification of our method.
Electronics 13 00384 g006
Figure 7. ROC curve of rogue device detection under different methods.
Figure 7. ROC curve of rogue device detection under different methods.
Electronics 13 00384 g007
Figure 8. Time and O-accuracy of different exemplar sets.
Figure 8. Time and O-accuracy of different exemplar sets.
Electronics 13 00384 g008
Figure 9. The performance under different SNRs.
Figure 9. The performance under different SNRs.
Electronics 13 00384 g009
Table 1. The performance of device verification.
Table 1. The performance of device verification.
Device Verification
OpennessMethodsL-accR-accO-acc
0.1548LR & KNN0.9380.9020.925
Openmax0.9250.8490.889
CFO0.8810.8210.869
Distance0.9240.6730.801
CFO & Distance0.8720.7690.848
0.2441LR & KNN0.9210.8280.865
Openmax0.8720.8040.851
CFO0.8740.7810.831
Distance0.9110.6260.807
CFO & Distance0.8610.7390.821
0.2829LR & KNN0.9160.7530.802
Openmax0.8350.7850.796
CFO0.7470.7110.747
Distance0.9080.5180.778
CFO & Distance0.7230.6470.723
Table 2. The performance of device identification.
Table 2. The performance of device identification.
Device Identification
MethodsPrecisionF1-ScoreRecallSpecificity
LR0.91040.9080.90810.9962
Openmax0.90490.90220.90230.9959
CFO0.88160.87320.87940.9892
Distance0.63910.63470.63760.9693
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, B.; Zhang, T.; Ma, Y.; Xi, Z.; He, C.; Wang, Y.; Lv, Z. A Low-Latency Approach for RFF Identification in Open-Set Scenarios. Electronics 2024, 13, 384. https://doi.org/10.3390/electronics13020384

AMA Style

Zhang B, Zhang T, Ma Y, Xi Z, He C, Wang Y, Lv Z. A Low-Latency Approach for RFF Identification in Open-Set Scenarios. Electronics. 2024; 13(2):384. https://doi.org/10.3390/electronics13020384

Chicago/Turabian Style

Zhang, Bo, Tao Zhang, Yuanyuan Ma, Zesheng Xi, Chuan He, Yunfan Wang, and Zhuo Lv. 2024. "A Low-Latency Approach for RFF Identification in Open-Set Scenarios" Electronics 13, no. 2: 384. https://doi.org/10.3390/electronics13020384

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