Next Article in Journal
Virtual Hairstyle Service Using GANs & Segmentation Mask (Hairstyle Transfer System)
Next Article in Special Issue
Research on Small Acceptance Domain Text Detection Algorithm Based on Attention Mechanism and Hybrid Feature Pyramid
Previous Article in Journal
Automatically Identified EEG Signals of Movement Intention Based on CNN Network (End-To-End)
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Modulation Recognition of Digital Signal Using Graph Feature and Improved K-Means

1
Heilongjiang Province Key Laboratory of Laser Spectroscopy Technology and Application, Harbin University of Science and Technology, Harbin 150080, China
2
Comprehensive Data Processing Center, Heilongjiang Electric Power Company Limited, Harbin 150010, China
*
Authors to whom correspondence should be addressed.
Electronics 2022, 11(20), 3298; https://doi.org/10.3390/electronics11203298
Submission received: 26 August 2022 / Revised: 4 October 2022 / Accepted: 11 October 2022 / Published: 13 October 2022
(This article belongs to the Special Issue Deep Learning in Image Processing and Pattern Recognition)

Abstract

:
Automatic modulation recognition (AMR) has been wildly used in both military and civilian fields. Since the recognition of digital signal at low signal-to-noise (SNR) ratio is difficult and complex, in this paper, a clustering analysis algorithm is proposed for its recognition. Firstly, the digital signal constellation is extracted from the received waveform (digital signal + noise) by using the orthogonal decomposition and then, it is denoised by using an algorithm referred to as auto density-based spatial clustering technique in noise (ADBSCAN). The combination of density peak clustering (DPC) algorithm and improved K-means clustering is used to extract the constellation’s graph features, the eigenvalues are input into cascade support vector machine (SVM) multi-classifiers, and the signal modulation mode is obtained. BPSK, QPSK, 8PSK, 16QAM and 32QAM five kinds of digital signals are trained and classified by our proposed method. Compared with the classical machine learning algorithm, the proposed algorithm has higher recognition accuracy at low SNR (less than 4dB), which confirmed that the proposed modulation recognition method is effective in noncooperation communication systems.

1. Introduction

During signal transmission, according to the relationship between the sender and the receiver, the communication process can be divided into two modes: cooperative and non-cooperative. In the cooperation mode, the relevant parameters of the signal are known to both the receiving and sending terminals; in the noncooperative mode, the parameters related to the signal transmission at the receiving end are only partially known or completely unknown. The modulation recognition technology mainly works in the non-cooperative mode to identify the modulation mode and its parameters of the signal to be detected, such as carrier frequency, symbol rate, etc.
In the field of military communications, information warfare has become a key factor in the victory of a war. Mastering more information in a war often means taking a greater initiative. Modulation recognition technology, originated from military communication, is the early foundation and necessary condition for electronic reconnaissance, target detection, communication warning, monitoring and other activities. In military information warfare, modulation recognition technology can be used to intercept unknown wireless signals, decode them, extract information, and obtain the communication content of the target; The jamming parameters can also be set according to the identified modulation information to generate corresponding jamming signals, so as to realize the jamming of enemy wireless signals. Therefore, an efficient, fast and accurate modulation recognition system is of great significance for occupying the information commanding heights in modern information warfare.
Signal modulation recognition technology mainly refers to the technology of distinguishing the modulation mode used by the modulation signal and estimating the modulation related parameters in the absence of relevant prior information [1]. Modulation recognition technology has always been an important basic technology in military and civil fields such as electronic reconnaissance and radio monitoring. The traditional modulation recognition technology mainly uses the signal time domain waveform and its transform domain characteristics to identify and judge. The recognition process depends on the subjective experience of algorithm designers, which has low work efficiency, high labor cost and poor universality of the algorithm. Nowadays, with the improvement of hardware computing power and the wide application of artificial intelligence algorithm theory, artificial intelligence related algorithms are applied to the field of signal modulation recognition with high recognition rate, high speed and good applicability, which will have a very broad development prospect and application space in military and civil fields.
Modulation recognition is the process of determining the modulation mode of digital signal by means of signal correlation feature extraction. It is not only a part of modulation recognition, but also the basis of subsequent operations such as signal demodulation, interpretation and information extraction. Modulation recognition is mainly divided into the traditional methods (such as statistical mode, decision theory, neural network, wavelet transform and so on) and deep learning methods based on convolutional natural network [2]. Liu et al. combines the traditional method with the feature of power spectrum sidelobe attenuation to recognize the 5G signal [3]. Izhou Gep et al. proposed a method which combines the method of cyclic spectrum with high-order cumulant to perform the modulation recognition of UWA communication to improve rate recognition of underwater signals at low SNR [4].
Most traditional method based on artificial designed features to recognition, the ability of this kind of algorithm is limited. The modulation recognition algorithm based on deep learning uses the ability of network model to extract the characteristics of graphic data, recognizes the digital signal through autonomous learning, and can also be recognized under the condition of less a priori information. At the same time, it can reduce the dependence on the subjective experience of algorithm designers. Ya Liu et al. first tried to use graph convolution neural network to solve the problem of high algorithm complexity, which can effectively reduce the algorithm complexity of deep learning network [5]. Dechun Sun et al. proposed a modulation recognition algorithm based on VGG convolutional neural network, aiming at the difficulty of feature extraction of traditional algorithms under low SNR. This algorithm makes up for the shortage of manual feature extraction, converts the sampled data of communication signal into gray image, and trains the model and classifies it through VGG network [6]. In view of the characteristics that traditional recognition algorithms mostly rely on manual design, which leads to the application limitations of the algorithm, Zhang Tingting et al. proposed a modulation recognition algorithm based on the Gate Recurrent Unit (GRU), which uses a multi-layer bidirectional GRU network structure to improve the feature representation ability [7]. Ke Bu et al. introduced Adversarial Transfer Learning Architecture (ATLA) into deep learning, combined adversarial training with knowledge transfer, and reduced the sample size of training set [8]. In order to solve the problem of low recognition rate under low SNR, Fugang Liu et al. optimized on the basis of Long Short-Term Memory (LSTM) networks [9]. This method first extracts the characteristics of the signal, such as advanced cumulants, and then sends them to the parallel network composed of convolutional neural network and GRU for recognition. Zhang et al. proposed a framework called Attention Relation Network (ARN) which introduced channel and spatial attention, respectively to learn a more effective feature representation of support samples [10]. Wu et al. pointed out that most existing automatic modulation recognition (AMR) algorithm highly depended on the feature of data, so they introduced the LSTM as the classifier into neural network to improve the robustness [11]. Yang et al. proposed an algorithm based on AlexNet to increase the rate of recognition [12]. High-order Quadrature Amplitude Modulation (QAM) has problem that the performance severely degraded in multipath fading channels, Xuefei et al. proposed an algorithm that combines a blind equalization module and ResNet [13].
In addition, machine learning has a good performance in modulation recognition. Because of the characters of the algorithm itself, deep learning also has some problems such as having a complex learning process in neural networks, learning results cannot be corrected, training is time-consuming, model correctness verification is complex and cumbersome. Chou et al. used K-means cluster algorithm to contain the feature of the signal constellation to reduce the complexity of the algorithm [14]. H. TAYAKOUT et al. used a simplified Distributed Space-Time Block Coding (D-STBC) scheme for a three-node cooperative network system incorporating, which addresses the problem of semi-blind automatic digital modulation recognition for wireless relaying network [15]. Liu Wang et al. proposed a clustering algorithm to automatically choose the center of the constellation according to the number of center points [16]. Punith et al. proposed a new algorithm to distinguish between 6 digital modulation schemes by using adaptive threshold methods [17].
Aiming at the low recognition accuracy of traditional modulation recognition methods under low SNR conditions, a modulation recognition algorithm model based on the characteristics of digital signal constellation is proposed. The algorithm model first converts the signal into the form of constellation diagram, uses density clustering algorithm for noise reduction, and inputs the features extracted by KADPC algorithm into multi-level SVM classifier to obtain modulation recognition results. This method reduces the complexity of feature extraction and the cost of classification. Compared with traditional modulation recognition methods, this method can improve the recognition performance of several common types of digital modulation signals. The rest of this paper is organized as follows. Section 2 briefly introduces the proposed methods relevant and improvements in this paper. The experimental results and analysis are given in Section 3. Section 4 summarizes the conclusions and future work.

2. Algorithm Design

The proposed algorithm including three parts: preprocessing, feature extraction, and modulation type recognition. The block diagram of the modulation recognition algorithm is shown in Figure 1. The preprocessing part transforms the signal to be detected into the form of constellation, uses ADBSCAN to reduce noise, and obtains the noise reduced constellation. In the feature extraction part, K-means is improved by using density peak clustering. Clustering is performed on the constellation after noise reduction and the eigenvalues are calculated to input into the SVM classifier for classification. In the classification part, multiple SVM cascades are used to form a multi-level classifier. The extracted eigenvalues are classified to obtain the recognition results of digital signal modulation.

2.1. Denoising Processing Based on ADBSCAN

In digital communication, constellation diagram is a more visual and direct method to represent the signal to be detected, which is generated by orthogonal modulation The received signal is divided into two channels after receiving the signal and multiplies by two carries with a phase difference π /2, then goes through a low-pass filter. Then, two separate components the in-phase component and the quadrature component are obtained. Constellation diagram consists of two coordinate axes, the horizontal X-axis is relevant to the in-phase component, the vertical Y-axis is relevant to the quadrature component, each point in the diagram contains four information. The projection in X-axis defines the peak amplitude of in-phase component, the projection in Y-axis defines the peak amplitude of quadrature component, the length of the line from the point to the origin is the peak amplitude of the signal element, the angle between the line and the X-axis is the phase of the signal element. Because of the noise interference, it is hard to recognize the modulation of the constellation diagram, so ADBSCAN clustering algorithm is used into reducing noise in preprocessing parts.
DBSCAN (Density-Based Spatial Clustering of Applications with Noise) clustering algorithm, a kind of fast-clustering algorithm [17], has a fast and good affection in processing the noise [18]. The algorithm uses threshold density as the classify standard based on a fact that one clustering algorithm can be determined by any core object of the sample [19], meanwhile the number of the clusters can be determined by the tightness of the sample distribution. Through classifying connected samples into one cluster, a cluster category is obtained. The final results of all categories are obtained by dividing all closed connected samples into different categories.
Consuming the sample set D = ( x 1 , x 2 , , x m ), ε describes the neighborhood distance threshold of a sample, Minpts describes the threshold of the number of samples in the neighborhood where the distance of a sample is ε , the parameter definition of ADBSCAN clustering algorithm is defined as follows:
1. ε neighborhood: For x j D , the neighborhood whose distance from x j is not greater than ε is defined as | N ε ( x j ) | :
N ε ( x j ) = { x i D | d i s t ( x i , x j ) ε }
2. Core object: For x j D , if the N ε ( x j ) corresponding to the neighborhood contains at least Minpts samples, then the core object is defined as follows:
N ε ( x j ) | M i n p t s
3. Directly density-reachable: If x i is located in the ε neighborhood of x j , and x j is the core object, then x i is said to be direct by the density of x j .
4. Density-reachable: For x i and x j , if there are sample sequences p 1 , p 2 , , p T , satisfying p 1 = x i , p T = x j , and p t + 1 is directly reached by the density of p t , then x j is said to be reachable by the density of x i . In other words, the density can be reached to meet the transitivity. At this time, the transmitted samples p 1 , p 2 , , p T 1 in the sequence are all core objects, because only core objects can directly reach the density of other samples. Note that the density is reachable and does not satisfy the symmetry, this can be derived from the direct asymmetry of the density.
5. Density-connected: For x i and x j , if there is a core constellation sample x k , so that both x i and x j are reachable by the density of x k , then x i and x j are called density connected. Note that the density connection relationship satisfies symmetry.
According to the principle of ADBSCAN clustering, the category or cluster of the largest connectable sample set is found from the density reachable relationship as the final result. If there is only one core object in an ADBSCAN cluster, all non-core object constellation points in the cluster are in the ε neighborhood of the constellation point; if there are multiple core objects, there is a density reachable relationship between any two core objects. Because ADBSCAN does not need to determine the number of clusters during clustering, it can denoise the signal constellation during digital signal preprocessing. The specific steps of ADBSCAN clustering algorithm are shown in Algorithm 1.
Algorithm 1 ADBSCAN clustering algorithm
INPUT: Constellation sample coordinate set D = ( x 1 , x 2 , , x m )
OUTPUT: Clustering results
Step1: 
ε and Minpts are automatically determined by calculating the distance between constellation sample points.
Step2: 
Initialize the core object collection Ω , cluster number K unvisited sample set Γ and cluster interval C .
Step3: 
For j = 1 , 2 , m , follow the steps below to find all core objects:
(a)
Find the ε neighborhood sub-sample set N ε ( x j )  of the sample  x j through the distance measurement method.
(b)
If the number of samples in the sub-sample set satisfies N ε ( x j ) | M i n p t s , add sample x j to the core object sample set: Ω = Ω { x j } .
Step4: 
If the core object set Ω = ϕ , the algorithm ends, otherwise, go to step 5.
Step5: 
In the core object set Ω , randomly select a core object   O , initialize the current cluster core object queue Ω c u r = { o } , the category number k = k + 1 and the current cluster sample set C k = { o } , update the unvisited samples set Γ = Γ { o } .
Step6: 
If the current cluster core object queue Ω c u r = ϕ , the current cluster C k has been generated, update the cluster division C = { C 1 , C 2 , , C k } and the core object set Ω = Ω C k go to step 4. Otherwise, update the core object set Ω = Ω C k .
Step7: 
Take a core object o from the current cluster core object queue Ω c u r , find all ε neighborhood subsample sets N ( o ) through the neighborhood distance threshold ε , let Δ = N ( o ) Γ , update the current cluster sample set C k = C k Δ , the unvisited sample set Γ = Γ Δ , and Ω c u r = Ω c u r ( Δ Ω ) o , go to step 6.
The output result is Cluster division C = { C 1 , C 2 , , C k }

2.2. Feature Extraction

In this paper, K-means combined with auto DPC (KADPC) algorithm is used for feature extraction. K-means clustering algorithm, a traditional clustering based on distance, according to the distance between the sample points and the cluster center to cluster data. As the most classical unsupervised clustering algorithm, the main purpose of K-means is to divide all the samples to K clusters, make the sample similarity between the same class is as high as possible, and the similarity between different categories is as small as possible. Points on the constellation map that are closely distributed around the cluster center can well be clustered.
DPC is a fast-clustering algorithm, based on density peaks, according to the density distribution of sample points to determine the clustering result. DPC algorithm is greatly affected by the local density, when a sample is classified incorrectly, the remaining points are greatly affected, the classification result is easy to cause errors. K-means algorithm selects the initial clustering center randomly when clustering the constellation diagram. Thus, the clustering result has greater randomness, and the number of clustering centers needs to be determined before clustering. In modulation recognition, the number of cluster centers cannot be known in advance. Therefore, in this paper, the idea of DPC algorithm is used for improving the K-means algorithm. According to the distribution of points in the constellation diagram, find the points with the highest density as cluster centers, thereby reducing the number of iterations of K-means clustering and improving the clustering effect.
KADPC is an auto clustering algorithm combined with K-means and DPC clustering algorithm, whose parameters are defined as follows:
1. Cutoff distance d c : let the cutoff distance gradually increase from zero, and find the cutoff distance that makes the entropy H reach the minimum
H = i = 1 n ( δ i j e ( d i j d c ) 2 ) log ( δ i j e ( d i j d c ) 2 )
d i j = | | x j x i | |
2. Local density p j : Define the local density of point x j in the constellation diagram with local density p j as:
p j = j = 1 k χ ( d i j d c )
χ ( x ) = { 1 x 0 0 x 0
3. High local density point distance θ j :
θ j = min j : p j > p i ( d i j )
where d i j is the distance between any two constellation point x j and x i , χ ( x ) is the decision function. The specific steps of KADPC clustering algorithm are shown in Algorithm 2.
Algorithm 2 KADPC clustering algorithm
INPUT: Sample set D = ( x 1 , x 2 , , x m )
OUTPUT: Eigenvalues T c
Step1: 
Obtain the truncation distance d c by increasing the truncation distance from zero to the distance that minimizes the entropy H.
Step2: 
According to the truncation distance d c , the local density value of constellation points in the constellation diagram is calculated, and the distance between other constellation points and high local density constellation points is calculated.
Step3: 
Use the value of the calculated local density p j and the distance of high local density point θ j to make a two-dimensional decision diagram to select the cluster center of the data sample, that is, select the point with the larger p j and   θ j as the cluster center:
Step4: 
Select K cluster centers and perform K-means clustering on the selected K cluster centers:
Step5: 
Calculate the sum of the Euclidean distances from the points in the K cluster to the centers of this cluster, find the average value of the sum of distances S k :
S k = s 1 + s 2 + s 3 + + s k k
Step6: 
Normalize S k , and define unit Euclidean distance as the eigenvalue T c .
In modulation recognition, the modulation method of the signal cannot be known, and the number of cluster centers cannot be determined. The number of cluster centers obtained by the existing modulation method is limited, and the number of cluster centers can be set multiple times, Classify and recognize the obtained set of feature values as the features of the signal, that is, the value of K can be set to 2, 4, 8, 16, 32, 64, and the corresponding feature values obtained are T2, T4, T8, T16, T32, T64.

2.3. Modulation Recognition Based on Multi-SVM

The basic SVM model is a linear classifier with the largest interval defined in the feature space. Since the use of the kernel function method overcomes the curse of dimensionality and the problem of non-linear separability, there is no increase in computational complexity when mapping to a high-dimensional space. The SVM classification algorithm was originally only used to solve two classification problem, and lacked the ability to deal with multi-classification problems. Due to the wide variety of modulation methods, in order to reduce the number of SVM classifiers, one-versus-rest (OVR) SVM is used in this paper. Take BPSK, 4PSK, 8PSK and 16PSK as classification targets to realize multi classification, three SVM classifiers are used to form a multi-classifier as shown in Figure 2, for each classifier is composed of the eigenvalues of the same signal under different SNR.
In the data training process, the training of each classifier is composed of the eigenvalues of the same signal under different SNRs, thus reducing the amount of parameter training, as shown in Equation (8).
[ T 2 ( j d b ) , T 4 ( j d b ) , T 16 ( j d b ) , T 32 ( j d b ) , T 64 ( j d b ) ] j = 2 , 0 , 2 , 5 , 10

3. Experimental Results and Analysis

In order to verify the feasibility of the algorithm, MATLAB is used in this paper to simulate Phase Shift Keying (PSK) and Quadrature Amplitude Modulation (QAM) signal to obtain BPSK, QPSK, 8PSK, 16QAM, 32QAM at different SNRs. Figure 3 are the constellation diagrams of the five signals at SNR = 6 dB. The symbol rate of each signal is 1200 B/s, the number of symbols is 4000, the carrier frequency is 4800 Hz and the sampling frequency is 16 × 4800 Hz. Gaussian white noise is added to simulate the transmission of all signals on the Gaussian channel.
In this paper, ADBSCAN is used to reduce noise to increase the rate of recognition. Because there are too many constellations generated, in order to more intuitively observe the results of noise reduction, the number of symbols sent by simulation is set to 100. Figure 4 shows that the points in the constellation diagram are divided into two clusters, which are represented by red and blue colors, and the remaining points are labeled as noise points, which will be deleted in the subsequent processing.
This paper selects several classical algorithms of machine learning and deep learning for comparison, including backward propagation (BP) neural network, fuzzy K-means (FK), random forest (RF), K-nearest neighbor (KNN) and SVM algorithm. Under each SNR, there are 21,000 training samples and 9045 test samples. The recognition rate of BPSK modulated signal under different methods is shown in Figure 5a. It can be seen that the overall recognition rate curve of KADPC algorithm model is better than other comparison algorithms. The recognition rate curve is stable and close to 100% when SNR = 2 dB. KADPC algorithm adds noise reduction and preprocessing. At the same time, under ideal conditions, BPSK signal has only two clustering centers. When KADPC algorithm is used for feature extraction, the difference of eigenvalues is obvious. Therefore, KADPC algorithm is significantly improved compared with other algorithms.
The simulation results of recognition accuracy of QPSK signal under different SNR are shown in Figure 5b. KADPC model is gradually stable and close to 100% when SNR = 4 dB, while the recognition rate of other algorithms is significantly lower than KADPC algorithm when SNR = 2 dB. Although it is close to that of FK when SNR = 4 dB, it is better than FK algorithm at low SNR. Under ideal conditions, the points in the constellation of QPSK signal are closely distributed around the four clustering centers. With the improvement of SNR, the number of clustering centers of FK is closer to the actual value, so the algorithm is improved significantly. However, the recognition rate of FK is lower than that of KADPC algorithm under low SNR, and the other comparison algorithms perform poorly on QPSK signal. The comprehensive results show that the recognition effect of the algorithm proposed in this chapter is better. The recognition accuracy of 32QAM signal at different SNR is shown in Figure 5e. It can be seen that the overall curve of KADPC algorithm has higher recognition rate than other algorithms under SNR = 2 dB, and the average recognition rate of the overall algorithm is higher. Because the FK algorithm does not specify the number of clustering centers and uses a fuzzy K value for clustering, the number of clustering centers is farther away from the real value with the increase of modulation order. Therefore, the recognition effect is very poor at low SNR.
The recognition accuracy of the five signals under different SNR is shown in Table 1. For BPSK signal, it can be seen from Table 1 that the highest recognition rate of KADPC model is 78.01% at SNR = −2 dB, while the highest recognition rate of other comparison algorithms is only 63.15%. The recognition accuracy of RF, KNN and SVM reach 88.66%, 88.39% and 83.3% at SNR = 10 dB. The results show that the recognition effect of KADPC algorithm proposed in this paper on BPSK signal is better than other comparison algorithms. For 16QAM signal, it can be seen that KADPC model is ahead of the comparison algorithm at SNR = −2 dB, that is to say, KADPC algorithm model combined with noise reduction has better recognition effect at low SNR for 16QAM signal.
The simulation results show that the recognition accuracy of KADPC model for the modulation modes of five digital signals is shown in Figure 6. It can be seen that the overall curve of recognition rate increases with the increase of SNR, and the increase of recognition rate decreases with the increase of modulation signal scale. Due to the large noise interference under low SNR, it is difficult for the algorithm to extract the features of the constellation. At the same time, the increase of modulation order leads to the indistinct degree of eigenvalue discrimination. However, generally speaking, the average modulation recognition rate of KADPC algorithm is high and the recognition effect is good.
The confusion matrix calculated by KADPC algorithm when SNR = 4 dB is shown in Figure 7.
The two indexes on the far right are the recognition rate of each signal and the accuracy of the signal from top to bottom. The accuracy is the percentage of the correct modulation mode classification result and the wrong modulation mode classification result in all samples of the modulation mode. The cells on the diagonal represent the correct classification, the percentage is the recall rate. The remaining cells represent the classification error under this SNR. As can be seen from Figure 7, the KADPC model has great difficulty in feature extraction with the increase of hexadecimal number M. The recall rate of 16QAM and 32QAM modulation types is lower than that of other algorithms. In terms of accuracy and recognition rate, KADPC algorithm has high accuracy and recognition rate when SNR = 4 dB, with an average of more than 90%.
The simulation experimental results show that the recognition rate of the proposed KADPC algorithm in this paper is higher than that of the comparison algorithm under different SNR. Because KADPC algorithm denoises the constellation and uses two clustering algorithms to extract the features of the constellation, which makes the constellation features more concentrated and sufficient, so it presents a better recognition effect as a result. Especially for BPSK, QPSK and 8PSK signals, the effect is ideal, and the applicability is good. Due to the difficulty of feature extraction with the increase of modulation order, the improvement is not obvious for 16QAM and 32QAM signals, but the recognition rate is higher than other comparison algorithms at low SNR. In general, the KADPC algorithm model proposed in this chapter has a good effect on digital signal modulation recognition under different SNR conditions, especially for low SNR.

4. Conclusions

Aiming at the low recognition accuracy of traditional modulation recognition methods under the condition of low SNR, a modulation recognition algorithm model based on digital signal constellation features is proposed. Firstly, the signal is transformed into constellation, and the density clustering algorithm is used for noise reduction. After the features extracted by KADPC algorithm are input into multi-level SVM classifier, the modulation recognition results are obtained. This method reduces the complexity of feature extraction and the cost of classification. Compared with other five modulation recognition algorithm, the overall recognition performance of five common types of digital modulation signals is improved by about 5%. Under the condition of SNR = −2 dB, the correct recognition rate of modulation mode is improved by 8–10% on average. However, with the increase of modulation order, the difficulty of feature extraction of this algorithm increases, resulting in the slow improvement of recognition rate in high-order modulation. How to reduce the complexity of feature extraction of high-order digital signal modulation mode is a research focus in the future.

Author Contributions

Conceptualization, supervision G.L., K.J., A.W. and H.L.; methodology, software, validation, writing—review and editing G.L., X.Q. and A.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

Auto density-based spatial clustering technique in noise(ADBSCAN)
Automatic modulation recognition(AMR)
Attention Relation Network(ARN)
Adversarial transfer learning architecture(ATLA)
Backward propagation(BP)
Binary Phase Shift Keying(BPSK)
Distributed Space-Time Block Coding(D-STBC)
Density peak clustering(DPC)
Fuzzy K-means(FK)
Gate Recurrent Unit(GRU)
K-means combined with auto DPCL-(KADPC)
M-nearest neighborN-(KNN)
Long Short-Term Memory(LSTM)
Quadrature Amplitude Modulation(QAM)
One-versus-rest(OVR)
Quadrature Phase Shift Keying(QPSK)
Phase Shift Keying(PSK)
Random forest(RF)
Support vector machine(SVM)

References

  1. Xiang, H.; Jing, X.; Chen, D.; Zhao, Y.G.; Tao, W. A modulation recognition algorithm for UAV emitter. Mod. Def. Technol. 2021, 49, 98–104. [Google Scholar]
  2. Yihan, X.; Liang, W.; Yuxia, G. Radar signal modulation type recognition based on denoising convolutional neural network. J. Electron. Inf. Technol. 2021, 43, 2300–2307. [Google Scholar]
  3. Gaohui, L.; Mingtao, X. Research on a modulation recognition method for the FBMC-OQAM signals in 5G mobile communication system. In Proceedings of the 2018 13th IEEE Conference on Industrial Electronics and Applications, Wuhan, China, 31 May–2 June 2018; pp. 2544–2547. [Google Scholar] [CrossRef]
  4. Ge, Y.; Zhang, X.; Zhou, Q. Modulation recognition of underwater acoustic communication signals based on joint feature extraction. In Proceedings of the 2019 IEEE International Conference on Signal, Information and Data Processing, Chongqing, China, 11–13 December 2019; pp. 1–4. [Google Scholar] [CrossRef]
  5. Liu, Y.; Liu, Y.; Yang, C. Modulation recognition with graph convolutional network. IEEE Wirel. Commun. Lett. 2020, 9, 624–627. [Google Scholar] [CrossRef]
  6. 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, Xi’an, China, 16–19 October 2019; pp. 188–192. [Google Scholar] [CrossRef]
  7. Tingting, Z.; Yuqiang, F.; Lei, H. Automatic modulation recognition based on depth residual network. Comput. Simul. 2021, 38, 178–180. [Google Scholar]
  8. Bu, K.; He, Y.; Jing, X.; Han, J. Adversarial transfer learning for deep learning based automatic modulation classification. IEEE Signal Process. Lett. 2020, 27, 880–884. [Google Scholar] [CrossRef]
  9. Fugang, L.; Ziwei, Z.; Ruolin, Z. Automatic modulation recognition based on CNN and GRU. Tsinghua Sci. Technol. 2022, 27, 422–431. [Google Scholar]
  10. 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, Amsterdam, The Netherlands, 18–21 January 2021; pp. 1372–1376. [Google Scholar] [CrossRef]
  11. Wu, Y.; Li, X.; Fang, J. A deep learning approach for modulation recognition via exploiting temporal correlations. In Proceedings of the 2018 IEEE 19th International Workshop on Signal Processing Advances in Wireless Communications, Kalamata, Greece, 25–28 June 2018; pp. 1–5. [Google Scholar] [CrossRef]
  12. Yang, J.; Liu, F. Modulation recognition using wavelet transform based on AlexNet. In Proceedings of the 2019 IEEE 7th International Conference on Computer Science and Network Technology, Kalamata, Greece, 25–28 June 2019; pp. 339–342. [Google Scholar] [CrossRef]
  13. Ji, X.; Wang, J.; Li, Y.; Sun, Q.; Xu, C. Modulation recognition in maritime multipath channels: A blind equalization-aided deep learning approach. China Commun. 2020, 17, 12–25. [Google Scholar] [CrossRef]
  14. Zhendong, C.; Weining, J.; Changbo, X.; Min, L. Modulation recognition based on constellation diagram for M-QAM signals. In Proceedings of the 2013 IEEE 11th International Conference on Electronic Measurement & Instruments, Harbin, China, 16–19 August 2013; pp. 70–74. [Google Scholar] [CrossRef]
  15. Tayakout, H.; Ghanem, K.; Bousbia-Salah, H. On classifiers for feature-based automatic modulation recognition over D-STBC cooperative networks. In Proceedings of the 2019 IEEE International Symposium on Antennas and Propagation and USNC-URSI Radio Science Meeting, Atlanta, GA, USA, 7–12 July 2019; pp. 1839–1840. [Google Scholar] [CrossRef]
  16. Wang, L.; Li, Y. Constellation based signal modulation recognition for MQAM. In Proceedings of the 2017 IEEE 9th International Conference on Communication Software and Networks, Guangzhou, China, 6–8 May 2017; pp. 826–829. [Google Scholar] [CrossRef]
  17. Punith Kumar, H.L.; Shrinivasan, L. Automatic digital modulation recognition using minimum feature extraction. In Proceedings of the 2015 2nd International Conference on Computing for Sustainable Global Development, New Delhi, India, 11–13 March 2015; pp. 772–775. [Google Scholar]
  18. Deng, D. DBSCAN clustering algorithm based on density. In Proceedings of the 2020 7th International Forum on Electrical Engineering and Automation, Hefei, China, 25–27 September 2020; pp. 949–953. [Google Scholar] [CrossRef]
  19. Aref, Y.; Cemal, K.; Asef, Y.; Amir, S. Automatic fuzzy-DBSCAN algorithm for morphological and overlapping datasets. J. Syst. Eng. Electron. 2020, 31, 1245–1253. [Google Scholar] [CrossRef]
Figure 1. The block diagram of the proposed digital modulation recognition system.
Figure 1. The block diagram of the proposed digital modulation recognition system.
Electronics 11 03298 g001
Figure 2. The block diagram of multi-classifier system using SVM.
Figure 2. The block diagram of multi-classifier system using SVM.
Electronics 11 03298 g002
Figure 3. Signal Constellation Chart (SNR = 6 dB) (a) BPSK; (b) QPSK;(c) 8PSK; (d) 16QAM; (e) 32QAM.
Figure 3. Signal Constellation Chart (SNR = 6 dB) (a) BPSK; (b) QPSK;(c) 8PSK; (d) 16QAM; (e) 32QAM.
Electronics 11 03298 g003
Figure 4. The noise reduction visualization result of BPSK at SNR = 0 dB.
Figure 4. The noise reduction visualization result of BPSK at SNR = 0 dB.
Electronics 11 03298 g004
Figure 5. The Recognition rate of different signals. (a) BPSK; (b) QPSK; (c) 8PSK; (d) 16QAM; (e) 32QAM.
Figure 5. The Recognition rate of different signals. (a) BPSK; (b) QPSK; (c) 8PSK; (d) 16QAM; (e) 32QAM.
Electronics 11 03298 g005aElectronics 11 03298 g005b
Figure 6. Recognition accuracy of KADPC algorithm for various digital signals.
Figure 6. Recognition accuracy of KADPC algorithm for various digital signals.
Electronics 11 03298 g006
Figure 7. Confusion matrix of KADPC.
Figure 7. Confusion matrix of KADPC.
Electronics 11 03298 g007
Table 1. Recognition accuracy of communication signals by different methods.
Table 1. Recognition accuracy of communication signals by different methods.
SignalSNR (dB)KADPCFKRFKNNSVMBP
BPSK−20.78010.63150.10500.03590.02980.3998
00.89330.83390.37200.13320.14530.4123
20.97180.96030.50800.38140.40570.4838
40.98940.97530.62240.55830.55380.7650
60.99440.98820.76780.65560.65500.8158
80.99440.99460.80260.82140.82690.9588
100.99500.99650.88660.88390.83330.9933
QPSK−20.72780.59690.03640.03260.03480.3904
00.85370.79010.22440.23540.22050.4023
20.93270.93390.37860.37470.37420.4732
40.99330.98970.54670.54110.53280.7739
60.99030.99290.66330.66610.67210.8944
80.99970.99370.75450.77160.76670.9408
100.99530.99700.80480.82800.81590.9925
8PSK−20.58330.49160.00000.00000.00000.2437
00.72330.75010.00490.00220.00330.3916
20.87120.89390.04250.05410.05300.4256
40.93730.92780.10330.10390.10220.7490
60.96660.96020.38140.32060.38750.7949
80.99160.99090.60800.54170.60800.9397
100.99760.99710.62410.66050.65670.9977
16QAM−20.53230.13420.45050.33990.34820.2047
00.72550.22700.64730.59200.53670.3758
20.79930.41070.81700.70640.70640.4156
40.89460.82310.92810.81750.81750.6916
60.93680.85090.98450.87390.87390.7296
80.98160.95060.96350.90820.90820.9104
100.99220.99430.94690.89160.89160.9922
32QAM−20.48400.00000.45600.34820.40290.2347
00.57910.00360.65280.60030.59140.3958
20.86900.00340.82250.71470.76110.4250
40.89930.01530.93360.82580.87230.6865
60.99180.03330.99000.88220.92860.7349
80.99880.47660.96900.91650.96290.9137
100.99580.99430.95240.89990.94630.9884
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Li, G.; Qin, X.; Liu, H.; Jiang, K.; Wang, A. Modulation Recognition of Digital Signal Using Graph Feature and Improved K-Means. Electronics 2022, 11, 3298. https://doi.org/10.3390/electronics11203298

AMA Style

Li G, Qin X, Liu H, Jiang K, Wang A. Modulation Recognition of Digital Signal Using Graph Feature and Improved K-Means. Electronics. 2022; 11(20):3298. https://doi.org/10.3390/electronics11203298

Chicago/Turabian Style

Li, Guodong, Xvan Qin, He Liu, Kaiyuan Jiang, and Aili Wang. 2022. "Modulation Recognition of Digital Signal Using Graph Feature and Improved K-Means" Electronics 11, no. 20: 3298. https://doi.org/10.3390/electronics11203298

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