Next Article in Journal
Utilizing Deep Feature Fusion for Automatic Leukemia Classification: An Internet of Medical Things-Enabled Deep Learning Framework
Previous Article in Journal
A Study on Graph Optimization Method for GNSS/IMU Integrated Navigation System Based on Virtual Constraints
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Tackling Few-Shot Challenges in Automatic Modulation Recognition: A Multi-Level Comparative Relation Network Combining Class Reconstruction Strategy

1
Graduate School, Space Engineering University, Beijing 101416, China
2
School of Aerospace Information, Space Engineering University, Beijing 101400, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(13), 4421; https://doi.org/10.3390/s24134421
Submission received: 28 May 2024 / Revised: 30 June 2024 / Accepted: 4 July 2024 / Published: 8 July 2024

Abstract

:
Automatic Modulation Recognition (AMR) is a key technology in the field of cognitive communication, playing a core role in many applications, especially in wireless security issues. Currently, deep learning (DL)-based AMR technology has achieved many research results, greatly promoting the development of AMR technology. However, the few-shot dilemma faced by DL-based AMR methods greatly limits their application in practical scenarios. Therefore, this paper endeavored to address the challenge of AMR with limited data and proposed a novel meta-learning method, the Multi-Level Comparison Relation Network with Class Reconstruction (MCRN-CR). Firstly, the method designs a structure of a multi-level comparison relation network, which involves embedding functions to output their feature maps hierarchically, comprehensively calculating the relation scores between query samples and support samples to determine the modulation category. Secondly, the embedding function integrates a reconstruction module, leveraging an autoencoder for support sample reconstruction, wherein the encoder serves dual purposes as the embedding mechanism. The training regimen incorporates a meta-learning paradigm, harmoniously combining classification and reconstruction losses to refine the model’s performance. The experimental results on the RadioML2018 dataset show that our designed method can greatly alleviate the small sample problem in AMR and is superior to existing methods.

1. Introduction

AMR is an important step between signal detection and demodulation [1]. As a key technology in the field of cognitive communication, AMR is a prerequisite for achieving efficient spectrum sensing and understanding, and it is widely used in wireless monitoring, signal interception and interference problems [2].
For a long time in the past, maximum likelihood theory and expert feature extraction were the main methods for solving AMR problems. Based on the maximum likelihood theory method, it is necessary to first obtain the statistical characteristics of the modulated signal, then construct a decision criterion and finally construct a maximum likelihood classifier. In theory, this type of method can bring high recognition accuracy, but its high computational complexity and strong dependence on prior knowledge limit its application in practical problems. The method based on expert features relies on expert knowledge in the field of signal processing, designing feature-extraction models that can distinguish different modulation signals manually, and then designing classifiers for recognition. The recognition accuracy of this type of method depends on the extracted statistical features and is limited by the weak learning ability of traditional classifiers [3].
In recent years, deep learning technology has shown excellent feature-extraction and data-analysis capabilities in fields such as image processing and natural language processing, and it has been widely applied in wireless communication [4]. At the same time, it also provides a data-driven research approach for AMR. The AMR method based on deep learning utilizes a deep neural network model to learn data distribution from a large number of historical signal samples, extract more robust and effective signal features and use them to distinguish different modulation categories. Recent research has shown that signal modulation-recognition methods based on deep learning have higher recognition performance compared to traditional methods [5].
However, most DL-based AMR studies assume sufficient historical signal samples for training deep neural network models and assume that the sample categories are the same when training offline and deploying applications in practice. In practical scenarios, fulfilling this assumption is inherently difficult. Firstly, this is due to the dynamically complex electromagnetic environment, which constantly faces interference from a multitude of sources: various wireless communication devices, different electronic instruments and the ever-changing influences of natural phenomena, including weather fluctuations and terrain characteristics. This continuous change leads to rapid fluctuations in signal characteristics, making it difficult to obtain widely applicable and high-quality signal samples as the samples collected at one time may not represent the situation at other times. Secondly, the collection of high-quality signal samples often requires high-performance measurement equipment and professional data-collection techniques, which brings significant economic and operational burdens. The signal samples also require precise labels for model training, but obtaining accurate labels is also a challenging task. This not only requires a high level of professional knowledge but may also involve a lot of manual work, especially when facing diverse signal types generated by complex electromagnetic environments [6]. Therefore, in practical scenarios, AMR often faces the few-shot challenge, which greatly limits the implementation and widespread application of deep learning-based signal modulation-recognition methods in practical scenarios.
In the field of image recognition, the few-shot problem has also received sufficient attention, and methods such as data augmentation and meta-learning have been proposed to solve the few-shot dilemma. Among them, meta-learning is considered the most promising method for solving small sample problems [7]. Its idea is to continuously construct small sample training tasks on the source domain dataset so that the model can distinguish similarities and differences between different categories. Even when facing new small sample tasks in the target domain, it can still have good recognition performance. Metrics-based meta-learning methods, such as prototype networks (PNs) [8] and relation networks (RNs) [9], have been widely studied and applied due to their simple structure, ease of training and good performance.
Therefore, this paper proposes a few-shot AMR method based on a multi-level comparison class reconstruction relation network (MCRN-CR) based on the meta-learning paradigm, aiming to solve the few-shot problem faced in AMR.
The main contributions of this article are as follows:
(1)
A meta-learning paradigm is proposed for the FS-AMR problem. By utilizing existing source domain datasets and constructing meta-task training methods, the model can distinguish differences between different categories and can be well generalized to target domain classification tasks. Namely, it can attain satisfactory classification performance on the target domain with either no or minimal training samples from the target domain.
(2)
A multi-level embedding comparison relationship network has been proposed. Based on the relation network architecture in meta-learning, we propose an improved version, which involves multi-level measurement of the deep and shallow features output by the embedding function, synthesizing the relationship score of the test sample relative to the support category and using this to determine the category of the test sample. Compared to general relational networks, the comprehensive comparison of deep and shallow features can minimize the confusion of different modulation categories in the metric space as much as possible.
(3)
A class reconstruction meta-learning framework was proposed. The class reconstruction network consists of an encoder and a decoder, where the encoder serves as an embedding function and the decoder reconstructs the potential representation of the sample into the original signal. Furthermore, by combining class reconstruction loss and classification loss to jointly train the model, more robust feature representations can be learned, reducing the impact of noise on recognition performance.
The rest of this article is organized as follows. In the second section, relevant works on AMR are introduced, including traditional AMR methods, DL-based AMR methods and FS-AMR methods. In the third section, the relevant theories and methods of this article are introduced. The fourth section provides a detailed introduction to the multi-level comparison relation network proposed in this article, which combines class reconstruction. The fifth section provides detailed experimental results and discussion. Finally, a summary of the entire article was provided.

2. Related Works

This section focuses on the problem of AMR, introducing traditional AMR methods, DL-based methods and existing FS-AMR methods.

2.1. Traditional AMR Methods

2.1.1. Maximum Likelihood Theory-Based AMR Method

The modulation-recognition method based on maximum likelihood theory analyzes signal characteristics through probability theory, and its modulation-recognition process is a multi-hypothesis testing problem. This method is based on the likelihood function of electromagnetic signals, using the comparison results of the likelihood ratio and set threshold as the basis for judgment. Common methods include average likelihood ratio test (ALRT) [10], generalized likelihood ratio test (GLRT) [11] and mixed likelihood ratio test (HLRT) [12]. This type of method has the best signal feature performance in ideal channels, but it has high computational complexity and requires complete signal prior knowledge, making it susceptible to environmental interference factors.

2.1.2. Expert Features-Based AMR Method

Feature extraction is a process of data mapping, which involves mapping the original signal data to a specific feature space. The purpose of feature mapping is to generalize the differences between modulation categories, reduce data dimensionality, and improve algorithm efficiency. Common signal features include the following: (1) instantaneous features; (2) statistical characteristics; (3) transform domain features [6].
Instantaneous features describe the instantaneous properties of a signal in the time domain. It mainly considers the instantaneous change characteristics of the signal at a certain moment or period [13]. Common instantaneous characteristics include instantaneous amplitude, instantaneous frequency and phase. Statistical features are obtained through statistical analysis of signals. They describe the probability distribution, average level, dispersion degree and other characteristics of signals, mainly including high-order moments, high-order cumulants and cyclic cumulants [14,15]. The transformation domain feature is acquired through the mathematical transformation of a signal, such as using methods like the short-time Fourier transform or wavelet transform. These methods convert the signal from the time domain to the frequency domain or other transformation domains, revealing valuable information such as the frequency, phase and energy of the signal. The commonly used transform domain features mainly include wavelet transform features, spectral analysis features, time-frequency maps, constellation maps [16], etc.
Feature extraction is fundamental in expert feature-based methods and requires a high level of expertise. The effectiveness of features directly impacts the final classification performance. However, this method is limited by its reliance on a single feature, which constrains its data representation capability and, consequently, caps its performance potential. Additionally, feature extraction and classifier design are conducted separately, resulting in low automation and high time costs.

2.2. DL-Based AMR Methods

The deep learning-based AMR method uses deep neural network models for feature extraction and classification. Compared with traditional methods, the deep learning-based method achieves higher recognition accuracy, stronger generalization ability and wider applicability, thus gaining widespread attention. From the perspective of network structure, currently, the types of deep neural networks (DNNs) used for designing modulation recognition include Convolutional Neural Networks (CNNs), Recurrent Neural Networks (RNNs) and their hybrid networks.

2.2.1. CNN-Based AMR Methods

O’SHEA et al. first proposed a modulation-recognition neural network model for directly processing raw In phase and Quadrature (I/Q) signals in 2016. Although this model only uses a simple CNN structure, its recognition performance far exceeds traditional artificial feature methods. At the same time, the author also opened up the RadioML2016.10a and RadioML2016.10b datasets, greatly promoting the development of this field. Furthermore, classic deep learning architectures such as VGG [17] and ResNet [18], which are widely used in the image field, have also been applied to AMR problems. O’SHEA released the RadioML2018.01A dataset in 2018 and compared the classification performance of two types of networks for AMR. The experiment proved that the ResNet structure with skip connections could bring better recognition accuracy under a high signal-to-noise ratio. In addition, the author also compared the recognition performance of the model with different convolutional layers in VGG and different residual block numbers in ResNet and pointed out that a too-deep network architecture not only cannot bring higher recognition performance [19] but also can bring higher complexity and computational complexity, leading to overfitting of the model during training.
In addition to processing I/Q signals directly, the original I/Q data is typically preprocessed and transformed into other forms of features. Corresponding DNN models are then developed for deep feature extraction and recognition. Constellations [20], spectrograms [21], as well as cyclic spectrograms [22], eye charts [23], amplitude histograms [24], etc., are all used as data preprocessing forms in AMR problems. In contrast, the DL-AMR method with preprocessed form has stronger comprehensibility, but there is additional computational complexity in the process of converting I/Q signals into images. The DL-AMR method, which directly processes I/Q signals, does not require additional preprocessing processes, requires less computation and has a higher degree of automation.

2.2.2. RNN-Based AMR Methods

Note that the modulated signal is a time series, and CNNs typically struggle to capture temporal features well, so RNN-based AMR methods are gradually being proposed. A new AMR method based on RNN is proposed in [25], which uses gated recurrent units (GRUs) to achieve better recognition accuracy than some CNN models. The author of reference [26] converted the I/Q signal into amplitude and phase (A/P) and input it into LSTM, achieving high recognition accuracy.

2.2.3. Hybrid AMR Method of CNN and RNN

Based on a single CNN or RNN network architecture, it is difficult to simultaneously focus on the spatial or temporal characteristics of wireless signals. Using only one type may not achieve optimal performance. Therefore, some scholars have proposed an AMR model that combines the two network architectures. A Convolutional Long Short Term Deep Neural Network (CLDNN) model is proposed in [26], consisting of one LSTM and three CNN layers. This model has a skip connection before LSTM, bypassing two CNN layers, aiming to provide longer temporal correlation information for the extracted features. Reference [27] proposes another CLDNN2 model without bypass layer connections, which can achieve higher recognition accuracy than CLDNN at the cost of increasing the number of layers and parameters. Inspired by the excellent feature-extraction characteristics of hybrid models and the complementary information present in individual channels, reference [28] proposes a new multi-channel deep learning model (MCLDNN), which utilizes single and combined I/Q symbols of received data to extract features from a spatiotemporal perspective, achieving high recognition performance.

2.2.4. Other Network Architecture-Based AMR Method

In addition to CNN and RNN, popular network structures in deep learning such as Complex Value Neural Networks (CVNN), Graph Neural Networks (GNN) and Transformer have also been used in the study of AMR problems. Compared with traditional real neural networks, CVNN can simultaneously process data containing both real and imaginary parts, providing richer and more diverse feature-expression capabilities than real neural networks [29]. Therefore, CVNN is very suitable for processing periodic signals. Reference [30] proposed a novel AMR model based on CVNN and found that complex-valued operations are more effective in helping neural networks extract correct statistical information than real-valued operations at low signal-to-noise ratios. To reduce the additional computational cost of complex convolution, reference [31] proposes an AMC model based on complex depthwise separable convolution (CDSCNN) to achieve a balance between classification accuracy and model complexity. When the essence of a problem can be represented by a graph structure, a graph neural network (GNN) can be used to solve the problem [32]. Reference [33] first proposed an automatic modulation-recognition model based on Graph Convolutional Neural Network (GCN). Transformer [34] has also been proven to be useful for solving AMR tasks. For example, the Mcformer model in reference [35] achieved good classification performance by extracting global information from time-domain signals through the Transformer.

2.3. FS-AMR Methods

Based on different research approaches to solving few-shot problems, we divide them into data-driven few-shot learning methods and model-driven few-shot learning methods.

2.3.1. Data-Driven FS-AMR Methods

The data-driven approach mainly focuses on how to enhance or expand existing small training samples and improve the learning performance of the model under few-shot conditions. When the labeled samples are insufficient, on the one hand, simple data transformations such as cropping and concatenation, and adding noise can be used to expand the training samples. On the other hand, Generative Adversarial Networks (GAN) can be used to generate virtual data. Based on the characteristics of electromagnetic signal data, reference [36] analyzed and applied several simple and effective time-series enhancement methods that conform to the characteristics of electromagnetic signals, including noise disturbance, amplitude and time delay transformation, frequency shift and phase shift. Finally, the effectiveness of the proposed simple data-augmentation method in small sample radiation signal-recognition tasks was verified through experiments. The author of reference [37] used GAN to generate pseudo data similar to the original signal and reversed the original signal and false signal to further increase sample diversity. Finally, the effectiveness of data augmentation based on the GAN method was verified in a CNN network model.

2.3.2. Model-Driven FS-AMR Methods

This type of method focuses on designing and optimizing model structures, learning strategies or optimization algorithms, enabling them to have inherent few-shot learning capabilities and efficiently learn and generalize under limited data. Meta-learning is a commonly used learning framework for such methods, which enables machines to learn to learn and distinguish similarities and differences between things. Metrics-based meta-learning, such as prototype networks [8] and relational networks [9], is a simple and efficient method for solving few-shot problems. Reference [38] proposes a novel small sample learning framework called Attention Relationship Network (AMCRN), which introduces channel and spatial attention to learn more effective feature representations of supporting samples and uses the relationship network as the learning architecture. The experimental results show that even with only one supporting sample, this method can achieve excellent performance in fine-grained signal modulation recognition and is robust to low signal-to-noise ratio conditions. References [39,40] also proposed corresponding small sample modulation-recognition frameworks based on relational networks. Both use one-dimensional convolution and denoising autoencoder as embedding functions for feature extraction. The experimental results show that compared with traditional FSL algorithms, the method based on relational networks can achieve higher classification accuracy in signal modulation recognition. In addition, reference [41] also proposed the AMR-CapsNet method based on capsule networks to solve the problem of few-shot AMR and achieved good classification results.

3. Signal Model and Basic Theory

3.1. Signal Model

AMR is a prerequisite for signal demodulation. The module for processing modulation classification is usually deployed at the receiving end of the entire communication system, sending the received modulation information to the demodulator, which then demodulates it.
In wireless communication systems, the received signal can be represented as [42]:
X ( t ) = h ( t ) × s ( t ) + n ( t ) ,
where h(t) represents the wireless channel pulse response, s(t) represents the modulated signal generated by the transmitter, and n(t) represents the most basic additive Gaussian white noise (AWGN).
After orthogonal sampling by the receiver, the same I/Q signal X(n) is obtained:
X ( N ) = [ ( x 1 I , x 1 Q ) , ( x 2 I , x 2 Q ) , , ( x N I , x N Q ) ] ,
where N is the sampling length. Therefore, when I/Q signals are used as network inputs, their data format can be written as:
X input   = [ x 1 I x 2 I x N I x 1 Q x 2 Q x N Q ] .
AMR can be described as determining the modulation method of s(t) by observing the signal X(t).

3.2. Description of DL-Based AMR Methods

In DL-based AMR tasks, the collected historical signals are usually used as training data, and known modulation methods are used as labels to train deep neural networks and obtain recognition models.
Given the training sample set
D = { ( x 1 , y 1 ) , ( x 2 , y 2 ) , , ( x m , y m ) } ,   m = 1 , 2 , M ,
Among them, xm is the m-th sample data, ym is the true label of the m-th sample, with a value range of label number, y m ( 0 , 1 , 2 , , L 1 ) . The training task is to obtain the optimal parameters of the given model by learning the training sample set under the given optimization objective conditions:
θ = arg min ( x m , y m ) D m = 1 M loss ( y ^ m , y m ) = arg min ( x m , y m ) D m = 1 M loss ( Model θ ( x m ) , y m ) .
Then, by applying the trained model parameters θ, substituting them into the Model and testing the test sample set, we can infer the category of the test samples and obtain a measure of the Model’s generalization ability.
However, the actual signal environment is very complex, and various electromagnetic activities interact with each other, making it difficult to obtain sufficient high-quality labeled samples. Therefore, the training samples cannot accurately represent the data distribution, which makes it difficult for deep neural network models to learn appropriate parameters. This results in significant classification model errors and poor generalization ability. This is the few-shot dilemma faced by AMR.

3.3. Metrics-Based Meta-Learning

Meta-learning is an important method for solving few-shot problems. Unlike traditional deep learning methods, its purpose is to enable machines to learn to learn and have the ability to distinguish similarities and differences between things, rather than learning a classification model specific to a specific task. We assume that the training set Dm-train in the source domain and the testing set Dm-test in the target domain have different categories. The basic idea of meta-learning is to construct meta-tasks on the source domain training set, and through training on different meta-tasks, make the machine have good generalization ability when facing different classification tasks, and thus have good recognition performance on target domain testing tasks.
Metrics-based meta-learning consists of an embedding function and a metric function defined in the representation space. As shown in Figure 1, the embedding function is used to extract prototype features of different categories, and the measurement function is used to measure the similarity between the test sample and different categories. The higher the similarity, the closer it is to that category. In meta-learning, one training iteration is called an Episodic, which is a C-Way K-shot classification task. C-Way K-shot task extraction refers to randomly selecting C categories from the training set, with K samples taken from each category to form a support set, and then extracting Q samples as a query set. The category labels of the support set are known and are used to construct the embedding benchmark of category C in the metric space, while the query set is the sample to be predicted.
Figure 2 is a schematic diagram of signal modulation recognition using a relational network in a 5-way 1-shot scenario. The embedding function and relation metric function of the relational network are fθ and gφ, respectively. Assuming the support sample is xi and the query sample is xj, the embedding function calculates the embeddings fθ(xi) and fθ(xj), and then concatenates the two feature maps:
Z ( f θ ( x i ) , f θ ( x j ) ) ,
and feed the results into the relationship metric function to calculate the relation score, which is the similarity score:
r i , j = g φ ( Z ( f θ ( x i ) , f θ ( x j ) ) ) .
Finally, the category of the query sample will be determined based on the relation score. During the training process, minimize the objective function to seek the optimal solution θ related to φ, which enables the network to optimize task modeling, and quickly converge when accepting new small sample tasks.

4. The Proposed Method

This section will introduce the AMR method based on MCRN-CR in three parts: (1) the framework of MCRN-CR, (2) the details of MCRN-CR and (3) the training steps.

4.1. The Framework of MCRN-CR

To solve the few-shot dilemma in AMR, this paper proposes a class reconstruction relation network based on multi-level comparison (MCRN-CR), whose framework structure is shown in Figure 3. MCRN-CR consists of two parts: class reconstruction and multi-level comparison relation network. The class reconstruction part is used to generate low-dimensional latent representations of input samples, which is the embedding of support samples and query samples. The multi-level comparison relation network is an improved version of the relation network, used to achieve recognition tasks under few-shot conditions. It should be noted that Figure 3 is a schematic diagram. Although there are only 4-levels of MCRN-CR in Figure 3, we can construct models at any level. In this article, we construct a 5-level MCRN-CR.
During the training process, the class reconstruction part first generates a low dimensional latent representation zs of the support sample xs. On the one hand, zs participates in the similarity calculation between query samples. On the other hand, it needs to be further fed into the decoder to generate the reconstruction support sample x ¯ s . To eliminate the influence of noise, when further calculating the reconstruction loss Lre, a high signal-to-noise ratio sample x s + with the same category as the supporting sample is used as the reconstruction target,
L r e = E ( x ¯ s x s + 2 2 ) .
Then, the classifier in the MCRN part predicts the class labels of the query samples and calculates the cross-entropy classification loss with the real labels:
L c e = E ( y log y ^ ) .
The class reconstruction part helps the encoder as an embedding function extract more recognizable sample features, increase the differences between different class embeddings and thus improve signal-recognition performance under few-shot conditions. In MCRN-CR, Lre and Lce together constitute the model’s loss, with coefficients of λce and λre. We believe that classification loss is more important for model training in the classification task of this article; therefore, λce and λre is set to 0.8 and 0.2, respectively.
L = λ c e L c e + λ r e L r e .

4.2. The Details of MCRN-CR

4.2.1. The Structure of Improved Relational Networks MCRN

We believe that in order to match query samples and support categories accurately, it is necessary to learn nonlinear distances at different feature levels on both deep and shallow abstract features and comprehensively calculate relation scores. Therefore, in response to AMR, this paper proposes a multi-level comparison relation network, as shown in Figure 3. The multi-level comparison relation network includes an embedding module and a relation-measurement module, where the embedding module is composed of the encoder of the class reconstruction part.
Specifically, the support sample and query sample are, respectively, embedded to generate the v-th level feature map z i v = f θ v ( x i ) and z j v = f θ v ( x j ) , then concatenate it into [ z i v , z j v ] and send it to the corresponding v-level relation module for comparison.
At the v − 1 level, the relation module outputs the similarity feature maps of samples xi and xj. The v-th level relation module takes both the embedding outputs of the v-th level support and query samples as inputs and the similarity feature maps of the v − 1 level relation module as inputs:
g φ v = g ( [ z i v , z j v , g φ v 1 ] ) .
For the first level relationship module, since it does not have the input of the previous one, it is assumed that
g φ 1 = g ( [ z i 1 , z j 1 ] ) .
Assuming q(.) represents average pooling and fully connected operations, the similarity (relationship) score between the support samples and query samples output by each relationship module in the feature map at level v is:
r i , j v = q ( g φ v ) .
The similarity score between the further query sample xj and each supporting category yc is:
r c , j = v = 1 V w j v r c , j v ,   c = 1 ,   2 ,   ,   C .
Among them, w c , j v = α v ( g c , j v ) represents the scalar attention weight of the relation scores at all levels, α v is a fully connected layer, the activation function is sigmoid and the weight parameters of α v are included in the relationship module.

4.2.2. The Class Refactoring in MCRN-CR

The class reconstruction part includes two parts: the encoder and the decoder. The encoder generates the potential feature-expression zs of the supporting sample xs, and the decoder further reconstructs the supporting sample x ¯ s . After training, the smaller the reconstruction error, the better zs can represent the sample features. Since complex neural networks can handle data containing both real and imaginary parts, providing richer and more diverse feature-expression capabilities than real neural networks, this paper adopts complex convolution as the basic unit of encoders and decoders. As shown in Figure 4, the structure of the encoder and decoder includes five layers of complex convolution.

4.2.3. Relation Metric Module

The relation metric module calculates the nonlinear distance between query samples and support categories, obtains the relationship score between each sample and different category families and further determines the category of query samples. Table 1 shows the specific structure of the relationship-measurement module.

4.3. Training Procedure

During training, C-way K-shot tasks will be extracted from the training set for each iteration, obtaining the support set D S = { ( x i , y i ) } i = 1 m and query set D Q = { ( x j , y j ) } j = 1 n for each training task, where m = K × C and n = Q × C.
Subsequently, according to Section 3.2, calculate the relationship score rc,j between each query sample xj and each support category yc, and further determine the predicted label y ^ for the query sample. Secondly, the hidden layer feature zs of the support sample calculated by the encoder is further fed into the decoder to reconstruct the support sample x ¯ S . Then, based on the predicted labels and reconstructed samples, the classification error and reconstruction error are settled separately. Finally, the error is backpropagated, and the encoder and decoder parameters of the class reconstruction part and the relationship module parameters are updated. Algorithm 1 describes the complete training process of MCRN-CR.
Algorithm 1: Training process of AMR model based on MCRN-CR.
Symbol Description:
  • E: The number of training iterations, the size of Episodic;
  • Θ, θde, φ: Parameters are encoder, decoder and relationship module, respectively;
  • lren, lrde, lrrm: Learning rates of the encoder, decoder and relation module, respectively;
  • λce, λre: a scalar used to balance the overall training loss.
Training iteration:
1:For Episodic = 0 to E − 1:
2:  Task Extraction from Dm-train, get Support set DS and Query set DQ;
3:  x+ ← The mean value of the samples corresponding to the category of all supporting samples in the current task at the highest SNR;
  Forward propagation:
4:  Calculate the levels of embeddings z i v and z j v for support samples and query samples:
z i v = f θ v x i ,     z j v = f θ v ( x j ) ;
5:  Calculate support category feature embeddings:
    z c v ← The mean embedding of K supporting samples in each category;
6:  Calculate the relationship score between query samples and support categories:
r c , j = v = 1 V w j v r c , j v ,   c = 1 ,   2 ,   ,   C ;
7:  Category labels for predicted query samples:
y ^ = a r g m a x ( r c , j ) ;
8:  Calculate the output of the decoder:
x ¯ = f ( θ d e , x s ) ;
9:  Calculate losses:
Lce = L ce ( y ^ , y ),
Lre = L re ( x ¯ , x + ),
L = λceLre + λreLre;
10:  Error backpropagation, updating parameters:
θ Adam ( θ , L , l r e n , θ ) θ d e Adam ( θ d e , L , l r d e , θ d e ) φ Adam ( φ , L , l r r m , θ ) ;
11:End for.

5. Experiment and Discussion

5.1. Dataset and Experimental Setup

To verify and evaluate the effectiveness of the proposed method, experiments were conducted on the RML2018.01A modulated signal dataset in this paper. This dataset consists of 24 types of modulation signals, with each signal sample containing two channels of I/Q data in the format of [1024,2]1024 × 2, with a signal-to-noise ratio range of −20 dB~30 dB and an interval of 2 dB. A single category has 4096 samples at each signal-to-noise ratio, totaling 2,555,904 pieces of data.
Firstly, divide the dataset into 14 modulation categories as known source domain training sets and the other 10 as target domain datasets. Due to the large size of the original dataset, it is redundant for the experiment in this article. Therefore, only 1000 samples were taken for each category under a single signal-to-noise ratio. The existing training samples in the target domain are usually scarce in few-shot scenarios. Therefore, to comply with this setting, a subset of the target domain dataset will be divided as a known small sample dataset, with a quantity of 2% of the target domain samples. For each signal-to-noise ratio, 20 samples will be taken for a single modulation method. During each testing process, the support set is extracted from that subset. The remaining part is the test set, from which query samples are extracted during each test. The specific division is shown in Table 2.
The hardware environment for the experiment was as follows: Intel (R) Core (TM) i7-10700k [email protected] NVIDIA GeForce GTX3090 GPU. The software environment was as follows: Python 3.8, PyTorch deep learning framework.

5.2. Comparison of Recognition Performance with Other Models

To verify the effectiveness and superiority of the proposed method under few-shot conditions, we compared the recognition performance of MCRN-CR with other networks under the 5-way 5-shot setting. The compared models include the most recent FS-AMR methods, AMCRN [40], AMR-CapsNet [42], Prototype Networks (PNs) [8] and Relation Networks (RNs) [9] for few-shot learning methods in the image domain. At the same time, in order to demonstrate that the proposed method can solve the small sample dilemma faced by traditional deep learning methods, a complex neural network-based automatic modulation-recognition model AMR-CVNN is formed by adding a classifier to the structure of the encoder mentioned above, and it is used as a comparison term. To ensure the fairness of the experiment, AMR-CapsNet and AMCRN maintain the same settings as the original text. The laboratory settings for PNs and RNs are consistent with MCRN-CR. AMR-CVNN adopts the idea of transfer learning, first pre-training on the source domain dataset and then fine-tuning the weight parameters on the target domain dataset.
Figure 5 shows the recognition accuracy of all comparison models on a given dataset under all SNRs. It shows that when the SNR is greater than 0 dB, the proposed method MCRN-CR has the best recognition performance. When the SNR is below 0 dB, the recognition performance of all metric-based meta-learning methods is not significantly different, but the recognition performance of MCRN-CR is much higher than that of AMR CapsNet and AMR CVNN.
Table 3 presents more specific identification performance statistics for each comparative model. The highest recognition accuracy of MCRN-CR reached 89.25%. Under all SNRs, the average recognition accuracy of MCRN-CR reached 65.98%. When SNR > 0 dB, the average recognition accuracy reached 87.41%. Compared to AMR-CVNN, the average recognition accuracy of MCRN-CR has increased by nearly 10% below 0 dB, 5.86% above 0 dB and 8.04% above all signal-to-noise ratios. Therefore, it can be proven that the MCRN-CR proposed in this article can effectively solve the small sample dilemma faced by traditional deep learning methods in AMR problems.
Figure 6 shows the confusion matrix of all models at the 12 dB SNR. The horizontal axis of the confusion matrix represents the actual modulation category, and the vertical axis represents the modulation category predicted by the model. It can be seen that when distinguishing between high-order digital modulation signals 16QAM and 256QAM, as well as analog signals AM-DSB-SC and AM-DSB-WC, there is still some confusion in MCRN-CR, which is the main reason for the bottleneck in model-recognition performance. The same applies to models other than MCRN-CR. Therefore, we believe that the proposed AMR method based on the meta-learning paradigm can solve the problem of small samples, but for some easily confused signals, it is necessary to design a feature-extraction network with stronger feature-extraction capabilities to extract finer features and achieve the goal of distinguishing confused signals.

5.3. Structural Effectiveness Analysis

This section analyzes the impact of multi-level comparison operations and the introduction of class reconstruction modules in the proposed framework. Therefore, four control groups were set up: MCRN-CR, MCRN, RN-CR and RN. Among them, MCRN, RN-CR and RN, respectively, remove the class reconstruction part, the multi-level comparison part and the class reconstruction part and multi-level comparison part.
Figure 7 shows the recognition performance curves of four control groups at all SNRs, while Table 4 presents further experimental results and statistical data. It can be seen that with the addition of class reconstruction modules and multi-level comparison operations on the basis of the original RN model, the recognition performance has also been correspondingly improved. Figure 8 shows the confusion matrix of four control models at the 12 dB SNR. The figure shows that the basic model RN has more severe confusion for modulation signals 16QAM and 256QAM, as well as modulation signals AM-DSB-SC and AM-DSB-WC. The addition of class reconstruction modules and multi-level comparison operations has somewhat alleviated their confusion. This proves that our design concept is correct and effective, the addition of class reconstruction modules enhances the ability to accurately express potential features of samples, while multi-level comparison operations can make comprehensive decisions on the abstract expression of samples at different levels, thereby improving the decision-classification ability of the model.

5.4. Comparison of Recognition Performance under Different C-Way K-Shot Settings

This section conducted experimental exploration of different values of C and K to further verify the impact of the number of categories C extracted during the construction of the meta task and the number of samples K extracted for each category on the recognition accuracy of the algorithm proposed in this paper.
Firstly, we fix C = 5 and then take K = 1, 5, 10, 15 and 20 for experiments. As shown in Figure 9, the recognition performance of the model varies with the SNR under different sample sizes. From the graph, it can be seen that as the K value increases, the recognition performance of the model also improves further. According to the aforementioned theory, the method proposed in this article determines its category by comparing the relation scores between query samples and category features in the metric space. Therefore, changing the K value for training and testing will definitely impact recognition performance. More specifically, the metric-based theory suggests that each category has a feature embedding in the metric space that is far from each other. The mean of each category’s support sample feature vectors is used in the relation network as the class feature embedding. As the K value increases, the estimation of class feature embedding becomes more accurate, resulting in smaller recognition errors when further determining the category of the test sample, thereby improving the overall recognition performance. When the value of K increases from 1 to 5, there is a significant improvement in recognition performance. However, when K > 5, further increasing the value of K has a more gradual effect on recognition performance. Specifically, when K increased from 1 to 5, the average recognition accuracy of the model increased from 61.54% to 65.98% and the performance improved by 4.44%. When K increased from 5 to 20, the average recognition accuracy of the model increased from 65.98% to 66.86%, and the recognition performance only improved by 0.88%. This also indicates that the algorithm proposed in this article does not require many supporting samples, but it can still achieve excellent recognition performance.
Secondly, fix K = 5 and conduct experiments with C = 3, 5 and 10 to verify the impact of the number of supporting sample categories C on recognition performance. Figure 10 shows the model-recognition accuracy variation curve with SNRs for different C values. It can be seen from the figure that as the C value increases, the overall recognition performance of the model decreases. When C increased from 5 to 10, the overall recognition accuracy of the model decreased from 65.98% to 50.70%, and the recognition performance decreased by 15.28%. We believe that as the C value increases, i.e., the number of supporting categories increases, the decision space for model category inference will become larger. On the one hand, this increases the difficulty of learning the model. On the other hand, it increases the difficulty of judging the relation between query samples and supporting categories in the metric space, leading to a decrease in the overall recognition performance of the model.

6. Conclusions

This article proposes a novel meta-learning method called Multi-level Comparison Relationship Network (MCRN-CR) with class reconstruction to address the few-shot dilemma in AMR. In this method, a multi-level comparison relation network structure is designed, which outputs feature maps through embedding functions, comprehensively calculates the relationship scores between query samples and support samples and determines the modulation category. At the same time, a class reconstruction module is introduced for the embedding function in the network. An autoencoder is used to reconstruct the supporting samples, and its encoder is used as the embedding function. The meta-learning training paradigm is used to train the model, combining classification error and reconstruction error. The experimental results on the RadioML2018 dataset show that MCRN-CR can significantly alleviate the small sample problem in AMR, and its performance is superior to existing methods. This study provides new ideas for solving AMR problems under few-shot conditions and has important application value in related fields such as wireless security. However, it should be acknowledged that in the experiment of this article, the category spaces of the source domain and the target domain are both small. Therefore, in future work, we will collect more diverse training samples from the source domain to support the model’s training and achieve good recognition performance on the target domain test set with a larger category space.

Author Contributions

Conceptualization, Z.M. and Y.F.; methodology, S.F.; software, Z.M. and S.H.; validation, Z.M. and Z.X.; formal analysis, Z.X. and S.H.; resources, S.F.; data curation, Z.M. and S.H.; writing—original draft preparation, Z.M.; writing—review and editing, Z.M. and S.H.; supervision, Z.X. and Y.F.; funding acquisition, S.F. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Key Basic Research Projects of the Basic Strengthening Program, grant number 2020-JCJQ-ZD-071.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wang, Y.; Gui, G.; Gacanin, H.; Ohtsuki, T.; Sari, H.; Adachi, F. Transfer Learning for Semi-Supervised Automatic Modulation Classification in ZF-MIMO Systems. IEEE J. Emerg. Sel. Top. Circuits Syst. 2020, 10, 231–239. [Google Scholar] [CrossRef]
  2. Meng, F.; Chen, P.; Wu, L.; Wang, X. Automatic Modulation Classification: A Deep Learning Enabled Approach. IEEE Trans. Veh. Technol. 2018, 67, 10760–10772. [Google Scholar] [CrossRef]
  3. Shi, J.; Hong, S.; Cai, C.; Wang, Y.; Huang, H.; Gui, G. Deep Learning-Based Automatic Modulation Recognition Method in the Presence of Phase Offset. IEEE Access 2020, 8, 42841–42847. [Google Scholar] [CrossRef]
  4. Rajendran, S.; Meert, W.; Giustiniano, D.; Lenders, V.; Pollin, S. Deep Learning Models for Wireless Signal Classification with Distributed Low-Cost Spectrum Sensors. IEEE Trans. Cogn. Commun. Netw. 2018, 4, 433–445. [Google Scholar] [CrossRef]
  5. O’Shea, T.J.; Corgan, J.; Clancy, T.C. Convolutional radio modulation recognition networks. In Proceedings of the Engineering Applications of Neural Networks: 17th International Conference, EANN 2016, Aberdeen, UK, 2–5 September 2016; Proceedings 17. pp. 213–226. [Google Scholar]
  6. Xiao, W.; Luo, Z.; Hu, Q. A Review of Research on Signal Modulation Recognition Based on Deep Learning. Electronics 2022, 11, 2764. [Google Scholar] [CrossRef]
  7. Hospedales, T.; Antoniou, A.; Micaelli, P.; Storkey, A. Meta-Learning in Neural Networks: A Survey. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 44, 5149–5169. [Google Scholar] [CrossRef]
  8. Snell, J.; Swersky, K.; Zemel, R.S. Prototypical Networks for Few-shot Learning. In Proceedings of the Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  9. Sung, F.; Yang, Y.; Zhang, L.; Xiang, T.; Torr, P.H.S.; Hospedales, T.M. Learning to Compare: Relation Network for Few-Shot Learning. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 1199–1208. [Google Scholar]
  10. Wen, W.; Mendel, J.M. Maximum-likelihood classification for digital amplitude-phase modulations. IEEE Trans. Commun. 2000, 48, 189–193. [Google Scholar] [CrossRef]
  11. Panagiotou, P.; Anastasopoulos, A.; Polydoros, A. Likelihood ratio tests for modulation classification. In MILCOM 2000 Proceedings, Proceedings of the 21st Century Military Communications. Architectures and Technologies for Information Superiority (Cat. No.00CH37155), Los Angeles, CA, USA, 22–25 October 2000; IEEE: New York, NY, USA, 2000; Volume 672, pp. 670–674. [Google Scholar]
  12. Hameed, F.; Dobre, O.A.; Popescu, D.C. On the likelihood-based approach to modulation classification. IEEE Trans. Wirel. Commun. 2009, 8, 5884–5892. [Google Scholar] [CrossRef]
  13. Nandi, A.K.; Azzouz, E.E. Algorithms for automatic modulation recognition of communication signals. IEEE Trans. Commun. 1998, 46, 431–436. [Google Scholar] [CrossRef]
  14. Swami, A.; Sadler, B.M. Hierarchical digital modulation classification using cumulants. IEEE Trans. Commun. 2000, 48, 416–429. [Google Scholar] [CrossRef]
  15. Spooner, C.M.; Mody, A.N.; Chuang, J.; Petersen, J. Modulation recognition using second- and higher-order cyclostationarity. In Proceedings of the 2017 IEEE International Symposium on Dynamic Spectrum Access Networks (DySPAN), Baltimore, MD, USA, 6–9 March 2017; pp. 1–3. [Google Scholar]
  16. Hassan, K.; Dayoub, I.; Hamouda, W.; Berbineau, M. Automatic modulation recognition using wavelet transform and neural network. In Proceedings of the 2009 9th International Conference on Intelligent Transport Systems Telecommunications, (ITST), Lille, France, 20–22 October 2009; pp. 234–238. [Google Scholar]
  17. Simonyan, K.; Zisserman, A.J.C. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  18. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  19. O’Shea, T.J.; Roy, T.; Clancy, T.C. Over-the-Air Deep Learning Based Radio Signal Classification. IEEE J. Sel. Top. Signal Process. 2018, 12, 168–179. [Google Scholar] [CrossRef]
  20. Liu, K.; Gao, W.; Huang, Q. Automatic Modulation Recognition Based on a DCN-BiLSTM Network. Sensors 2021, 21, 1577. [Google Scholar] [CrossRef]
  21. Zeng, Y.; Zhang, M.; Han, F.; Gong, Y.; Zhang, J. Spectrum Analysis and Convolutional Neural Network for Automatic Modulation Recognition. IEEE Wirel. Commun. Lett. 2019, 8, 929–932. [Google Scholar] [CrossRef]
  22. Jingpeng, G.; Fan, L.; Yang, L. Modulation recognition algorithm using innovative CNN and cyclic-spectrum graph. In Proceedings of the 2019 14th IEEE International Conference on Electronic Measurement & Instruments (ICEMI), Changsha, China, 1–3 November 2019; pp. 466–473. [Google Scholar]
  23. Zha, X.; Peng, H.; Qin, X.; Li, G.; Yang, S. A Deep Learning Framework for Signal Detection and Modulation Classification. Sensors 2019, 19, 4042. [Google Scholar] [CrossRef]
  24. Zhang, J.; Li, Y.; Hu, S.; Zhang, W.; Wan, Z.; Yu, Z.; Qiu, K. Joint Modulation Format Identification and OSNR Monitoring Using Cascaded Neural Network with Transfer Learning. IEEE Photonics J. 2021, 13, 7200910. [Google Scholar] [CrossRef]
  25. Hong, D.; Zhang, Z.; Xu, X. Automatic modulation classification using recurrent neural networks. In Proceedings of the 2017 3rd IEEE International Conference on Computer and Communications (ICCC), Chengdu, China, 13–16 December 2017; pp. 695–700. [Google Scholar]
  26. West, N.E.; Shea, T.O. Deep architectures for modulation recognition. In Proceedings of the 2017 IEEE International Symposium on Dynamic Spectrum Access Networks (DySPAN), Baltimore, MD, USA, 6–9 March 2017; pp. 1–6. [Google Scholar]
  27. Liu, X.; Yang, D.; Gamal, A.E. Deep neural network architectures for modulation classification. In Proceedings of the 2017 51st Asilomar Conference on Signals, Systems, and Computers, Pacific Grove, CA, USA, 29 October–1 November 2017; pp. 915–919. [Google Scholar]
  28. Xu, J.; Luo, C.; Parr, G.; Luo, Y. A Spatiotemporal Multi-Channel Learning Framework for Automatic Modulation Recognition. IEEE Wirel. Commun. Lett. 2020, 9, 1629–1632. [Google Scholar] [CrossRef]
  29. Trabelsi, C.; Bilaniuk, O.; Serdyuk, D.; Subramanian, S.; Santos, J.F.; Mehri, S.; Rostamzadeh, N.; Bengio, Y.; Pal, C.J.J.A. Deep Complex Networks. arXiv 2017, arXiv:1705.09792. [Google Scholar]
  30. Tu, Y.; Lin, Y.; Hou, C.; Mao, S. Complex-Valued Networks for Automatic Modulation Classification. IEEE Trans. Veh. Technol. 2020, 69, 10085–10089. [Google Scholar] [CrossRef]
  31. Xiao, C.; Yang, S.; Feng, Z. Complex-Valued Depthwise Separable Convolutional Neural Network for Automatic Modulation Classification. IEEE Trans. Instrum. Meas. 2023, 72, 2522310. [Google Scholar] [CrossRef]
  32. Wu, Z.; Pan, S.; Chen, F.; Long, G.; Zhang, C.; Yu, P.S. A Comprehensive Survey on Graph Neural Networks. IEEE Trans. Neural Netw. Learn. Syst. 2021, 32, 4–24. [Google Scholar] [CrossRef]
  33. Liu, Y.; Liu, Y.; Yang, C. Modulation Recognition with Graph Convolutional Network. IEEE Wirel. Commun. Lett. 2020, 9, 624–627. [Google Scholar] [CrossRef]
  34. Vaswani, A.; Shazeer, N.M.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is All you Need. In Proceedings of the Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  35. Hamidi-Rad, S.; Jain, S. MCformer: A Transformer Based Deep Neural Network for Automatic Modulation Classification. In Proceedings of the 2021 IEEE Global Communications Conference (GLOBECOM), Madrid, Spain, 7–11 December 2021; pp. 1–6. [Google Scholar]
  36. Cai, Z.; Ma, W.; Wang, X.; Wang, H.; Feng, Z. The Performance Analysis of Time Series Data Augmentation Technology for Small Sample Communication Device Recognition. IEEE Trans. Reliab. 2023, 72, 574–585. [Google Scholar] [CrossRef]
  37. Zhou, H.; Bai, J.; Wang, Y.; Jiao, L.; Zheng, S.; Shen, W.; Xu, J.; Yang, X. Few-shot electromagnetic signal classification: A data union augmentation method. Chin. J. Aeronaut. 2021, 35, 49–57. [Google Scholar] [CrossRef]
  38. Zhang, Z.; Li, Y.; Gao, M. Few-Shot Learning of Signal Modulation Recognition based on Attention Relation Network. In Proceedings of the 2020 28th European Signal Processing Conference (EUSIPCO), Amsterdam, The Netherlands, 18–21 January 2021; pp. 1372–1376. [Google Scholar]
  39. Zhou, Q.; Zhang, R.; Mu, J.; Zhang, H.; Zhang, F.; Jing, X. AMCRN: Few-Shot Learning for Automatic Modulation Classification. IEEE Commun. Lett. 2022, 26, 542–546. [Google Scholar] [CrossRef]
  40. Kim, H.; Shahid, A.; Fontaine, J.; Poorter, E.D.; Moerman, I.; Nam, H. Automatic Modulation Classification using Relation Network with Denoising Autoencoder. In Proceedings of the 2022 13th International Conference on Information and Communication Technology Convergence (ICTC), Jeju Island, Republic of Korea, 19–21 October 2022; pp. 485–488. [Google Scholar]
  41. Li, L.; Huang, J.; Cheng, Q.; Meng, H.; Han, Z. Automatic Modulation Recognition: A Few-Shot Learning Method Based on the Capsule Network. IEEE Wirel. Commun. Lett. 2021, 10, 474–477. [Google Scholar] [CrossRef]
  42. O’Shea, T.; West, N.E. Radio Machine Learning Dataset Generation with GNU Radio. In Proceedings of the GNU Radio Conference 2016, Boulder, CO, USA, 12–16 September 2016. [Google Scholar]
Figure 1. Schematic diagram of measurement space.
Figure 1. Schematic diagram of measurement space.
Sensors 24 04421 g001
Figure 2. AMR method based on relational networks.
Figure 2. AMR method based on relational networks.
Sensors 24 04421 g002
Figure 3. The overall framework diagram of the proposed MCRN-CR.
Figure 3. The overall framework diagram of the proposed MCRN-CR.
Sensors 24 04421 g003
Figure 4. Structure of encoder and decoder.
Figure 4. Structure of encoder and decoder.
Sensors 24 04421 g004
Figure 5. The recognition accuracy of different models at all SNRs.
Figure 5. The recognition accuracy of different models at all SNRs.
Sensors 24 04421 g005
Figure 6. Confusion matrix diagram at the 12 dB SNR.
Figure 6. Confusion matrix diagram at the 12 dB SNR.
Sensors 24 04421 g006
Figure 7. The recognition accuracy of the comparison model at all SNRs.
Figure 7. The recognition accuracy of the comparison model at all SNRs.
Sensors 24 04421 g007
Figure 8. Confusion matrix diagram of the control model at the 12 dB SNR.
Figure 8. Confusion matrix diagram of the control model at the 12 dB SNR.
Sensors 24 04421 g008
Figure 9. Recognition accuracy curves of models under different K values.
Figure 9. Recognition accuracy curves of models under different K values.
Sensors 24 04421 g009
Figure 10. Recognition accuracy curves of models under different C values.
Figure 10. Recognition accuracy curves of models under different C values.
Sensors 24 04421 g010
Table 1. Structure of relationship module.
Table 1. Structure of relationship module.
LayerStructure
RM1Conv1d (out_channels = 64, kernel_size = 4, stride = 2)
ReLU + BN
RM2Conv1d (out_channels = 64, kernel_size = 4, stride = 2)
ReLU + BN
RM3Conv1d (out_channels = 64, kernel_size = 4, stride = 2)
ReLU + BN
RM4Conv1d (out_channels = 64, kernel_size = 4, stride = 2)
ReLU + BN
RM5Conv1d (out_channels = 64, kernel_size = 4, stride = 2)
ReLU + BN
Table 2. Dataset partitioning.
Table 2. Dataset partitioning.
Dataset NameModulation CategorySample Quantity
Source domainTraining set128QAM, 32PSK, 16APSK, 32QAM, FM, GMSK, 32APSK, 64QAM, BPSK, 8PSK, AM-SSB-SC, 4ASK, 16PSK, 64APSK14 × 24 × 1000
Target domainSupport subset128APSK, AM-DSB-SC, AM-SSB-WC, QPSK, 256QAM, AM-DSB-WC, OOK, 16QAM, OQPSK, 8ASK10 × 24 × 20
Test set128APSK, AM-DSB-SC, AM-SSB-WC, QPSK, 256QAM, AM-DSB-WC, OOK, 16QAM, OQPSK, 8ASK10 × 24 × 980
Table 3. Comparison of average recognition accuracy of different methods.
Table 3. Comparison of average recognition accuracy of different methods.
Model−20:2:−2 dB0:2:30 dB−20:2:30 dBHighest Accuracy
MCRN-CR31.69%87.41%65.98%89.25%
AMR-CapsNet [42]19.22%44.42%34.73%46.40%
AMCRN [40]32.13%83.09%63.49%86.25%
PN [8]30.93%83.00%62.98%85.41%
RN [9]30.72%84.08%63.56%86.68%
AMR-CVNN20.16%81.55%57.94%85.04%
Table 4. Comparison of average recognition accuracy of different control models.
Table 4. Comparison of average recognition accuracy of different control models.
Model−20:2:−2 dB0:2:30 dB−20:2:30 dBHighest Accuracy
MCRN-CR31.69%87.41%65.98%89.25%
MCRN31.42%86.24%65.15%88.15%
RN-CR31.02%85.16%64.34%87.80%
RN30.72%84.08%63.56%86.43%
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

Ma, Z.; Fang, S.; Fan, Y.; Hou, S.; Xu, Z. Tackling Few-Shot Challenges in Automatic Modulation Recognition: A Multi-Level Comparative Relation Network Combining Class Reconstruction Strategy. Sensors 2024, 24, 4421. https://doi.org/10.3390/s24134421

AMA Style

Ma Z, Fang S, Fan Y, Hou S, Xu Z. Tackling Few-Shot Challenges in Automatic Modulation Recognition: A Multi-Level Comparative Relation Network Combining Class Reconstruction Strategy. Sensors. 2024; 24(13):4421. https://doi.org/10.3390/s24134421

Chicago/Turabian Style

Ma, Zhao, Shengliang Fang, Youchen Fan, Shunhu Hou, and Zhaojing Xu. 2024. "Tackling Few-Shot Challenges in Automatic Modulation Recognition: A Multi-Level Comparative Relation Network Combining Class Reconstruction Strategy" Sensors 24, no. 13: 4421. https://doi.org/10.3390/s24134421

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