0% found this document useful (0 votes)
2 views

Detection of Rogue RF Transmitters Using Generative Adversarial Nets

This paper presents a novel approach using Generative Adversarial Networks (GAN) to detect rogue RF transmitters and classify trusted ones by leveraging unique in-phase and quadrature (IQ) imbalances as fingerprints. The proposed method demonstrates high accuracy in distinguishing real signals from fake ones and classifying trusted transmitters using deep learning techniques. The research highlights the challenges of applying machine learning in the RF domain, particularly in adversarial settings, and showcases the effectiveness of GANs in generating and identifying RF signals.

Uploaded by

shrishailayyamh
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
2 views

Detection of Rogue RF Transmitters Using Generative Adversarial Nets

This paper presents a novel approach using Generative Adversarial Networks (GAN) to detect rogue RF transmitters and classify trusted ones by leveraging unique in-phase and quadrature (IQ) imbalances as fingerprints. The proposed method demonstrates high accuracy in distinguishing real signals from fake ones and classifying trusted transmitters using deep learning techniques. The research highlights the challenges of applying machine learning in the RF domain, particularly in adversarial settings, and showcases the effectiveness of GANs in generating and identifying RF signals.

Uploaded by

shrishailayyamh
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 7

2019 IEEE Wireless Communications and Networking Conference (WCNC)

Detection of Rogue RF Transmitters using


Generative Adversarial Nets
Debashri Roy∗ , Tathagata Mukherjee† , Mainak Chatterjee∗ , Eduardo Pasiliao‡
∗Computer Science †Computer Science ‡
Munitions Directorate
University of Central Florida University of Alabama Air Force Research Laboratory
Orlando, FL 32826 Huntsville, AL 35899 Eglin AFB, FL, 32542
{debashri, mainak}@cs.ucf.edu {tm0130}@uah.edu {eduardo.pasiliao}@us.af.mil

Abstract—Understanding and analyzing the radio frequency jeopardize the utility of the sensor network. Existence of such
(RF) environment have become indispensable for various au- threats underscore the need for techniques that recognize and
tonomous wireless deployments. To this end, machine learning authenticate transmitter identity irrespective of the network
techniques have become popular as they can learn, analyze and
even predict the RF signals and associated parameters that char- protocols and the communication technologies being used.
acterize a RF environment. However, classical machine learning However, correctly identifying a transmitter and being able
methods have their limitations and there are situations where to characterize it in real time remains a challenging problem.
such methods become ineffective. One such setting is where active Use of secure mechanisms to authenticate RF transmitters
adversaries are present and try to disrupt the RF environment has been a common way to identify malicious transmitters.
through malicious activities like jamming or spoofing. In this
paper we propose an adversarial learning technique for identifying However, implementation of such secure mechanisms adds to
rogue RF transmitters and classifying trusted ones by designing the computation and communication overhead for real time
and implementing generative adversarial nets (GAN). The GAN systems such as connected autonomous vehicles. Recent devel-
exploits the in-phase (I) and quadrature imbalance (i.e., the opments in radio frequency machine learning (RFML) systems
IQ imbalance) present in all transmitters to learn the unique have given rise to the possibility of using these methods for
high dimensional features that can be used as “fingerprints”
for identifying and classifying the transmitters. We implement automated real time authentication of RF transmitters. These
a generative model that learns the sample space of the IQ values methods can also be used in adversarial settings for tasks such
of the known transmitters and use the learned representation to as the identification of malicious transmitters by through the
generate fake signals that imitate the transmissions of the known use of learning powered transmitter forensics [2].
transmitters. We program 8 universal software radio peripheral Unlike the image or speech processing domain, where
(USRP) software defined radios as trusted transmitters and
collect over-the-air raw IQ data from them using a RTL-SDR in a machine learning techniques have been widely successful,
laboratory setting. We also implement a discriminator model and learning in the RF domain is just beginning to see some
show that the discriminator is able to discriminate between the breakthroughs. For processing images, spatial correlations and
trusted transmitters from fake ones with 99.9% accuracy. Finally, knowledge of previously observed objects make future predic-
the trusted transmitters are classified using convolutional neural tions possible. Similarly, in speech recognition recognizable
network (CNN) and fully connected deep neural networks (DNN).
Results reveal that the CNN and DNN are able to correctly patterns emerge from known sequences that can be used to
discriminate between the 8 trusted transmitters with 81.6% and synthesize phrases and words. In essence such techniques are
96.6% accuracies respectively. built on prior distributions and patterns that make general-
Keywords: RF fingerprinting, GAN, machine learning, izations possible. However, such techniques cannot be easily
deep neural network, IQ imbalance, USRP, confusion matrix. extended to the RF domain because of the unpredictable and
varied nature of the RF signals. To make matters worse, the
I. I NTRODUCTION presence of adversaries make it even more difficult to learn
Localization, identification, and characterization of radio and characterize RF signals. For one smart adversaries can
frequency (RF) signal sources (aka RF transmitters) are in- spoof transmitters and introduce noise in the transmission
dispensable for applications such as locating a cell phone, channels making it harder to learn unique characteristics of
identifying a jammer, detecting the presence or absence of a the transmitters, in essence manipulating the learning phase
signal, tracking objects, etc. Localization of a RF transmitter to render the detection model ineffective. Thus, application of
is a well studied problem where the received power at a RFML systems for RF synthesis and recognition has become
receiver is utilized to estimate the distance to the trans- an interesting and open research area.
mitter, given some known transmitters and path-loss models For machine learning techniques to be effective, one must
(see [1] and the references therein). With more and more choose an attribute or feature that is unique to a transmitter,
autonomous deployments of wireless networks, identification irrespective of the signals it transmits. One such commonly
of transmitters has also become important. For example, a used feature is the rise time signature that is generated by slight
wireless sensor network relies on trustworthy signals; how- variations of the component values during the manufacturing
ever, malicious transmitters can contaminate the signals and process. Though the rise time signature has mostly been used

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
978-1-5386-7646-2/19/$31.00 ©2019 IEEE
2019 IEEE Wireless Communications and Networking Conference (WCNC)

for signal intelligence and by regulatory agencies, it performs lation between the complex-valued IQ data constellations.
poorly in the presence of malicious entities. Moreover, the rise We design another deep neural network to improve the
time signature is commercially unavailable , hence cannot be accuracy of the CNN.
used as a standard signature. ‘IQ imbalance’ is another feature • Our models have been validated on a laboratory test
that is affected at the time of manufacturing due to the use of bed consisting of several universal software radio periph-
noisy mixers, oscillators and unbalanced low pass filters [3]. eral (USRP) B210s [6] and one RTL-SDR receiver [7].
This is the imbalance between the in-phase (I) and quadrature The USRPs transmitted signals on a particular frequency
(Q) components of a signal which is the result of interaction which were received by the RTL-SDR. The collected
of the radio frequency with the local oscillator frequency dataset had 1024 complex IQ samples per timestamp,
which is required to get the intermediate frequency. Though generating 2048 features. The generative and discrimi-
there are techniques to compensate for this imbalance [4], native models were trained and tested on the collected
the fact remains that all transceivers exhibit this unique IQ dataset. The unique pattern of variation of the IQ im-
imbalance. The IQ imbalance depends on the choice of the balances for each radio is captured as features by the
hardware components used, and is an unwanted byproduct of multiple layers of the neural network.
the manufacturing process that is hard to imitate. This imbal- • The novelty of the proposed work lies in accurately
ance can be used as a basis for feature engineering (automated modeling and implementing the proposed generative and
or otherwise) for transmitter identification and recognition. discriminative models on real hardware using raw IQ
However, this fact is also known by the adversaries. Thus, data. To the best of our knowledge, this is the first paper
their target would be to learn and estimate the probability that uses GANs to identify adversarial RF signals and for
distribution of the training data used for model creation, given fingerprinting radio transmitters.
a particular sample space. The adversaries can use a generative Next we describe the current and previous work in machine
model to generate fake signals so as to spoof the transmission learning based transmitter identification.
of known transmitters. Generative Adversarial Nets (GAN) [5]
uses a generative model which enables the realistic generation II. BACKGROUND AND R ELATED W ORK
of samples from a given distribution which can then be used to During the process of designing and manufacturing cheap
train a discriminator for identifying real samples drawn from radio hardware certain imperfections have become the norm.
fake ones obtained from the generator. The IQ imbalance is one such imperfection that is unique to
In this paper, we use generative adversarial nets (GAN) different radio hardware and are caused by imperfections in
to detect rogue transmitters. Unlike most machine learning local oscillators and mixers. As a result of this, the in-phase (I)
techniques, GAN has been designed to learn in adversarial and quadrature (Q) components of the modulator are not or-
situations. We propose and implement a generative model and thogonal. When a signal is transmitted using a particular radio
a discriminative model to (i) detect unknown and/or rogue transmitter, some IQ imbalance is imposed over the complex-
transmitters and (ii) classify the known transmitters. We lever- valued IQ data during transmission [8] as shown in Fig. 1.
age the fact that the IQ imbalance for every radio transmitter is IQ imbalance leads to performance degradation for higher
unique and could be exploited by the GAN to generate unique order modulations because the symbol rotation becomes more
features or fingerprints. The main contributions of this paper sensitive with increasing number of constellations towards I
are: and Q branches [9].

• We propose a generative model that uses a deep neural


network (DNN) for generating (fake) signals that very
Quadrature

Quadrature

closely resemble real signals. The generator proceeds


by reducing the parameter space, replicates the time-
invariant features and serves as a compact front-end for
fake radio signal generation.
Inphase Inphase
• We propose a discriminative model using a deep neural (a) (b)
network that takes input from the known signal transmit- Fig. 1. IQ Imbalance for QPSK: (a) Before (b) After 45° Phase Imbalance
ters as well as the fake signals from the generative model.
The purpose of this discriminative model is to distinguish In recent years, there have been some efforts at using
the real signals from the fake ones. The outcome of the machine learning techniques for fingerprinting RF transmit-
decision process is fed to the generative model, allowing ters. In [10], O’Shea et al presented a radio modulation
the adversary (generator) to update its model so as to classification method using naively learned features. They
better generate fake signals. have shown that blind temporal learning on densely encoded
• Once we detect the trusted transmitters from the rogue time series using convolutional neural networks is a viable
ones, we use supervised training models to classify the approach. However, this method did not perform well in
trusted transmitters. We design a convolution neural net- the low signal to noise ratio (SNR) regime. In [11], the
work (CNN) for that purpose, which leverages the corre- authors have presented an unsupervised learning technique

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
2019 IEEE Wireless Communications and Networking Conference (WCNC)

Noise
using convolutional autoencoders which can eventually learn Adversarial (I/Q Generator)

the basics of modulation functions and then leverage that

n(t)

Feedback
Modulation Schemes m(t)
g(t)
to recognize different digital modulation schemes. They also Generator
s(t)
G
proposed a method to evaluate the quantitative metrics on Signal Amplitude r(t)
reconstructed data to recognize the schemes. Another study for
modulation classification using raw IQ samples was presented Signal Phase l(t)
Trusted?

in [12]. A method for modulation classification was proposed D


in [13] for a distributed wireless spectrum sensing network. Trusted Transmitter
Fake?

The authors proposed a recurrent neural network model using I/Q Data Feature GAN
(Through SDR) Extractor Implementation
long short term memory (LSTM) cell, yielding 90% accuracy
for synthetic dataset [14]. Fig. 2. Proposed GAN architecture
An in-depth study on the performance of deep learning
based radio signal classification was proposed in [15]. The
authors considered 24 modulation schemes with a rigorous G. The proposed GAN architecture is shown in Fig. 2. G and
baseline method that uses higher order moments and strong D are the generative and discriminative models respectively.
boosted gradient tree classification for detection. The authors The adversary generates random modulation scheme (m(t)),
also applied their method on real over-the-air data collected signal amplitude (r(t)), and phase (l(t)) and mixes additive
by Software Defined Radios (SDRs). An approach based on white Gaussian noise (n(t)) with that. The generated signal
the concept of adversary was proposed in [2] for synthesizing (g(t)) which is initially random in nature improves over time
new physical layer modulation and coding schemes. The as the generator learns from the discriminator and improves
adversarial approach is targeted to learn the channel response on its accuracy to imitate real data. On the other hand, the
approximations in any arbitrary communication system, en- discriminator (D) gets input from both the generator (G) and
abling the design of a smarter channel autoencoder. All these Trusted transmitters. This helps it to learn to differentiate
proposed approaches demonstrate how difficult it is to make between real and fake inputs. The known transmitter data is
machine learning techniques effective in the RF domain. collected and fed to the discriminator (D) as raw IQ values.
Motivated by the above mentioned works, we focus on Overall, the target is to train G in such a way that will
transmitter identification in the presence of adversaries. The maximize the probability of D making a mistake. G tunes its
idea of training discriminative models via an adversarial hyper parameters with the feedback from D. We argue, GAN
process was first proposed by Goodfellow [5]. Since then, is an efficient way to generate correlated data samples and
generative adversarial nets (GAN) have been adopted for var- thereby approach an accurate generative model– something
ious fields and applications, particularly for image processing the rogue transmitters aim to achieve. Once the model is
where GANs have proved their efficacy [16]–[18]. trained, the generated signals are synthesized to mimic rogue
transmitters based on the sample space of IQ signal data from
III. P ROPOSED GAN FOR RF F INGERPRINTING the known transmitters.
Recent advances in neural networks have made it possible to
obtain robust models with low generalization errors by training B. The Generative Model
“deep” neural architectures efficiently. The “depth” signifies As far as the generator is concerned, the overall problem can
the number of iterative operations performed on the input data be treated as an N -class decision problem where the input is a
using each layer’s transfer function and deeper architectures complex base-band time series representation of the received
allow the network to learn robust feature representations signal. That is, the dataset is the in-phase and quadrature
from the input data. Though such techniques demand higher components of a radio signal obtained at discrete time periods
computation and involve complicated layer-by-layer backprop- through analog to digital conversion with a carrier frequency
agation, nevertheless, most deep learning systems are able to to obtain a 1 × N complex valued vector. Classically, this is
perform training on deep networks using some variation of written as:
gradient decent with adaptive learning rates (e.g., Adam [19]),
regularization to avoid overfitting (e.g., Dropout [20]) and s(t) = c1 m(t) + c2 r(t) + c3 l(t) (1)
the use of backpropagation. Our intention is to design neural where s(t) is a continuous time series signal modulated onto
network models that can train in the presence of adversaries a sinusoid with either varying frequency, phase, amplitude,
and discriminate between fake and known transmitters through trajectory, or some permutation of multiple parameters. Here,
automatic fingerprinting. m(t), r(t), and l(t) are the time series continuous signals
A. Proposed GAN Architecture for modulation, amplitude, and phase respectively, selected
randomly by the generator. The coefficients c1 , c2 , and c3 are
The GAN framework has two primary models, a generative some path loss or constant gain terms associated with m(t),
model (G) that generates fake data from a given data distribu- r(t), and l(t) respectively. The output g(t) is obtained as:
tion, and a discriminative model (D) that estimates the prob-
ability that a sample came from the training data rather than g(t) = s(t) + n(t) (2)

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
2019 IEEE Wireless Communications and Networking Conference (WCNC)

where n(t) is the additive Gaussian white noise. The output


g(t) is then fed to a generator which is used as an unsupervised
learning tool as a part of the generative network. The generator
learns the probability distribution pg (x) over sample space (x)
of the input. In this case, x is the sample space of IQ values.
C. The Discriminative Model
The discriminative model learns by minimizing a cost func-
tion during training. The cost function, C(G; D), depends on
both the generator (G) and the discriminator (D). It is formu-
lated as C(G; D) = Epdata (x) log D(x) + Epg (x) log(1−D(x)),
where pg (x) is the generator’s distribution over x, pdata (x)
is the data distribution over x, D(x) is the probability that x
came from pdata (x) than pg (x). The training is formulated as:
max min C(G; D) (3) Fig. 4. GNU Radio Flow Graph for Data Collection
D G
Parameters Values
For the GAN framework there is an unique optimal discrim- Transmitter Gain 45 dB
pdata (x)
inator for a fixed generator, D∗ (x) = . It is Transmitter Frequency 904 MHz (ISM)
pdata (x) + pg (x) Bandwidth 200 KHz
also inferred that G is optimal when pg (x) = pdata (x), i.e., the Sample Size 1024
generator is optimal when the discriminator cannot distinguish Samples/Transmitter 40,000
# Transmitters 4 and 8
real samples from fake ones. Similarly, the D is optimal when TABLE I
the discriminator can recognize each real sample from fakes. T RANSMISSION C ONFIGURATION PARAMETERS

IV. T ESTBED E VALUATION


In order to validate the proposed GAN, we implemented
expensive. We collected 40,000 training examples from each
the generator and discriminator models using data from uni-
transmitter to avoid the data skewness problem observed in
versal software radio peripheral (USRP) and conducted indoor
machine learning. The configuration parameters are given in
experiments to distinguish between 8 similar transmitters.
Table I. We had two sets of data: (i) using 4 transmitters:
A. Signal Generation and Data Collection 6.8 GB size, 160K rows and 2048 columns and (ii) using 8
In order to learn the features of similar transmitters, we transmitters: 13.45 GB size, 320K rows and 2048 columns.
used eight USRPs of the same kind, namely B210 from Real
Ettus Research [6]. The signal generation and reception are Data

shown in Fig. 3. The B210s were programmed to transmit D Is


Real?
Discriminator
random data on 904 MHz using Quadrature Phase Shift Keying Sample
Space
G
Generator
(QPSK) modulation. Then the modulated signal was transmit-
ted through the USRP sink block. We used GNURadio [21]
Noise Tuning
for signal processing and data transmission. The flow graph is Parameters

presented in Fig. 4. For the receiver, we used a RTL-SDR [7] Fig. 5. A Simplified View of GAN Implementation
which captured over-the-air raw IQ data and stored them on
file.
B. Machine Learning Libraries
Signal Processing and Data Collection
There are several libraries and tools that implement deep
learning frameworks with support of immensely concurrent
Random QPSK Dataset
Signal Mod Transmitters Receiver
Generation
Data GPU architecture that reduce the burden of programming the
USRP RTL-SDR (#samples, traditional routines for training of larger neural networks. We
GNURadio rtlsdr
B210 2*sample size)
Python
Library
use Keras [22] as the frontend and Tensorflow [23] as the
backend. Keras is an overlay on neural network primitives with
Fig. 3. Signal Generation and Data Collection Technique Tensorflow [23] or Theano [24] that provides a customizable
interface for quick deployment of complex neural networks.
We collected the IQ signal data with a sample size of 1024. We also use Numpy, Scipy, and Matplotlib Python libraries.
Each data sample had 2048 entities consisting of the I and Q
values for the 1024 samples. A larger sample size would mean C. Experimental Setup and Performance Metrics
more training examples for the neural network. The choice of We conducted the experiments on a Ryzen 8 Core system
1024 samples was sufficient to capture the unique pattern of having 64 GB RAM and a GTX 1080 Ti GPU unit having 11
IQ imbalances and at the same time it was not computationally GB memory. We focused on three main aspects:

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
2019 IEEE Wireless Communications and Networking Conference (WCNC)

Generative Net Discriminative Net

Generated Data
[0,1] OR [1,0]

Dense tanh
Dense tanh
Dense tanh

Dense tanh
Random

Output
Fake

Dense
Input
Noise Data OR Dropout= 0.5 Dropout= 0.5

Trusted
Softmax

Data
(None, 100) 2
(None, 2)
(None, 1024) (None, 512)
(None, 512) (None, 1024) (#samples, (None, 2048)
2*sample size)
Signal Processing and
Data Collection

Fig. 6. GAN Implementation for rogue Transmitter Detection

• Designing a generative adversarial net (GAN) to distin-


guish rogue transmitters from trusted ones.
• Designing a convolutional neural network (CNN) to ex-
ploit the correlation in collected signal data of the trusted
transmitters.
• Designing a deep neural network (DNN) to classify the
trusted transmitters for fingerprinting.
To measure the effectiveness of the proposed neural net-
works, “accuracy” is used as the typical performance metric.
However, accuracy can sometimes be misleading and incom-
plete when data is skewed. A confusion matrix overcomes
this problem by showing how confused the classification
model is on its predictions. It provides more insights on the
performance by identifying not only the number of errors, but Fig. 7. Confusion Matrix for Determining Trusted and Fake Transmitters
more importantly the types of errors.

V. GAN I MPLEMENTATION is able to detect the Fake transmitters with about 99.9%
accuracy, as shown in the confusion matrix in Fig. 7. Note
For implementing the GAN, we use the over-the-air data that one epoch consists of a forward and a backward pass
collected from the trusted transmitters. The generator (G) gen- through the designed model over the entire dataset. It is clear
erates fake data from the same sample space to impersonate as from the confusion matrix that the number of false negatives
a transmitter. Trusted and fake data are fed to the discriminator and false positives are very low and well within acceptable
(D) with an equal and unbiased probability. We design the range [25]. Once the GAN is trained, it will be able to detect
discriminator and generator separately, as shown in Fig. 5. rogue transmitters from over-the-air reception of raw IQ data.
The generator starts with randomly generating data within
the sample space [-1,1]. Two dense layers of size 512 and A. CNN Implementation
1024 are applied with tanh activation function. Then one dense The main motivation for implementing a convolution neural
layer of 2× sample size (2048 in this case) is invoked with network was to capture the correlation between IQ values of
the sigmoid activation function. G continues to learn the data samples. The CNN has three Conv2D layers of 1024, 512 and
distribution (pg ) and generating fake samples of size 2048 256 filters, a Flatten operation, and three fully connected (FC)
within the signal IQ values sample space. D consists of one layers of 512, 256 and 8 nodes as shwon in Fig. 8. We use
input layer of 2048 nodes, two hidden layers of 1024 and Dropout [20] of 0.25 and 0.5 after each conv2D and dense
512 nodes respectively, and finally a softmax output layer of layer respectively. We use kernel size of (2,3) and stride of
2 nodes to classify an input as either Fake or Trusted. We (2,2) at each Conv2D layer. We also apply a pooling layer
use tanh as activation function at the hidden layer and added MaxPooling2D after each Conv2D layer with pool size of
Dropout [20] of 0.5 in between those layers for regularization. (2,2) and stride of (2,2). We use ReLU [26] activation for all
The overall GAN implementation is shown in Fig. 6. convolution and fully connected layers, other than the softmax
We train both the generator and discriminator through itera- layer of the output nodes.
tive sequential learning to strengthen the generative model over We obtain 89.07% and 81.6% accuracy for 4 and 8 transmit-
time. We use categorical cross-entropy training on Adam [19] ter classification respectively using the aforementioned CNN.
optimizer for gradient based optimization. We notice that the The low accuracies are due to the poor correlation among sam-
discriminator was able to detect the fake transmitters with 50% ples from the same radio. The accuracy plots and confusion
accuracy before the adversarial training. After several epochs matrices for both the cases are shown in Figs. 9 and 10. Both
(< 50) of adversarial training, the optimal discriminator (D∗ ) training and validation accuracy increase with the number of

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
2019 IEEE Wireless Communications and Networking Conference (WCNC)

Convolution Neural Net Deep Neural Net

Conv Layer 1

Conv Layer 2

Conv Layer 3

Dense tanh
Dense tanh
Output
Input
Signal Processing
Data

Input

Output
Dense
FC

FC

FC
and Flatten Signal Processing Data Dropout= 0.5 Dropout= 0.5
Data Collection and
Data Collection
512 256 8 8
(None, 1024, 2) Softmax 8
1024 512 256 (None, 8)
(None, 1024) (None, 512)
(None, 2048)

Fig. 8. CNN Implementation for Transmitter Classification

Fig. 11. DNN Implementation for Transmitter Classification


epochs. With the CNN, the number of false positives and false
negatives are somewhat high for the predicted versus the true
labels. So, we proceed to build a deep network to achieve
better accuracy for a trusted transmitter classifier.

(a) 4 Transmitters (b) 8 Transmitters

Fig. 12. Accuracy for Transmitter Classification using DNN

(a) 4 Transmitters (b) 8 Transmitters


C. Comparisons of GAN/CNN/DNN Implementations
Once a transmitter is found to be Trusted via the pro-
Fig. 9. Accuracy Plot for Transmitter Classification using CNN
posed GAN, we use the DNN or the CNN to identify it. We
used 90%, 5%, and 5% to train, validate, and test respectively.
The overall accuracy of different implementations is shown
in Table II. We find that the CNN does not exhibit the best
accuracy for transmitter classification, which clearly depicts
the lack of correlation between the data. We also conducted
experiments by varying the number of transmitters from 2 to
8. In Fig. 14, we present how training and testing accuracy
changes with increasing number of transmitters. As expected,
the accuracy decreases when there are more classes that a
transmitter needs to be mapped to.
(a) 4 Transmitters (b) 8 Transmitters The GAN based deep neural network achieves an acceptable
accuracy for transmitter identification proving the feasibility of
Fig. 10. Confusion Matrix for Transmitter Classification using CNN the proposed idea. In summary,
1) GAN network is able to distinguish between Trusted
B. DNN Implementation and Fake RF signals.
Once the discriminator recognizes the trusted transmitters 2) Convolution neural network yields 81%-86% accuracy
from the fake ones, we feed the trusted transmitter data to a
deep neural network for its classification. The implementation
of the DNN is similar to the discriminator model of GAN
and is shown in Fig. 11. The only difference is that the
softmax output layer has 8 nodes to recognize the 8 classes. We
use biases and regularization to avoid under- and over-fitting.
We use Adam [19] based optimization with categorical cross-
entropy training. The DNN yields an accuracy of 97.21% for
4 transmitters, and 96.6% for 8 transmitters. The accuracy and
confusion matrices are shown in Figs. 12 and 13 respectively.
It is evident that the number of false positives and false
negatives in the confusion matrices are significantly low for (a) 4 Transmitters (b) 8 Transmitters
the DNN.
Fig. 13. Confusion Matrix for Transmitter Classification using DNN

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.
2019 IEEE Wireless Communications and Networking Conference (WCNC)

Dataset (GB) #Trans Method #Parameters Acc (%)


neural network that showed an accuracy of ∼97% for trans-
6.8 4 DNN (5 layers) 6.8 M 97.21
13.45 8 DNN (5 layers) 6.8 M 96.6 mitter identification. Our overall implementation framework
6.8 4 CNN (6 layers) 38 M 89.07 provides an end-to-end solution for transmitter fingerprinting
13.45 8 CNN (6 layers) 38 M 81.59
3.6 M (G)
and identification using raw IQ data.
6.8 4 GAN (DNN) 6.8 M (D) 99.9 R EFERENCES
10.4 M (GAN)
3.6 M (G) [1] I. Amundson and X. D. Koutsoukos, “A Survey on Localization for
13.45 8 GAN (DNN) 6.8 M (D) 99.9 Mobile Wireless Sensor Networks,” in Mobile Entity Localization and
10.4 M (GAN) Tracking in GPS-less Environnments, 2009, pp. 235–254.
TABLE II [2] T. J. O’Shea et al., “Physical Layer Communications System Design
ACCURACY FOR D IFFERENT I MPLEMENTATIONS Over-the-Air Using Adversarial Networks,” CoRR, vol. abs/1803.03145,
2018.
[3] M. Valkama, M. Renfors, and V. Koivunen, “Advanced Methods for I/Q
100 Imbalance Compensation in Communication Receivers,” IEEE Transac-
Train tions on Signal Processing, vol. 49, no. 10, pp. 2335–2344, 2001.
Test
[4] J. Tubbax et al., “Compensation of IQ imbalance in OFDM systems,”
in IEEE International Conference on Communications, 2003, pp. 3403–
3407.
98
Accuracy (%)

[5] I. Goodfellow et al., “Generative Adversarial Nets,” in Advances in


Neural Information Processing Systems, 2014, pp. 2672–2680.
[6] Ettus Research, “USRP B210,” https://www.ettus.com/product/details/
UB210-KIT, 2018.
96 [7] NooElec, “USRP B210,” http://www.nooelec.com/store/sdr/sdr-
receivers/nesdr-mini-rtl2832-r820t.html, 2018.
[8] M. D. L. Angrisani and M. Vadursi, “Clustering-based method for
detecting and evaluating I/Q impairments in radio-frequency digital
transmitters,” IEEE Transactions on Instrumentation and Measurement,
94 vol. 56, no. 6, pp. 2139–2146, 2007.
2 4 6 8
[9] C.-L. Liu, “Impacts of I/Q Imbalance on QPSK-OFDM-QAM Detec-
Number of Transmitters tion,” IEEE Transactions on Consumer Electronics, vol. 44, no. 3, pp.
984–989, 1998.
Fig. 14. Training and Accuracy with Increasing numbers of Transmitters [10] T. J. O’Shea, J. Corgan, and T. C. Clancy, “Convolutional Radio
Modulation Recognition Networks,” in Engineering Applications of
Neural Networks, 2016, pp. 213–226.
for discriminating between the known transmitters. [11] T. J. O’Shea, J. Corgan and T. C. Clancy, “Unsupervised Representation
3) Deep neural network yields excellent accuracy for Learning of Structured Radio Communication Signals,” in First Inter-
national Workshop on Sensing, Processing and Learning for Intelligent
known transmitter classification. Machines (SPLINE), 2016, pp. 1–5.
4) DNN or CNN can be used for transmitter fingerprinting [12] T. OShea and J. Hoydis, “An Introduction to Deep Learning for the
after the discriminator is able to distinguish Trusted Physical Layer,” IEEE Transactions on Cognitive Communications and
Networking, vol. 3, no. 4, pp. 563–575, 2017.
and Fake signals. [13] S. Rajendran et al., “Deep Learning Models for Wireless Signal
It is to be noted that traditional machine learning techniques Classification With Distributed Low-Cost Spectrum Sensors,” IEEE
Transactions on Cognitive Communications and Networking, vol. 4,
suggest different neural networks for different kinds of clas- no. 3, pp. 433–445, 2018.
sification problems. However, we have used a single neural [14] radioML, “RFML 2016,” https://github.com/radioML/dataset, 2018.
network architecture for both 4 and 8 class classifications, for [15] T. J. OShea, T. Roy, and T. C. Clancy, “Over-the-Air Deep Learning
Based Radio Signal Classification,” IEEE Journal of Selected Topics in
providing an end-to-end solution. One can use the same neural Signal Processing, vol. 12, no. 1, pp. 168–179, 2018.
networks for classifying up to 8 transmitters without changing [16] E. L. Denton et al., “Deep Generative Image Models using a Laplacian
any parameter or hyper-parameter of the proposed models. Pyramid of Adversarial Networks,” in Advances in Neural Information
Processing Systems, 2015, pp. 1486–1494.
[17] J. Zhu et al., “Unpaired Image-to-Image Translation using Cycle-
VI. C ONCLUSIONS Consistent Adversarial Networks,” CoRR, vol. abs/1703.10593, 2017.
[18] D. Berthelot, T. Schumm, and L. Metz, “BEGAN:Boundary Equilibrium
In this paper, we address the problem of identifying RF Generative Adversarial Networks,” CoRR, vol. abs/1703.10717, 2017.
transmitters of similar types in the presence of adversarial sig- [19] D. P. Kingma and J. Ba, “Adam: A Method for Stochastic Optimization,”
CoRR, vol. abs/1412.6980, 2014.
nals. We argue that most machine learning techniques would [20] N. Srivastava et al., “Dropout: A Simple Way to Prevent Neural
not be effective in adversarial situations and that breakthroughs Networks from Overfitting,” The Journal of Machine Learning Research,
in generative adversarial nets (GAN) can be instrumental in vol. 15, no. 1, pp. 1929–1958, 2014.
[21] GNURadio, “GNU Radio,” https://www.gnuradio.org, 2018.
detection of rogue transmitters and subsequently the accurate [22] F. Chollet et al., “Keras: The Python Deep Learning library,”
identification of known ones. We propose and implement a https://keras.io, 2015.
generative model and a discriminative model for the GAN. [23] M. Abadi et al., “Tensorflow: Large-scale machine learning on hetero-
geneous distributed systems,” CoRR, 2016.
We collected over-the-air raw IQ data using USRP B210 and [24] R. Al-Rfou et al., “Theano: A python framework for fast computation
used that to train the GAN. The discriminator was able to of mathematical expressions,” CoRR, 2016.
detect rogue transmitters with an accuracy of ∼99.9%. As for [25] C. M. Bishop, Pattern Recognition and Machine Learning (Information
Science and Statistics). Springer-Verlag, 2006.
transmitter classification, we first implemented a convolution [26] V. Nair and G. E. Hinton, “Rectified Linear Units Improve Restricted
neural network (accuracy ∼89%) for exploiting the correlation Boltzmann Machines,” in Proceedings of International Conference on
between IQ data. Then we designed and implemented a deep International Conference on Machine Learning, 2010, pp. 807–814.

Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY ROURKELA. Downloaded on February 20,2024 at 08:29:21 UTC from IEEE Xplore. Restrictions apply.

You might also like