The Modulation Recognition Method Based on Deep Learning: Comparison
Please note this is a comparison between Version 7 by Jessie Wu and Version 6 by Jessie Wu.

Deep learning is a powerful artificial intelligence technology that can learn features from a large amount of data and fit nonlinear networks, so it is widely used in the fields of computer vision, natural language processing, and speech recognition, and has achieved tremendous success. Since mobile communication networks are able to generate large amounts of different types of data at a very fast pace, relevant researchers have applied deep learning to the field of communication, bringing opportunities for the development of communication technologies. For example, signal modulation identification in wireless communication can be done using deep learning techniques, and deep learning-based modulation identification methods have better robustness than traditional AMR methods and higher accuracy rates. There are many excellent neural networks in deep learning, such as convolutional neural network (CNN, RNN), recurrent neural network (RNN), etc. Among them, CNN is good at processing image data and RNN is good at processing sequence signals. CNN and RNN are widely used in AMR. The application of these neural networks to deep learning is discussed.

  • CNN
  • deep learning
  • RNNs
  • modulation recognition
  • intelligent signal processing

1. Application of Convolutional Neural Network in Modulation Recognition

1.1. Convolutional Neural Networks

The convolutional neural network (CNN) is one of the most popular and successful deep learning architectures, which consists of multiple convolutional layers, pooling layers, and fully connected layers, and its structure diagram is shown in Figure 1. Among them, the convolutional layer can extract different features of the input data, the pooling layer can downscale the high-dimensional features after convolution to improve the computation speed, and the fully connected layer can combine the previously extracted local features into global features and finally complete the classification according to the features.
Figure 1. Convolutional neural network structure.
CNN is ideal for image processing because it can accurately extract feature information from images using convolution. Therefore, when identifying the type of the modulated signal, scholars usually process the signal into two-dimensional images such as constellation diagrams and time-frequency diagrams, then use convolutional layers to extract the features of the signal from the image, and the classification is done by the fully connected layer. On the other hand, CNN is also widely used in text and signals, so many scholars use CNN to directly extract features from signals.

1.2. The Modulation Recognition Method Based on Convolutional Neural Network

1.
A two-dimensional image recognition method based on CNN.
Converting the signal to a 2D image and then using a CNN to identify the modulation is very popular, so researchers will introduce this method in this section.
(1) Constellation map
A constellation diagram is a graphical insight into the projection of a signal into an orthogonal vector space, the dimensionality of which is determined by the specific type of modulation. Two-dimensional constellation diagrams are by far the most common, which can reflect different characteristics of different modulation types. This research shows the constellation diagram of the 8PSK signal at 20 dB, 15 dB, 5 dB, and 0 dB in Figure 2. It can be seen from Figure 2 that the features of the constellation diagram are more obvious under high signal-to-noise ratio and less obvious under low signal-to-noise ratio. Therefore, some scholars will convert the single-channel constellation diagram into a three-channel color constellation diagram to increase the recognition rate, which can achieve better results, so constellation diagrams are often used in modulation identification.
Figure 2. Constellation diagram of 8PSK under different signal-to-noise ratios.
Shengliang Peng et al. [1] converted complex signals into constellation maps and applied two popular CNN models (AlexNet and GoogleNet) to the recognition of complex signals and designed a CNN-based modulation recognition algorithm. Finally, experiments showed that when the signal-to-noise ratio is greater than 6 dB, the recognition rate of the algorithm for eight kinds of modulation signals reaches more than 95%, which is better than the traditional support vector machine. However, when the signal-to-noise ratio is less than 1 dB, the recognition accuracy of the model is less than 80%. It can be seen that the recognition accuracy under low signal-to-noise ratio needs to be improved.
In order to improve the recognition classification accuracy, X. Tian [2] processed the constellation map into a heat map with colored shadows. Then, the typical CNN model is used, namely VGG16, VGG19, InceptionV3, Xception, and ResNet50 to identify the constellation heatmaps of six modulation methods. Among them, ResNet50 has the best classification accuracy, and the accuracy rate can reach more than 95%. However, when the signal-to-noise ratio drops to 2 dB, the recognition accuracy drops to 80%, so this method is only suitable for high signal-to-noise ratio environments.
Due to the lack of relevant research on DL-based AMR in MIMO-OFDM systems, the authors of [3] proposed a series of constellation multimodal feature networks (SC-MFNet) for the modulation recognition problem of MIMO-OFDM systems in their work. The SC-MFNet network has four parts, including the feature extraction module based on Conv1DNet, the constellation feature extraction module based on efficient network, the multimodal feature fusion module, and the full connection classifier. The authors input the waveform diagrams of the five modulated signals (BPSK, QPSK, 8PSK, 16 QAM, and 32 QAM) and the segmented accumulated constellation diagrams into the SC-MFNet network, and the network extracts the features of the signal waveform diagrams and constellation diagrams and fuses the features. Final classification experiments show that the SC-MFNet has a recognition accuracy of 95% when the signal-to-noise ratio is 0 dB.
(2) Eye diagram
The eye diagram is a waveform displayed by a series of digital signals accumulated on the oscilloscope that can reflect the overall characteristics of the digital signal. The eye diagram characteristics of different modulation signals are different, so the signal can be converted into an eye diagram, and then the deep learning network model is used to extract the features in the eye diagram to complete modulation recognition. Converting the modulation signal into an eye diagram is an important step in the modulation identification process. After reviewing the literature, there are three most commonly used conversion methods: The first is to use the dedicated eye diagram generation module of the oscilloscope to convert the modulated signal into the corresponding eye diagram [4]; the second is to use the eye diagram function in MATLAB to generate the eye diagram; and the third is that researchers need to write their own programs to complete the conversion of the eye diagram. Since the eye diagram itself is generated by the afterglow effect of the oscilloscope, the first method mentioned above will be more accurate when generating the eye diagram. Due to the limitations of experimental conditions, this research uses the eye diagram function in MATLAB to convert QPSK, 8PSK, 16PSK, 4QAM, 16QAM, and 256QAM signals into eye diagrams, as shown in Figure 3.
Figure 3. Eye diagram of modulated signals.
The authors of [5] demonstrated preliminary results of deep learning for modulation identification through eye diagrams of signals. The research first convolves the I and Q eye maps of the signal, secondly connects the I and Q eye maps, then performs maximum pooling, and finally experimentally verifies that the model can achieve a 100% recognition rate for OQPSK as well as BPSK. The recognition rate of 16 QAM is less than 80%.
The authors of [6] considered that the original eye diagram did not consider the signal aggregation degree at a specific position, so they enhanced the eye diagram. The authors use the enhanced signal eye diagram as the input to the neural network, and then extract and map features of different dimensions using a multi-input CNN model. Experiments show that the recognition accuracy of the model for BPSK, QPSK, OQPSK, 8PSK, and 16APSK is close to 100% at 2 dB, but the recognition accuracy for 64 QAM, 32 QAM, and 16 QAM is low. Therefore, it is necessary to further improve the intraclass recognition of modulated signal accuracy.
Dan. W et al. [4] proposed a CNN-based optical signal modulation recognition and classification algorithm. The author uses the eye pattern generation module of the oscilloscope to generate four modulated optical signals (return-to-zero on-off keying (RZ-OOK), non-return-to-zero keying (NRZ-OOK), RZ-differential phase shift keying (RZ-DPSK), and four-pulse amplitude modulation (4PAM) are converted into eye diagrams, and then CNN is used to learn the features of the eye diagrams and complete the classification. The recognition rate of the four modulation methods is close to 100%.
(3) Time-frequency diagram
If only the characteristics of the signal in the time and frequency domains are analyzed, the characteristics of the signal may be lost. Therefore, to observe the relevant characteristics of the signal more thoroughly, scholars will perform time-frequency analysis of the signal, such as using wavelet transform and other methods, such as converting the signal to a time-frequency map and extracting the features from the time-frequency map. Therefore, it is also a popular method to use deep learning to extract time-frequency map features to complete modulation recognition. Researchers have drawn the time-frequency diagrams of 2FSK, 4FSK, 2PSK, and 4PSK signals in Figure 4, and researchers can see that different modulation signals have different time-frequency diagrams.
Figure 4. Time-frequency diagram of modulation signal.
The authors of [7] used neural networks to process time-frequency images of radar signals to identify the modulation types of radar signals. This research first uses complex wavelet transform to obtain the time-frequency image of the signal, and then uses image cropping, grayscale, adaptive filter normalization, and other steps to enhance the time-frequency image. The results show that when the signal-to-noise ratio is −7 dB, the recognition rate reaches more than 92%, which fully proves that the time-frequency diagram of the signal can well reflect the characteristics of the modulated signal. The author also proposed the Sep-ResNet model for recognition. After comparison, the Sep-ResNet model is better than the ResNet50 and VGG networks.
The authors of [8] proposed an LPI radar signal recognition method based on dual-channel CNN and feature fusion. The authors used the wavelet transform method to convert the signal into a time-frequency map, and the time-frequency map was processed in grayscale. Subsequently, it was inputted into the two-channel CNN model, which can extract two features, the oriented gradient (HOG) and the depth feature histogram, from the signal time-frequency map and finally fuse the two features and classify them. The classification method has a signal-to-noise ratio of 6 dB, and the recognition rate can reach more than 95%.
The authors of [9] proposed a modulation and identification method of impulse noise communication signals based on fractional low-order Choi–Williams distribution and CNN, aiming at the low recognition rate of a communication signal in non-Gaussian noise. Feature extraction was performed, and then FLO-CWD used to transform the signal time-frequency map by inputting the transformed time-frequency map into the improved CNN for the second feature extraction and classification. The recognition rate of this method reaches 95% at 4 dB. However, this method only recognizes signals of 2ASK, 2FSK, and 2PSK modulation methods and does not know the recognition rate of other modulation methods. Therefore, if researchers want to apply this method to actual communication systems, researchers need to continue research and optimization.
(4) Circulation spectrogram
A cyclic spectrum has good anti-noise performance, so it is often used to analyze signals in environments with large noise interference. The 3D graph output by the cyclic spectrum can give an intuitive impression, and the signal can be further analyzed by the cross-sectional view of the 3D graph in different directions. In order to further visualize the cyclic spectrogram of the modulated signal, this research uses MATLAB to draw the three-dimensional cyclic spectrogram of QPSK and 4ASK and intercept the two-dimensional part when the cyclic frequency alpha is equal to 0, as shown in Figure 5.
Figure 5. Graphical construction of QPSK and 4ASK signals.
In 2019, the author of [10] made improvements to address the poor performance of constellation maps at low signal-to-noise ratios, resulting in low recognition rates and poor adaptation phases, and proposed a modulation recognition method based on innovative CNNs and recurrent spectrograms. The author first maps the three-dimensional cyclic spectrum of the signal into two dimensions, and then takes the two-dimensional cyclic spectrum as the dataset. Then the improved CNN is used to extract the features of the cyclic spectrum. Finally, the softmax layer is used to successfully identify eight modulation modes.
The authors of [11] proposed using a deep learning algorithm to process the cyclic spectrogram of the signal to identify the secondary modulation signal. The author uses AlexNet, vgg16, vgg19, and resnet18 to recognize the two-dimensional cyclic spectrum images of seven modulated signals (BPSK, QPSK, 2FSK, bpsk-pm, qpsk-pm, 2fsk-pm, and DS-BPSK). The experimental results show that the recognition accuracy of VGG19 and ResNet18 is better, but the confusion rate of BFSK-PM and BPSK-PM is high.
(5) Amplitude Histogram
The amplitude histogram of the signal can represent the relationship between the amplitude of the signal and the number of sampling points of different amplitudes. The amplitude histograms of different modulation methods have large differences, as shown in Figure 6, which shows that the amplitude histograms of different modulation methods are all different shapes.
Figure 6. Amplitude histogram of modulated signal.
The authors [12], proposed a new scheme of CNN. Joint OSNR monitoring and MFI based on the signal amplitude histogram. The author uses the constant modulus algorithm (CMA) to obtain modulated signal samples after equalization to draw amplitude histograms (Ahs), and then uses the convolutional neural network a design based upon VGG to extract the features of the amplitude histograms for classification and identification. After 2500 times of training, the recognition rate of QPSK, 8-QAM, and 16QAM reached 100%, indicating that CNN can identify the modulation type of the signal according to the histogram of the signal.
The authors [13] proposed a multi-layer neural network modulation pattern recognition method based on cyclic cumulants of communication signals. The authors use the improved CNN to extract the signal features represented in the cyclic spectrograms of MPSK and MQAM, and then use the softmax layer to complete the classification. The algorithm can achieve a recognition accuracy of 92% in a signal-to-noise ratio environment of −5~5 dB.
2.
The signal sequence recognition method based on CNN.
In addition to the CNN-based signal two-dimensional image recognition method, some scholars use CNN to directly extract the features in the signal sequence and complete the classification. Therefore, this section will introduce the CNN-based signal sequence recognition method.
(1) IQ sequence
S. Hong et al. proposed a DL-based AMR algorithm to identify signals in Orthogonal Frequency Division Multiplexing (OFDM) systems [14]. The authors used convolutional neural networks to train IQ samples of OFDM signals. It can be seen through experiments that when the signal-to-noise ratio is 10dB, the correct classification probability is higher than 90%, but when the signal-to-noise ratio is lower than 10dB, the recognition accuracy drops rapidly.
In order to enable CNN to work with a small amount of data, the authors of [15] proposed a data-augmented modulation recognition method. The authors first calculate the amplitude, phase, and frequency according to the input IQ signal, and take them as the most basic signal features. Second, the phase sequence of the signals is rearranged according to the distribution of the modulated signals in the constellation diagram, so as to obtain new features. Then, the higher-order spectral information of the signal is obtained to provide new identification clues. Finally, the IQ signal, the amplitude frequency phase of the signal, the reordered IQ sequence, the reordered amplitude frequency phase, and the high-order spectrum of the signal are input into the improved CNN for classification and identification. The experimental results show that the algorithm achieves an average recognition rate of above 95%. However, the feature extraction process of this method is relatively complicated, which is not conducive to its use in a changeable communication environment. Yu. W et al. applied the DL-based AMR algorithm to multiple-input multiple-output (MIMO) systems, and in their work [16] they proposed a CNN-based zero-forcing (ZF) equalization AMR method. Among them, ZF equalization can improve the signal-to-noise ratio of the received signal under the channel state information (CSI) and enhance the accuracy of modulation identification. Therefore, the author inputs the received signal and CSI into ZF equalization, performs vectorization, and finally inputs them into CNN for classification. Through experiments, it can be seen that the recognition accuracy of the ZF equalization AMR algorithm based on CNN reaches more than 90% when the signal-to-noise ratio is—5 dB, which is better than the traditional algorithm based on ANN and higher-order cumulants. Huynh-The et al. [17] proposed a three-dimensional MIMO-OFDM Convolutional Neural Network (MONet) capable of accomplishing efficient AMR in a Multiple-Input Multiple-Output Orthogonal Frequency Division Multiplexing (MIMO-OFDM) system. The relevant underlying features within and between antennas can be extracted under multi-scale signals through the cubic convolution filter of the network. Through experimental simulation, MONet can achieve 95% recognition accuracy under the condition of 0 dB.
(2) Higher-order cumulants
Research on signal modulation identification based on higher-order cumulants was carried out as early as 1992, when the author [18] used higher-order cumulants as relevant features and used decision trees to make judgments, resulting in the identification of modulation patterns. Subsequently, many scholars began to use high-order cumulants as features for modulation classification [19][20][21] and achieved good results. After the development of deep learning, some scholars combined deep learning with high-order cumulants to study a new AMR algorithm.
Y. Wang proposed a CNN-based CO-AMR method [22]. The author used CNN to extract the high-order cumulant features of the signal in all antenna datasets and identify sub-results. All sub-results were combined, and finally, using decision rules (direct voting and weighted voting) to complete the classification. Experiments showed that when the signal-to-noise ratio is greater than 0 dB, the recognition accuracy of the algorithm can reach 100%, but at −5 dB, the recognition rate is only 82%. Therefore, it is necessary to further improve the recognition rate under a low signal-to-noise ratio.
From the above literature survey, it can be seen that because CNN is more suitable for extracting information from images, there are not many studies on using CNN to directly extract signal sequence features. Relatively speaking, the ability of Recurrent NNeural Networks RNN to extract features directly from the signal sequence is stronger than that of CNN. Therefore, this research will introduce the modulation recognition algorithm based on RNN in the next section.

2. Application of the Recurrent Neural Network in Modulation Recognition

2.1. Recurrent Neural Networks

Recurrent Nneural Nnetworks (RNNs) are different from typical multi-layer networks with feedforward connections. RNNs are extended by the concept of recursive connections to feedback information to the previous layer (or the same layer). Its structure is shown in  Figure 7. The input of the RNN is the data of different moments. Firstly, the information will be input from the moment of the signal. The input gate decides whether the information of this moment is input into the memory neuron. The output gate decides whether the information of this moment is output. The forgetting gate decides whether the information of this moment is forgotten. If it is not forgotten, it can be transmitted to the next moment, and the process is cycled until the whole input signal is processed. According to the above characteristics, it is known that RNN is very good at processing sequence signals, such as time series, text sequences, and audio data [23]. The communication signal is a signal that changes with time, so some scholars began to use RNN to process the communication signal [24]. Therefore, this section presents the application of RNN in modulation recognition.
Figure 7. Structure diagram of cyclic neural network.

2.2. Modulation Recognition Based on Recurrent Neural Network

The automatic modulation recognition work is very dependent on the characteristics of the signal. For different types of features, the extraction and classification methods are also different. It is mentioned in the previous content that with CNN it is easier to extract the features in the two-dimensional image of the signal, but for other forms of features, the extraction and classification effect of CNN is not so good. For example, pulse repetition interval (PRI) features in radar signals are not conducive to extraction and classification using CNN, because the PRI of the signal will greatly hinder the online application of CNN [25]. Subsequently, some scholars proved that the LSTM model can extract PRI features better than the CNN model [26].
In 2020, the authors of [27], taking into account the sequence characteristics of PRI, proposed a model combining attention mechanism with GRU to identify the modulation type of radar signal. The model can improve the recognition rate in the presence of a high ratio of missing and spurious pulses. This article proposes to use a one-hot vector to represent the PRI sequence and then reduce the dimensionality of the sequence and input it into the attention-based GRU model, which can save the sequential patterns contained in the PRI sequence and finally output it through the GRU. This article proposes to use a one-hot vector to represent the PRI sequence and then reduce the dimensionality of the sequence and input it into the attention-based GRU model, which can save the sequential patterns contained in the PRI sequence and finally output it through the GRU.
Inspired by the fact that the nodes of the potential layer in the LSTM model can retain the dynamic time-domain characteristics of the information, some scholars proposed a low SNR modulation recognition method based on LSTM [28]. This work uses an LSTM network to construct a signal-to-noise ratio classifier, a denoising auto-encoder, and finally a recognition classifier. The signal-to-noise ratio classifier consists of three LSTM layers and a fully connected layer, which can divide the signal into low signal-to-noise ratio signals and high signal-to-noise ratio signals according to the set threshold. The denoising auto-encoder is composed of five bidirectional LSTM layers, which can denoise signals with a low signal-to-noise ratio. Finally, a modulation recognition structure based on LSTM is designed. The experimental results show that the modulation recognition model based on LSTM can achieve an average recognition rate of more than 90% at a signal-to-noise ratio of 0~8 dB, but the recognition rate is still low with a signal-to-noise ratio of −10 dB~−2 dB.
S. Wei et al. used a model combining a self-attention mechanism and bidirectional LSTM to identify the modulation mode of a radar signal [29]. The method can accurately identify eight types of radar modulation signals under low signal-to-noise ratio and the recognition rate is as high as 95% at −10 dB. Experiments show that the recognition accuracy of the model is better than CLDN, DRCNN, Seq-CNN, and Seq-Res networks. Qingfeng Jing et al. [30] designed an end-to-end modulation identification method based on LSTM and GRU, which can directly obtain the modulation type from the sampled signal. The experimental results show that the end-to-end modulation recognition method proposed by the author can achieve a recognition rate of 90% for each type of modulated signal. In order to solve the local dependency constraints of CNN and RNN in extracting signal features, W. Kong et al. proposed a transformer based connected sequential neural network structure (ctdnn) [31]. First, the author uses the convolution layer to map the time-domain sequence of the signal to a high-dimensional space, then uses the transformer encoder to complete the feature extraction of the signal, and finally uses the fully connected layer to complete the signal classification. Experiments show that the model can complete the classification of 10 modulated signals well.
This research summarizes the last 5 years of RNN-based modulation identification methods in Table 1. Since it is easier for the RNN to extract the information from the sequence signal, inputting the IQ sequence of the signal into the RNN for identification is more conducive to improving the identification accuracy.

3. Application of Combination Neural Network in Modulation Recognition

According to the previous description, CNN has a strong ability to process image information, and RNN has excellent performance when processing IQ signals directly. Therefore, some scholars combined CNN and RNN to form the CLDNN model [41], and CLDNN gave full play to the advantages of these two models and further improved the accuracy of modulation recognition. Since then, more and more scholars have devoted themselves to studying the application of combined neural networks in modulation recognition. The modulation recognition method based on a combined network is summarized.
T. Wang proposed an MCF network composed of the Information Cue Multi-Stream Module (SCMS) and the Visual Cue Recognition Module (VCD) [42]. The network realizes the parallel feature extraction of the IQ, AΦ, and signal constellation of the signal. The SCMS module extracts the features of the IQ signal and the AΦ signal and uses the VCD to extract the features of the signal from the constellation. Finally, the extracted features are fused and classified. The author compared the MCF network with CM+CNN, SCNN, LSTM, and CLDNN network models during the experiment. The results show that the MCF network has better recognition accuracy. When the signal-to-noise ratio is greater than 0 dB, the recognition accuracy is close to 100%.
The authors of [43] proposed a new deep learning-based attention collaboration framework, which includes CNN, RNN, and GAN networks. Among them, ACGAN is used to expand the original data, and then CNN and RNN are used to extract the spatial and temporal characteristics of the signal, respectively. Finally, the spatial and temporal properties of the signal are fused using GAMP, and the classification is done with a fully connected layer. Experiments show that the attention cooperation framework proposed in this research can recognize 11 kinds of modulated signals with an accuracy of more than 90% at 0 dB. The recognition accuracy is better than that of VGG, RNN-GRU, GoogleNet, and CLDNN. The authors of [44] proposed a CGDNet network structure composed of shallow convolutional networks, GRU, and DNN networks in their work. Among them, a shallow convolutional network and GRU are used to extract the features of IQ sequence signals, and DNN is used to complete the classification task. In the experiments, the author uses the RadioML2016.10a and RadioML2016.10b datasets to verify the performance of the CGDNet structure. When identifying the RadioML2016.10a modulation dataset, it can achieve a recognition accuracy of more than 90% at 0 dB; when recognizing the RadioML2016.10b modulation dataset, it can achieve a recognition accuracy of more than 90% at 18 dB.
The authors of [45] proposed a modulation recognition algorithm based on convolutional long and short-term deep neural networks (CLDNN). The CLDNN network structure consists of four layers of convolution layers, four layers of pooling layers, two layers of LSTM layers, and two layers of fully connected layers. Experiments show that the average recognition rate of the CLDNN model for 11 kinds of modulation signals reaches 90.8%, and it can recognize both QAM16 and QAM64 better.
In recent years, modulation identification methods based on combinatorial networks have become more popular, and many scholars have devoted themselves to researching more reliable combinatorial networks for AMR. Combinatorial network-based modulation identification methods over recent years are summarized in Table 2.

4. Applications of Other Neural Networks in Modulation Recognition

The authors of [56] studied an efficient modulation recognition model, which includes three modules, namely feature extraction, feature optimization, and classifier design. The model uses Principal Component Analysis (PCA) to optimize features in the feature extraction module and uses MLP and Radial Basis Function (RBF) as classifiers, respectively. Experiments show that the recognition accuracy rate of the algorithm based on PCA-MLP is always above 95% in the range of signal-to-noise ratio of −10~10 dB, which has better stability than the algorithm based on PCA-RBF.
The authors of [57], proposed a new method that can quickly complete modulation recognition. The authors use the sixth-order cumulant of the signal as a feature, which is then fed into a DNN to complete the recognition. The entire recognition model can complete online and offline recognition and has high practicability.
Han H et al. designed a PNN-based modulation recognition algorithm in [58]. The authors fused the temporal instantaneous characteristics of the signal with the higher-order cumulants. Finally, PNN is used to complete modulation recognition according to the fused features. Experiments show that the algorithm can achieve a recognition accuracy of 99.8% at 0 dB.
The deep belief network is a typical unsupervised learning network, which can use the stacked neural network to extract features from the received signal and then use a traditional classifier to determine the modulation type [59]. The authors of [60], proposed a spatial laser pass pulse position modulation and demodulation system based on the cascade of DBN and SVM, which can realize modulation identification and demodulation. The DBN network is used to identify the modulation type, and the SVM is used to classify the demodulation results. Experiments show that the DBN-SVM demodulation system can effectively alleviate the phenomenon of channel fading, and it is close to the maximum likelihood detection method in atmospheric turbulence, indicating that the performance of the algorithm is very good. The authors of [61] combined multi-layer DBN and BP networks to design an AMR classifier, that can detect eight kinds of radar modulated signals (CW, PSK, DPSK, and FSK when the signal-to-noise ratio is greater than 10 dB. MP, LFM, and NLFM with a recognition probability of 100%), reflecting the excellent recognition performance of deep learning.
The authors of [62] proposed a BP network model (BP) based on a bird swarm algorithm. First, the bird swarm algorithm was optimized for the BP network, and then the MQAM signal was identified. Experiments show that the recognition accuracy of the algorithm reaches more than 98% and has good classification. Z. Fang et al. used four BP networks to form a modulation recognition classifier [63], which was able to achieve a recognition rate of more than 90% at a signal-to-noise ratio of 11dB. However, the recognition accuracy of this classifier under low SNR is not known, so further research is needed.

References

  1. Peng, S.; Jiang, H.; Wang, H.; Alwageed, H.; Zhou, Y.; Sebdani, M.; Yao, Y. Modulation Classification Based on Signal Constella-tion Diagrams and Deep Learning. IEEE Trans. Neural Netw. Learn. Syst. 2019, 30, 718–727.
  2. Tian, X.; Chen, C. Modulation Pattern Recognition Based on Resnet50 Neural Network. In Proceedings of the 2019 IEEE 2nd International Conference on Information Communication and Signal Processing (ICICSP), Weihai, China, 28–30 September 2019; pp. 34–38.
  3. An, Z.; Zhang, T.; Shen, M.; De Carvalho, E.; Ma, B.; Yi, C.; Song, T. Series-Constellation Feature Based Blind Modulation Recognition for Beyond 5G MIMO-OFDM Systems with Channel Fading. IEEE Trans. Cogn. Commun. Netw. 2022, 8, 793–811.
  4. Wang, D.; Zhang, M.; Li, Z.; Li, J.; Fu, M.; Cui, Y.; Chen, X. Modulation Format Recognition and OSNR Estimation Using CNN-Based Deep Learning. IEEE Photonics Technol. Lett. 2017, 29, 1667–1670.
  5. Li, Z.; Zha, X. Modulation Recognition Based on IQ-eyes Diagrams and Deep Learning. In Proceedings of the 2019 IEEE 5th International Conference on Computer and Communications (ICCC), Chengdu, China, 6–9 December 2019; pp. 1570–1574.
  6. Zha, X.; Peng, H.; Qin, X.; Li, G.; Yang, S. A Deep Learning Framework for Signal Detection and Modulation Classification. Sensors 2019, 19, 4042.
  7. Mao, Y.; Ren, W.; Yang, Z. Radar Signal Modulation Recognition Based on Sep-ResNet. Sensors 2021, 21, 7474.
  8. Quan, D.; Tang, Z.; Wang, X.; Zhai, W.; Qu, C. LPI Radar Signal Recognition Based on Dual-Channel CNN and Feature Fusion. Symmetry 2022, 14, 570.
  9. Tian, X.; Sun, X.; Yu, X.; Li, X. Modulation Pattern Recognition of Communication Signals Based on Fractional Low-Order Choi-Williams Distribution and Convolutional Neural Network in Impulsive Noise Environment. In Proceedings of the 2019 IEEE 19th International Conference on Communication Technology (ICCT), Xi’an, China, 16–19 October 2019; pp. 188–192.
  10. Jing, 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.
  11. Liu, R.; Guo, Y.; Zhu, S. Modulation Recognition Method of Complex Modulation Signal Based on Convolution Neural Net-work. In Proceedings of the 2020 IEEE 9th Joint International Information Technology and Artificial Intelligence Conference (ITAIC), Chongqing, China, 11–13 December 2020; pp. 1179–1184.
  12. Lv, H.; Zhou, X.; Huo, J.; Yuan, J. Joint OSNR monitoring and modulation format identification on signal amplitude histo-grams using convolutional neural network. Opt. Fiber Technol. 2021, 61, 102455.
  13. Guan, Q.; Zhang, Y.J. Cyclic Cumulant Based on Communication Signal Multilayer Neural Network Modulation Pattern Recognition. CCIOT 2018, 10, 595–600.
  14. Hong, S.; Zhang, Y.; Wang, Y.; Gu, H.; Gui, G.; Sari, H. Deep Learning-Based Signal Modulation Identification in OFDM Systems. IEEE Access 2019, 7, 114631–114638.
  15. De, L.; Jian, X.; Chang, X.; Peng, F. A modulation recognition method based on enhanced data representation and convolu-tional neural network. IMCEC 2021, 4, 187–191.
  16. Wang, Y.; Gui, J.; Yin, Y.; Wang, J.; Sun, J.; Gui, G.; Gacanin, H.; Sari, H.; Adachi, F. Automatic Modulation Classification for MIMO Systems via Deep Learning and Zero-Forcing Equalization. IEEE Trans. Veh. Technol. 2020, 69, 5688–5692.
  17. Huynh-The, T.; Nguyen, T.V.; Pham, Q.V.; da Costa, D.B.; Kim, D.S. MIMO-OFDM Modulation Classification Using Three-Dimensional Convolutional Network. IEEE Trans. Veh. Technol. 2022, 71, 6738–6743.
  18. Reichert, J. Automatic classification of communication signals using higher order statistics. In Proceedings of the ICASSP, San Francisco, CA, USA, 23–26 March 1992; 5, pp. 221–224.
  19. Wang, L.; Ren, Y. Recognition of digital modulation signals based on high order cumulants and support vector machines. In Proceedings of the 2009 ISECS International Colloquium on Computing, Communication, Control, and Management, Sanya, China, 8–9 August 2009; pp. 271–274.
  20. Zhao, Y.; Xu, Y.; Jiang, H.; Luo, Y.; Wang, Z. Recognition of digital modulation signals based on high-order cumulants. In Proceedings of the 2015 International Conference on Wireless Communications & Signal Processing (WCSP), Nanjing, China, 15–17 October 2015; pp. 1–5.
  21. Li, Y.; Guo, X.; Zhao, X. Study on Modulation ecognition Based on Higher-order Cumulants. J. Southwest Univ. Sci. Technol. 2018, 33, 64–68.
  22. Wang, Y.; Wang, J.; Zhang, W.; Yang, J.; Gui, G. Deep Learning-Based Cooperative Automatic Modulation Classification Method for MIMO Systems. IEEE Trans. Veh. Technol. 2020, 69, 4575–4579.
  23. Song, Q.; Wu, Y.; Soh, Y.C. Robust adaptive gradient-descent training algorithm for recurrent neural networks in discrete time domain. IEEE Trans. Neural Netw. 2008, 19, 1841–1853.
  24. Zhang, M.; Zeng, Y.; Han, Z.; Gong, Y.C. Automatic modulation recognition using deep learning architectures. In Proceedings of the 2018 IEEE 19th International Workshop on Signal Processing Advances in Wireless Communications (SPAWC), Kalamata, Greece, 25–28 June 2018; pp. 1–5.
  25. Li, X.; Huang, Z.; Wang, F.; Wang, X.; Liu, T. Toward convolutional neural networks on pulse repetition interval modulation recognition. IEEE Commun. Lett. 2008, 22, 2286–2289.
  26. Norgren, E.J.D. Pulse repetition interval modulation classification using machine learning. Ph.D. Thesis, KTH Royal Institute of Technology, Stockholm, Sweden, 11 January 2019.
  27. Li, X.; Liu, Z.; Huang, Z. Attention-Based Radar PRI Modulation Recognition with Recurrent Neural Networks. IEEE Access 2020, 8, 57426–57436.
  28. Zhang, B.; Chen, G.; Jiang, C. Research on Modulation Recognition Method in Low SNR Based on LSTM. J. Phys. Conf. Ser. 2022, 2189, 012003.
  29. Wei, S.; Qu, Q.; Zeng, X.; Liang, J.; Shi, J.; Zhang, X. Self-Attention Bi-LSTM Networks for Radar Signal Modulation Recogni-tion. IEEE Trans. Microw. Theory Tech. 2021, 69, 5160–5172.
  30. Jing, Q.; Wang, H.; Yang, L. Study on Fast-Changing Mixed-Modulation Recognition Based on Neural Network Algorithms. KSII 2020, 14, 4664–4681.
  31. Kong, W.; Yang, Q.; Jiao, X.; Niu, Y.; Ji, G. A Transformer-based CTDNN Structure for Automatic Modulation Recognition. In Proceedings of the 2021 7th International Conference on Computer and Communications (ICCC), Chengdu, China, 10–13 December 2021; pp. 159–163.
  32. 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.
  33. Kim, H.; Je, J.; Kim, K. A deep learning method for the automatic modulation recognition of received radio signals. J. Korea Inst. Inf. Commun. Eng. 2019, 23, 1275–1281.
  34. Wang, Y.; Zhang, H.; Xu, L.; Cong, C.T.; Gulliver, A. Adoption of hybrid time series neural network in the underwater acoustic signal modulationn identification. J. Frankl. Inst. 2020, 357, 13906–13922.
  35. Yang, H.; Zhao, L.; Yue, G.; Ma, B.; Li, W. IRLNet: A Short-Time and Robust Architecture for Automatic Modulation Recognition. IEEE Access 2021, 9, 143661–143676.
  36. Liu, K.; Gao, W.; Huang, Q. Automatic Modulation Recognition Based on a DCN-BiLSTM Network. Sensors 2021, 21, 1577.
  37. Ke, Z.; Vikalo, H. Real-Time Radio Technology and Modulation Classification via an LSTM Auto-Encoder. IEEE Trans. Wirel. Commun. 2022, 21, 370–382.
  38. Senthil, N.; Ganesan, I.; Vijay, M. Ensemble of Deep Learning Enabled Modulation Signal. Wirel. Commun.-Tions Mob. Comput. 2022, 10, 1307715.
  39. Dampage, U.; Amarasooriya, R.; Samarasinghe, S.; Karunasingha, N. Combined Classifier-Demodulator Scheme Based on LSTM Architecture. Wirel. Commun. Mob. Comput. 2022, 2022, 1–9.
  40. Ghasemzadeh, P.; Hempel, M.; Sharif, H. High-Efficiency Automatic Modulation Classifier for Cognitive Radio IoT. IEEE Internet Things J. 2022, 9, 9467–9477.
  41. West, N.E.; O’Shea, T. 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.
  42. Wang, T.; Hou, Y.; Zhang, H.; Guo, Z. Deep Learning Based Modulation Recognition with Multi-Cue Fusion. IEEE Wirel. Commun. Lett. 2021, 10, 1757–1760.
  43. Chen, S.; Zhang, Y.; He, Z.; Nie, J.; Zhang, W. A Novel Attention Cooperative Framework for Automatic Modulation Recogni-tion. IEEE Access 2020, 8, 15673–15686.
  44. Njoku, J.N.; Morocho-Cayamcela, M.E.; Lim, G.D. Net: Efficient Hybrid Deep Learning Model for Robust Automatic Modu-lation Recognition. IEEE Netw. Lett. 2021, 3, 47–51.
  45. Jiang, J.; Wang, Z.; Zhao, H.; Qiu, S.; Li, L. Modulation recognition method of satellite communication based on CLDNN model. In Proceedings of the 2021 IEEE 30th International Symposium on Industrial Electronics (ISIE), Kyoto, Japan, 20–23 June 2021; pp. 1–6.
  46. Tang, B.; Tu, Y.; Zhang, Z.; Lin, Y. Digital Signal Modulation Classification with Data Augmentation Using Generative Adversarial Nets in Cognitive Radio Networks. IEEE Access 2018, 6, 15713–15722.
  47. Liu, F.; Zhang, Z.; Zhou, R. Automatic modulation recognition based on CNN and GRU. Tsinghua Sci. Technol. 2022, 27, 422–431.
  48. 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.
  49. Jiang, K.; Qin, X.; Zhang, J.; Wang, A. Modulation Recognition of Communication Signal Based on Convolutional Neural Network. Symmetry 2021, 13, 2302.
  50. Qiang, D.; Jian, F.; Xiang, W.; Chao, W.; Xiang, J.; Nan, W. Automatic Modulation Recognition Based on Hybrid Neural Network. Wirel. Commun. Mob. Comput. 2021, 2021, 1530–8669.
  51. Liang, Z.; Tao, M.; Wang, L.; Su, J.; Yang, X. Automatic Modulation Recognition Based on Adaptive Attention Mechanism and ResNeXt WSL Model. IEEE Commun. Lett. 2021, 25, 2953–2957.
  52. Chang, S.; Huang, S.; Zhang, R.; Feng, Z.; Liu, L. Multitask-Learning-Based Deep Neural Network for Automatic Modulation Classification. IEEE Internet Things J. 2022, 9, 2192–2206.
  53. Zhang, W.; Yang, X.; Leng, C.; Wang, J.; Mao, S. Modulation Recognition of Underwater Acoustic Signals using Deep Hybrid Neural Networks. IEEE Trans. Wirel. Commun. 2022, 1, 5977–5988.
  54. Zou, B.; Zeng, X.; Wang, F. Research on Modulation Signal Recognition Based on CLDNN Network. Electronics 2022, 11, 1379.
  55. Bai, J.; Yao, J.; Qi, J.; Wang, L. Electromagnetic Modulation Signal Classification Using Dual-Modal Feature Fusion CNN. Entropy 2022, 24, 700.
  56. Ahmed, K.A.; Ergun, E. Automatic modulation classification using different neural network and PCA combinations. Expert Syst. Appl. 2021, 178, 114931.
  57. Xie, W.; Hu, S.; Yu, C.; Zhu, P.; Peng, X.; Ouyang, J. Deep Learning in Digital Modulation Recognition Using High Order Cumulants. IEEE Access 2019, 7, 63760–63766.
  58. Han, H.; Ren, Z.; Li, L.; Zhu, Z. Automatic Modulation Classification Based on Deep Feature Fusion for High Noise Level and Large Dynamic Input. Sensors 2021, 21, 2117.
  59. Si, L.; Tian, W.; Shao, W. Toward intelligent wireless communications: Deep learning-based physical layer technologies. Digit. Commun. Netw. 2021, 7, 589–597.
  60. Ya, W.; Zhi, L.; Chun, L.; Yu, C.; Chao, W.; Yi, C.; Yi, L. Research on Pulse Position Modulation and Demodulation System of Space Laser Communication Based on DBN-SVM. In Proceedings of the 2021 13th International Conference on Advanced Infocomm Technology (ICAIT), Yanji, China, 15–18 October 2021; pp. 105–109.
  61. Zhou, D.; Wang, X.; Tian, Y.; Wang, R. A novel radar signal recognition method based on a deep restricted Boltzmann machine. Eng. Rev. 2017, 37, 165–172.
  62. Zhang, C.; Yu, S.; Li, G.; Xu, Y. The Recognition Method of MQAM Signals Based on BP Neural Network and Bird Swarm Algorithm. IEEE Access 2021, 9, 36078–36086.
  63. Fang, Z.; Shen, J.; Zhou, X. Research on Digital Modulation recognition based on BP neural Network. ITOEC 2022, 6, 1813–1817.
More