• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Spatial Distribution Feature Extraction Network for Open Set Recognition of Electromagnetic Signal

    2024-01-20 13:00:42HuiZhangHuajiZhouLiWangandFengZhou

    Hui Zhang ,Huaji Zhou ,Li Wang and Feng Zhou,★

    1The Ministry Key Laboratory of Electronic Information Countermeasure and Simulation,Xidian University,Xi’an,710071,China

    2Science and Technology on Communication Information Security Control Laboratory,Jiaxing,314033,China

    ABSTRACT This paper proposes a novel open set recognition method,the Spatial Distribution Feature Extraction Network(SDFEN),to address the problem of electromagnetic signal recognition in an open environment.The spatial distribution feature extraction layer in SDFEN replaces convolutional output neural networks with the spatial distribution features that focus more on inter-sample information by incorporating class center vectors.The designed hybrid loss function considers both intra-class distance and inter-class distance,thereby enhancing the similarity among samples of the same class and increasing the dissimilarity between samples of different classes during training.Consequently,this method allows unknown classes to occupy a larger space in the feature space.This reduces the possibility of overlap with known class samples and makes the boundaries between known and unknown samples more distinct.Additionally,the feature comparator threshold can be used to reject unknown samples.For signal open set recognition,seven methods,including the proposed method,are applied to two kinds of electromagnetic signal data:modulation signal and real-world emitter.The experimental results demonstrate that the proposed method outperforms the other six methods overall in a simulated open environment.Specifically,compared to the state-of-the-art Openmax method,the novel method achieves up to 8.87% and 5.25% higher micro-F-measures,respectively.

    KEYWORDS Electromagnetic signal recognition;deep learning;feature extraction;open set recognition

    1 Introduction

    Electromagnetic signal recognition (ESR) is a process of extracting features from a received signal and combining them with prior knowledge to identify the signal type or emitter.ESR,which includes modulation recognition and emitter recognition,plays an increasingly vital role in electronic reconnaissance.Traditional ESR relies on artificially designed extractors,and there are two methods:the likelihood-based approach[1-3]and the feature-based approach[4,5].The former calculates the likelihood function of the signal,estimates the unknown parameters,and then compares it with the preset threshold to obtain the signal type.The latter method extracts features from the signal and compares them with theoretical values.However,the above methods need artificial design extractors to extract effective features from electromagnetic signals.This requires not only domain expertise and complex parameter tuning but also complex and massive calculations.In addition,traditional feature extractors are often sensitive to signal variations and interferences.Traditional methods will perform poorly in harsh working environments such as those containing noise or signal changes,which will cause misjudgment and recognition errors.

    Due to the increasing complexity of the electromagnetic environment,deep learning-based methodologies have become the dominant approach.Traditional ESR methods have several limitations,including difficulties in extracting features and inadequate adaptability to complex modulation signals.The powerful capabilities of deep learning,including feature learning and pattern recognition,can help address these limitations[6,7].In[8],a complex convolutional neural network was constructed for signal spectrum identification.A novel data-driven model based on Long Short-Term Memory(LSTM) was proposed in [9],which learns from training data without requiring expert features like higher-order cyclic moments.In[10],the authors designed an innovative network structure based on wavelet scattering convolution networks.In[11],authors used the adversarial losses of the feature layer and decision layer to generate adversarial examples with stronger attack performance.In addition,fewshot learning [12,13],semi-supervised learning [14-16],reinforcement learning [17] and lightweight models[18,19]for ESR were proposed,which were studied from the aspects of using a small amount of labeled training samples and reducing model complexity.However,they can only recognize the signal types seen in the training stage(known classes),which is called closed set recognition(CSR).In the case of signals that have never been seen before (unknown classes),CSR misclassifies them into known classes,which limits their application in the real world.

    The real-world ESR task is usually limited by various objective factors,making it difficult to collect all signals required to train a classifier.Data quality and quantity play a key role in the development of deep learning models[20,21].Samples of unknown classes often lack clear labels and class information,rendering existing ESR methods ineffective.Modern electromagnetic environments pose many security challenges,including radio spectrum competition,interference,and spoofing.Identification of unknown categories of samples is essential for signal safety.Due to the inability of traditional methods to identify and classify unknown samples effectively in modern electromagnetic environments,signal security is becoming increasingly critical.For example,in spectrum safety monitoring,unallocated frequencies are not allowed.In electromagnetic equipment supervision,only electromagnetic equipment included in the safety range can be operated.Other equipment is identified as non-allocated and cannot be operated.In the above cases,collecting all types of samples is not practical and can be solved using open set recognition (OSR).OSR acquires incomplete knowledge in training,and unknown classes can be submitted to the algorithm at testing[22].Unlike CSR,OSR analyzes whether the sample type is known or not.OSR performs two tasks:classifying known class samples and rejecting unknown class samples.Specifically,OSR learns the features of each known class from the training setStraincontaining only known classes.For the testing setStest,which contains both known and unknown classes,OSR distinguishes known and unknown classes by comparing the sample features with the learned features of known classes,thereby rejecting unknown classes.

    Traditional deep learning networks,such as convolutional neural networks (CNNs),use a Softmax classifier to address OSR.Softmax is a linear classifier that converts the output of multiple classifications into a probability distribution within the range[0,1]with a sum of 1.Because it divides the feature space based on the number of known classes,this classifier is insufficient for OSR tasks.Researchers explored two approaches to address this challenge.In the first approach,features derived from known class samples are used to predict unknown class samples,transforming the OSR problem into a CSR one.One notable method is the Openmax model[23]proposed by Bendale and Boult.This model assigns scores based on fitting a Weibull distribution and computes pseudo-activation vectors for unknown samples.Using Openmax,Prakhya et al.[24]explored open set text classification with promising results.Dang et al.[25,26]also incorporated extreme value theory into recognition methods to fit open set classifiers.To effectively model data distribution tails,these methods often require a solid understanding of probability statistics.However,they do not provide a principled approach to determining the tail size.Schlachter et al.[27] introduced a method that splits the given data into typical and atypical subsets using a closed set classifier.This enables the modeling of abnormal classes by leveraging atypical normal samples.However,determining the crucial hyperparameter split ratio for recognizing unknown class samples remains a challenge.

    The second approach involves improving the learning methods or network frameworks of the models to enhance the consistency among samples from the same class and the distinctiveness between samples from different classes[28,29],thereby reducing the difficulty of recognizing unknown class samples.The more comprehensively known classes are acquired,the easier it is to reject unknown samples.Deep learning networks have a notable advantage as feature extractors since they can automatically extract features[30,31].Hassen et al.[32]proposed learning a neural network-based representation for OSR that incentivizes projecting class samples around the class mean directly.Using Siamese networks,Wu et al.[33] proposed an identification method for open set emitters that relies on classification loss,reconstruction loss,and clustering loss.Yue et al.[34] improved the learned spectral-spatial features by reconstructing the spectral and spatial features.Yang et al.[35]combined prototype-based classifiers with deep CNN for robust pattern classification.However,most methods neglect the distribution features of samples in the feature space,namely inter-class distribution and intra-class distribution,despite the adoption of some clever loss functions.Nevertheless,these models still depend on the outputs of fully connected layers for their outputs.

    Therefore,this paper proposes a spatial distribution feature extraction network (SDFEN).The network utilizes the spatial distribution information of samples as the network output for the classifier.To enhance the performance of the network,most methods[32,36,37]do not directly use cross-entropy loss to train the model.However,these loss functions either do not consider both inter-class and intraclass distributions or are not conducive to convergence.To train the model,SDFEN introduces a hybrid loss function that improves the form of the loss function.Almost all existing OSR methods adopt threshold-based classification schemes from the perspective of discriminative models[24,38,39].A feature comparator compares depth features and thresholds to recognize unknowns.

    The main contributions of this paper can be summarized as follows:

    1) A spatial distribution feature extraction network,i.e.,SDFEN,is proposed for OSR of electromagnetic signals.SDFEN makes up for the lack of information between samples in traditional CNN.It uses the differences between samples as the main features extracted by the model,which is more suitable for recognition tasks.

    2) To model spatial distribution,a hybrid loss creates intra-class compactness and inter-class separation for feature learning.This method enhances intra-class consistency and inter-class differences,improving sample categorization.

    3) To distinguish between known and unknown classes,a feature comparator has been proposed which compares the spatial distribution feature with known class features.The feature comparator has been designed to effectively utilize spatial distribution information obtained from network outputs.This helps determine the boundaries between known and unknown classes in the feature space.

    4) Statistically significant improvement is achieved by the SDFEN in modulation recognition and emitter recognition,with up to 8.87%and 5.25%higher micro-F-measures respectively when compared to the state-of-the-art Openmax method.

    The rest of this article is organized as follows: Section 2 introduces the framework of the spatial distribution feature extraction network in detail.This section will elaborate on the specific implementation process of the spatial distribution feature extractor,the Euclidean distance classifier,and the feature comparator.Section 3 describes the experimental settings in detail.The experiments will be conducted in both open and closed environments.The results show that the proposed method has significant advantages in modulation recognition and emitter recognition.Finally,Section 4 summarizes this paper and discusses our future work.

    2 Spatial Distribution Feature Extraction Network

    As shown in Fig.1,SDFEN is composed of three main modules:the spatial distribution feature extractor(SDFE),the Euclidean distance classifier,and the feature comparator.The process involves mapping the original signal to a feature space using a spatial distribution feature extractor.Then,the Euclidean distance classifier predicts the type of signal,which belongs to a known class.The predicted label is then revised by comparing the spatial distribution feature with a threshold to obtain a corrected result.In addition,hybrid loss is used during training.

    Figure 1:Framework of the spatial distribution feature extraction network(SDFEN)

    2.1 Spatial Distribution Feature Extractor

    SDFEN developed a spatial distribution feature extractor for extracting spatial distribution features from samples.By introducing specialized network structures and learning strategies,SDFEN enables the network to better extract and understand the spatial distribution relationship between samples,as well as to identify unknown samples.The spatial distribution feature extractor is improved based on CNN.Traditional CNN is usually composed of convolutional layers,pooling layers,and fully connected layers.As a result,convolutional layers and pooling layers are alternately applied,and then several fully connected layers are used to generate the final output.The convolutional layer uses the convolutional kernel to perform weighted summation on the input sample.CNNs can reduce training parameters by sharing weights across different local receptive fields.Traditional CNNs use the output after the full connection layer as the final feature and rely on the Softmax classifier for classification.As shown in Fig.2,the spatial distribution feature extractor adds a spatial distribution feature extraction layer(SDFEL)to the traditional CNN.The spatial distribution feature extractor consists of two main components: a CNN and a spatial distribution feature extraction layer.SDFEL maps the original features obtained from the CNN to the depth features in the feature space.By introducing the class center vector,SDFEL captures spatial distribution information from the input signal.It calculates the distance between the feature vector and the class center vector to provide valuable similarity information for subsequent classifiers.

    Figure 2:Framework of the spatial distribution feature extractor

    CNN extracts the original featuresf(x,θ) from the input signal.Here,xandθare the input data and CNN parameters,respectively.The SDFEL then takes the original features and processes them into depth features.To achieve this,the layer introduces a class center vector for each of theKknown classes.The distance between the feature vector and the class center vectors in the feature space provides valuable similarity information for subsequent classifiers.

    The SDFEL operates as follows for a recognition task withKknown classes:1)The original center vectors of theKknown classes are randomly initialized,denoted asmifor classi.2)The distancesdibetweenmiandf(x,θ)are calculated,which is given by:

    Here,d(·) is the Euclidean distance function.The resulting spatial distribution feature,denoted asf'(x,θ,m),is given by:

    wherem=[m1,m2,···,mK] represents the class center matrix that will be updated during training using the spatial distribution feature extractor.3)During the training process,the class center vectormiis updated with the CNN parametersθ.

    SDFEL maps the original features obtained from the CNN to the depth features in the feature space.By incorporating the class center vectors into the feature extraction process,the spatial distribution feature extractor can effectively capture the spatial distribution information of the input signals.This information is then used to create a feature vector rich in similarity information.This feature vector can be effectively used by the subsequent classifier.

    2.2 Euclidean Distance Classifier

    The Euclidean distance classifier assesses the similarity between a signal and each known class based on the spatial distribution feature extracted by the spatial distribution feature extractor.The smaller the distance,the higher the similarity between the signal and the class.The probability that the signal samplexbelongs to the classiis inversely proportional to the distance betweenf(x,θ)andmi,which can be expressed as:

    The prediction labelypredcan be expressed as:

    Therefore,ypredcan be obtained directly from the spatial distribution extractorf'(x,θ,m).To ensure non-negativity and normalization of the probability,the expression of the Euclidean distance classifier is designed to be similar to the Softmax classifier.The probability that samplexbelongs to classiis given by:

    Here,Kis the number of known classes.

    2.3 The Hybrid Loss Function

    To improve OSR performance,signal samples of the same class are expected to be as close as possible in the feature space.In contrast,signal samples of different classes should be as far apart as possible.To achieve this,a hybrid loss function,denoted asLHybrid,is designed to optimize SDFEN parameters.LHybridis composed of two parts: the cross-entropy loss based on Euclidean distance,denoted asLEDCE,and the Max-Min distance loss,calledLMax-Min.

    For a samplexwith labely,LEDCEcan be calculated as follows:

    Essentially,optimizingLEDCEmeans reducing the distance between the original feature vector ofxand the corresponding classycenter vector.LEDCEis concerned with minimizing the distance between the feature vectors of samples with the same label and the corresponding class center vectors.This helps ensure that samples of the same class are close to each other in the feature space,which better captures their intrinsic similarities.

    LMax-Minconsists of the maximum intra-class distancedmax-intraand the minimum inter-class distancedmin-inter.The average distance between the classisamples and the classicenter vector is defined as the classiintra-class distance.The maximum value ofKintra-class distances is computed asdmax-intra,which is expressed as:

    Therefore,following the principle of making the intra-class distance smaller and the inter-class distance larger,LMax-Minis designed as follows:

    Finally,LHybridcan be expressed as:

    whereλis a hyperparameter in the range 0 to 1.

    2.4 Feature Comparator

    In this section,a feature comparator is proposed to identify unknown classes and adjust predicted results.The feature comparator works by comparing a threshold valueτand an outlier scorescoreoutlierto determine the class of a given samplex.The corrected predicted resultforxis then obtained as follows:

    whereK+1 represents the label of unknown classes.The outlier scorescoreoutlieris defined as the distance between the samplexand its closest class in the feature space.Specifically,it is computed as follows:

    Obviously,the threshold is crucial for identifying unknown samples.As shown in Fig.3,the larger the threshold,the more likely it is for some unknown samples to be wrongly classified as known ones.Conversely,setting a smaller threshold increases the risk of identifying known samples as unknown ones.Therefore,the threshold selection determines OSR effectiveness to some extent.To setτ,the training set is used to calculate the average intra-class distancedavg-intraand the average inter-class distancedavg-interof the training samples.Similar to Eqs.(7)and(8),these values can be computed by:

    wherexprepresents thep-th sample in the training set,andrepresents the corresponding class center vector.However,the actual values of inter-class distance and intra-class distance are not significant.What matters is their relative magnitude.Therefore,the spatial feature distribution measureois defined as the ratio ofdavg-intertodavg-intra,that is:

    Figure 3:The influence of threshold on the recognition result

    The feature distribution measureocan be used to represent the distribution of signal samples in the feature space.To account for different learning degrees of different signals from various models,distinct feature distribution measures are set to correspond to distinct threshold rules,as follows:

    3 Experiments and Analysis

    3.1 Datasets Introduction

    Two datasets of electromagnetic signals are used to evaluate modulation recognition and emitter recognition,respectively.

    The experiments on modulation recognition will be carried out on the RADIOML 2016.10a dataset [40,41].RADIOML 2016.10a dataset is a synthetic dataset generated with GNU Radio.It consists of 11 modulations,including 8PSK,AM-DSB,AM-SSB,BPSK,CPFSK,GFSK,4PAM,16QAM,64QAM,QPSK,and WBFM.Each modulation is at varying signal-to-noise ratios(SNR),including -20,-18,-16,-14,-12,-10,-8,-6,-4,-2,0,2,4,6,8,10,12,14,16,and 18 dB.Each SNR of each modulation has 1000 signals,for a total of 220000 signals.The complex valued IQ is processed as 128×2.

    Emitter recognition experiments will be conducted on the ACARS dataset.ACARS is a digital data link system for short message transmission between aircraft and ground stations.It is designed to monitor aircraft running status and provide data support for maintenance personnel.The ACARS dataset in this paper is collected by an antenna system installed on the top of a high building in Jiaxing,Zhejiang Province,China.The dataset contains 16000 signals belonging to 20 different aircraft evenly.The complex valued IQ is processed as 4096×2.

    3.2 Open Set Analysis

    To approximate real-world scenarios,different levels of openness[42]have been simulated,which can be given by:

    whereCTRis the number of classes in training,andCTEis the number of classes in testing.

    The OSR experiment uses evaluation indicators such as acceptance recognition rate (ARR),rejection rate (RR),and micro-F-measure [38] to measure the performance of the model.ARR represents the proportion of samples that should be accepted and correctly classified,while RR represents the proportion of samples that should be rejected.These indicators measure the recognition accuracy of the model for known and unknown classes,respectively.ARR and RR can be expressed as follows:

    whereTPi,TNi,FPi,andFNidenote the true positive,true negative,false positive,and false negative of classi,respectively.In addition,the micro-F-measure was used in the experiment to evaluate the overall recognition performance of the model.Micro-F-measure is defined as the adjusted average of micro-precision ratioPmicroand micro-recall ratioRmicro,which can be calculated by:

    3.3 Experiments on RADIOML 2016.10a Dataset

    3.3.1Experiment1

    In this particular experiment,the RADIOML 2016.10a dataset was used to simulate a closed set scene.To reduce the workload during training,certain SNRs were chosen,specifically-14,-12,-8,-4,-2,0,2,4,8,12,and 14 dB.For each SNR,75%of the signal samples were randomly selected as training samples,while the remaining were reserved for testing purposes.

    In this study,a CNN was utilized as the primary feature extractor.Its structure is illustrated in Fig.4a,where Conv denotes a convolutional layer module.Each convolutional layer module contains a convolutional layer,a maximum pooling layer,and a batch normalization layer.The original features extracted from the CNN are fed into the spatial distribution feature extraction layer,followed by the hybrid loss function for network training.The batch size of the CNN was set to 100,and the number of iterations was set to 500.The optimizer used was stochastic gradient descent(SGD),with an initial learning rate of 0.05.The hyperparameter of(10)was set to 0.3.Four approaches were evaluated.The first approach(Softmax)used Softmax as the classifier and applied cross-entropy loss while training.The second approach(II-Loss+CE),as described in[32],used both II-Loss and cross-entropy loss as the training objective.The third approach(GCPL)incorporates prototypes into the model and adds prototype losses to train the network[36].The fourth approach(Hybrid)usedLHybrid.

    Figure 4:The structures of the CNN for modulation recognition and emitter recognition

    To enable a comparative analysis of the recognition accuracy of the four method sets,we present the confusion matrices for each method in Fig.5.Additionally,we illustrate the recognition accuracy of the four methods under different SNRs in Fig.6.The closed set recognition accuracy of the four methods are 61.99%,62.80%,63.01%,and 64.84%,respectively.As depicted in Fig.5,Softmax and II-Loss+CE show weak recognition abilities for 16QAM and WBFM signals.GCPL performs better than Softmax and II-Loss+CE,while Hybrid outperforms the others in recognizing these two types of signals.Moreover,Hybrid performs better in recognizing BPSK,GFSK,and 4PAM signals.As demonstrated in Fig.6,recognition accuracy is positively correlated with SNR.Overall,the four methods exhibit higher recognition performance at SNRs of 0,2,4,6,8,10,12,and 14 dB.In general,Hybrid has superior advantages over the other methods.

    To validate the effectiveness of the proposed method in modeling distribution features,the distributions of signal samples under four methods in the feature space are illustrated in Fig.7.The performance is demonstrated using BPSK,GFSK,PAM4,QPSK,8PSK,and CPFSK with an SNR of 10 dB to avoid being influenced by poorly recognized signal types.The results show that II-Loss+CE,GCPL,and Hybrid,which utilize distance features as the loss function,exhibit stronger discriminative power in spatial distributions than Softmax,which uses traditional cross-entropy loss.In general,the proposed method demonstrates more compact intra-class distributions and more distant inter-class distributions.

    Out of the four methods mentioned,Softmax directly relies on the output of the original features from the fully connected layer for classification.This is without considering the distribution of samples in the feature space.On the other hand,II-Loss,GCPL,and Hybrid take into account the distribution of samples in the feature space.However,GCPL does not consider inter-class distances while II-Loss includes intra-class distances but its loss function is not conducive to model convergence.Hybrid,unlike the other three methods,considers both inter-class and intra-class distances with a loss function designed in the form of a ratio to make the model easier to train.This method exhibits smaller intra-class distances and larger inter-class distances,which benefit the recognition and OSR task.By increasing the inter-class distance and decreasing the intra-class distance,more space in the feature space can be left for unknown samples and the difference between known and unknown classes can be more pronounced during classification.

    Figure 5:Confusion matrices of four methods for modulation recognition

    Figure 6:Comparison of modulation recognition accuracy with SNR

    Figure 7:Spatial distribution feature of four modulation recognition methods

    3.3.2Experiment2

    An ablation study was carried out to verify the effectiveness of the spatial distribution feature extractor and the hybrid loss function in the proposed method.RADIOML 2016.10a dataset was used and signal samples with 10 dB SNR were chosen.Seventy-five percent of the signal samples were randomly chosen as training samples,and the rest were selected for testing.The specific structure and parameter settings of the model used in the experiments were the same as Experiment 1 in Section 3.3.1.The experimental results are shown in Table 1.As the results show,the deep learning model with the feature extractor has significantly higher recognition accuracy than the model without the feature extractor.In addition,training the model with the hybrid loss function resulted in better recognition performance.

    Table 1: Ablation study results

    3.3.3Experiment3

    In this experiment,the open set scene was simulated on the RADIOML 2016.10a dataset and signal samples with an SNR of 10 dB were chosen.The number of unknown classes was set to 2,3,4,and 5,respectively,and the remaining classes were known.Similarly,75%of the signal samples of known classes were randomly selected as training samples,and the rest were used for testing.Therefore,the corresponding openness is 0.0513,0.0823,0.1181 and 0.1598.

    Seven different methods were compared,excluding the four methods described in Section 3.3.1,Softmax,II-Loss+CE,GCPL,and Hybrid.Additionally,three more methods were added: Center[37],which utilized Center Loss for model training;CPL [36],which uses convolutional prototype learning to learn features;and Openmax,the state-of-the-art OSR method.In Table 2,the ARR,RR,and micro-F-measure of these methods in different openness is illustrated.The micro-F-measure in the table is abbreviated as Fmi.It is evident that in the open set scene,Hybrid performed overall better than the other methods in the classification of known classes and rejection of unknown classes.This is at the same openness level.When the openness is 0.1598,the proposed Hybrid method outperforms the state-of-the-art Openmax method by 8.87%in terms of the micro-F-measure.At the same time,the ARR is 7.76%higher and the RR is 9.24%higher.Combined with the CSR results in Section 3.3.1,it can be observed that methods with higher accuracy in CSR also exhibit better performance in OSR.Furthermore,there is significant variation in the recognition performance of the same method at different openness levels.However,as openness increases,recognition performance does not decrease.This can be understood by considering the inherent differences in class recognition performance due to variations among known classes,as demonstrated in Fig.5.Therefore,an increase in the number of known classes does not necessarily mean open set recognition becomes easier.

    3.4 Experiments on ACARS Dataset

    3.4.1Experiment1

    In this experiment,the closed set scene was simulated on the Acars dataset.Seventy-five percent of the signal samples were randomly selected as training samples and the rest for testing.Fig.4b shows the CNN structure for emitter recognition.The batch size was set to 100,the number of iterations was set to 500,SGD was selected as the optimizer,the initial learning rate was adjusted to 0.05,and the hyperparameter of(10)was set to 0.3.Similarly,Softmax,II-Loss,and Hybrid were evaluated.

    The closed set recognition accuracy of the four methods are 98.68%,98.20%,98.45%,and 99.18%,respectively.Similarly,the distributions of samples in the feature space under the four methods are shown in Fig.8.Compared with Softmax,GCPL,and II-Loss+CE,the proposed method has a larger average inter-class distance and a smaller average intra-class distance.Hybrid also achieves closed set recognition accuracy.

    Table 2: Open set evaluation for modulation recognition

    Figure 8:Spatial distribution feature of four emitter recognition methods

    3.4.2Experiment2

    In this experiment,the open set scene was simulated on the ACARS dataset and the number of unknown classes was set to 4,5,6,and 7,respectively.Then the corresponding openness is 0.0572,0.0742,0.0925,and 0.1124.Similarly,75% of the signal samples of known classes were randomly selected as training samples,and the rest were used for testing.

    Similar to Section 3.3.3,seven methods are evaluated.The results are shown in Table 3.Obviously,in the open set scene,Hybrid performs overall better than the others in the classification of known classes and rejection of unknown classes.When the openness is 0.0572,the proposed method Hybrid outperforms the state-of-the-art Openmax method by 5.25%in terms of micro-F-measure.At the same time,the ARR is 7.38%higher and the RR is 3.03%higher.The Hybrid extracts spatial distribution features for classification,and direct feedback on the similarity between samples of the same class and the difference between samples of different classes into the model for training,which enables the model to directly model the distribution of samples in the feature space,so that similar samples are closer to each other and different samples are farther away.Therefore,unknown class samples can have a larger activity space.Let unknowns not overlap with known class samples.Combined with the experimental results in Section 3.4.1,it can also be inferred that methods that perform better on CSR have a positive effect on OSR.

    Table 3: Open set evaluation for emitter recognition

    It is true that the Hybrid has some advantages in the field of OSR.However,OSR experimental results show that the proposed method is sensitive to openness like most other methods.In essence,the model itself recognizes the differences between various types of samples,which affects recognition effects under different openness.Further research is needed on OSR which is more robust under different openness.

    4 Conclusion

    To address the recognition problem of electromagnetic signals in the open set environment and cope with the increasingly complex electromagnetic environment,this paper proposes a novel SDFEN.SDFEN introduces a dedicated network structure and learning strategy to better extract and understand spatial distribution relationships between samples.This supports the recognition of unknown class samples.The SDFEL in SDFEN is specifically designed to make up for the lack of information between samples in traditional CNN.It utilizes the differences between samples as the main features extracted by the model,which is more suitable for recognition tasks.To enhance intraclass consistency and inter-class differences,SDFEN designs a loss function that brings samples of the same class closer together in the feature space while increasing the distance between samples of different classes.This feature learning approach helps differentiate between different class samples and provides stronger discriminative capabilities.Additionally,SFDEN introduces a feature comparator to compare the features of samples with the learned features of known class samples.This distinguishes between known and unknown class samples.By comparing the distances or similarities between features,SFDEN can determine whether a sample belongs to a known class.The proposed method is validated in modulation recognition and emitter recognition tasks.The distribution plots of samples in the feature space under Softmax,GCPL,II-Loss+CE,and Hybrid provide evidence that the proposed method enhances the intra-class compactness of similar samples while increasing the separation between different class samples.Compared with other methods in simulated open set scenarios,the proposed method shows better overall performance.Specifically,in comparison to the state-of-the-art Openmax method,the proposed method achieves up to 8.87% and 5.25% higher micro-F-measures respectively.However,the experimental results also indicate that the proposed method is sensitive to openness,suggesting the need for further exploration of more robust OSR methods.

    Acknowledgement:The authors wish to express their appreciation to the reviewers for their helpful suggestions which greatly improved the presentation of this paper.

    Funding Statement:The authors received no specific funding for this study.

    Author Contributions:The authors confirm contribution to the paper as follows:study conception and design: Hui Zhang,Huaji Zhou;data collection: Li Wang;analysis and interpretation of results: Li Wang,Feng Zhou;draft manuscript preparation: Hui Zhang,Feng Zhou.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:This paper uses two datasets.The first is the RADIOML 2016.10a dataset,which can be found at https://www.deepsig.ai/datasets.The second is the real-world ACARS dataset,which is collected by the antenna system installed on the top of a high building in Jiaxing,Zhejiang Province,China.Since this dataset is currently being used in many other studies,it is confidential.

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    av免费观看日本| 亚洲专区中文字幕在线 | 亚洲欧洲国产日韩| 久久综合国产亚洲精品| 国产精品99久久99久久久不卡 | 黑人猛操日本美女一级片| 午夜日韩欧美国产| 久久久久久久大尺度免费视频| 免费看不卡的av| 交换朋友夫妻互换小说| 一本色道久久久久久精品综合| 少妇猛男粗大的猛烈进出视频| 日韩一区二区三区影片| 考比视频在线观看| 伊人亚洲综合成人网| 大码成人一级视频| 国语对白做爰xxxⅹ性视频网站| 欧美日韩亚洲高清精品| 男女床上黄色一级片免费看| 亚洲精品久久久久久婷婷小说| 欧美中文综合在线视频| 亚洲精品日本国产第一区| 午夜福利视频在线观看免费| 最近中文字幕2019免费版| 亚洲欧洲国产日韩| 久久韩国三级中文字幕| 久久久久久久国产电影| 黄色视频不卡| 观看av在线不卡| 国产精品免费大片| 亚洲色图综合在线观看| 不卡av一区二区三区| 美女国产高潮福利片在线看| www日本在线高清视频| 少妇人妻精品综合一区二区| 性色av一级| 18禁动态无遮挡网站| 伊人久久国产一区二区| 男女无遮挡免费网站观看| 精品人妻在线不人妻| 国产成人一区二区在线| 人体艺术视频欧美日本| 午夜av观看不卡| 黑人欧美特级aaaaaa片| 国产亚洲一区二区精品| 日韩大码丰满熟妇| 欧美日韩亚洲国产一区二区在线观看 | 日韩一卡2卡3卡4卡2021年| 男男h啪啪无遮挡| 国产一级毛片在线| 亚洲精品美女久久av网站| 男人操女人黄网站| 久久99热这里只频精品6学生| 亚洲精品国产区一区二| 1024香蕉在线观看| av在线观看视频网站免费| 制服人妻中文乱码| 国产精品一二三区在线看| a级片在线免费高清观看视频| 婷婷色麻豆天堂久久| 免费av中文字幕在线| 黄色视频在线播放观看不卡| 精品一品国产午夜福利视频| a级毛片在线看网站| 黑人猛操日本美女一级片| 少妇 在线观看| 亚洲视频免费观看视频| av在线观看视频网站免费| 欧美另类一区| 秋霞在线观看毛片| 亚洲男人天堂网一区| 街头女战士在线观看网站| 精品一区二区三区av网在线观看 | 久久精品国产亚洲av高清一级| xxx大片免费视频| 午夜福利影视在线免费观看| 午夜影院在线不卡| 男女下面插进去视频免费观看| 2018国产大陆天天弄谢| 亚洲欧美精品综合一区二区三区| 热99久久久久精品小说推荐| 久久99精品国语久久久| 国产成人av激情在线播放| 悠悠久久av| 伦理电影大哥的女人| 国产极品粉嫩免费观看在线| 9191精品国产免费久久| 欧美av亚洲av综合av国产av | 国产精品久久久久久精品古装| 91精品三级在线观看| 日本午夜av视频| 国产亚洲午夜精品一区二区久久| 街头女战士在线观看网站| 欧美日韩一区二区视频在线观看视频在线| 天堂中文最新版在线下载| 免费女性裸体啪啪无遮挡网站| 大话2 男鬼变身卡| 免费高清在线观看视频在线观看| 国产成人91sexporn| www.精华液| 久久韩国三级中文字幕| 最近的中文字幕免费完整| 亚洲成人一二三区av| 天天影视国产精品| 啦啦啦 在线观看视频| 老司机影院毛片| 婷婷色麻豆天堂久久| 七月丁香在线播放| 国产日韩一区二区三区精品不卡| 色播在线永久视频| 欧美精品亚洲一区二区| 91成人精品电影| www.av在线官网国产| 国产黄色免费在线视频| 国产亚洲最大av| 亚洲精品在线美女| 黄色视频不卡| 亚洲免费av在线视频| 免费日韩欧美在线观看| 久久毛片免费看一区二区三区| 大香蕉久久成人网| 久久国产亚洲av麻豆专区| 亚洲少妇的诱惑av| 欧美精品一区二区大全| 黑人欧美特级aaaaaa片| 嫩草影视91久久| 你懂的网址亚洲精品在线观看| 高清av免费在线| 亚洲精品第二区| 91精品三级在线观看| 少妇人妻 视频| 欧美人与性动交α欧美软件| 午夜免费男女啪啪视频观看| 欧美人与性动交α欧美精品济南到| 国产成人a∨麻豆精品| 午夜福利视频在线观看免费| 色精品久久人妻99蜜桃| 综合色丁香网| 97在线人人人人妻| 成人毛片60女人毛片免费| 国产精品 欧美亚洲| 亚洲精品在线美女| 免费高清在线观看日韩| 美女扒开内裤让男人捅视频| 亚洲av综合色区一区| 色94色欧美一区二区| 国产精品亚洲av一区麻豆 | 亚洲七黄色美女视频| www.熟女人妻精品国产| 久久久久久人人人人人| 欧美日韩一区二区视频在线观看视频在线| 激情五月婷婷亚洲| 中文字幕亚洲精品专区| 亚洲中文av在线| 亚洲第一区二区三区不卡| 亚洲精品在线美女| 午夜影院在线不卡| 亚洲国产日韩一区二区| 中国三级夫妇交换| 一级黄片播放器| 19禁男女啪啪无遮挡网站| 国产成人欧美在线观看 | 乱人伦中国视频| 在线天堂最新版资源| 欧美另类一区| 久久久久久人人人人人| 天堂中文最新版在线下载| 少妇人妻久久综合中文| 国产成人啪精品午夜网站| 午夜激情久久久久久久| 国产av国产精品国产| 18禁动态无遮挡网站| 欧美在线黄色| 久久精品国产亚洲av高清一级| bbb黄色大片| 观看美女的网站| 国产精品免费视频内射| 高清视频免费观看一区二区| 这个男人来自地球电影免费观看 | 不卡av一区二区三区| 高清在线视频一区二区三区| 亚洲av日韩精品久久久久久密 | 电影成人av| 免费久久久久久久精品成人欧美视频| 久久精品亚洲熟妇少妇任你| 一个人免费看片子| 精品国产露脸久久av麻豆| 日本vs欧美在线观看视频| 亚洲国产欧美网| 伊人久久国产一区二区| 成人亚洲精品一区在线观看| 69精品国产乱码久久久| 日本av手机在线免费观看| 成年人午夜在线观看视频| 久久精品国产a三级三级三级| 日本黄色日本黄色录像| 久久免费观看电影| av又黄又爽大尺度在线免费看| 王馨瑶露胸无遮挡在线观看| 悠悠久久av| 深夜精品福利| 超色免费av| 免费av中文字幕在线| 亚洲一区中文字幕在线| 精品亚洲乱码少妇综合久久| 欧美人与善性xxx| 国产熟女午夜一区二区三区| 91精品伊人久久大香线蕉| 亚洲精品久久成人aⅴ小说| 国产熟女午夜一区二区三区| 下体分泌物呈黄色| 女人久久www免费人成看片| 中文精品一卡2卡3卡4更新| 亚洲av综合色区一区| 精品免费久久久久久久清纯 | 亚洲精品国产av蜜桃| 人成视频在线观看免费观看| 久久韩国三级中文字幕| 亚洲视频免费观看视频| 国产成人欧美在线观看 | 亚洲国产欧美网| 亚洲欧美日韩另类电影网站| 精品人妻在线不人妻| 男的添女的下面高潮视频| 国产亚洲欧美精品永久| 超碰成人久久| 欧美av亚洲av综合av国产av | 国产av国产精品国产| 老司机靠b影院| 欧美人与善性xxx| 国产黄频视频在线观看| 久久影院123| 少妇 在线观看| 18禁国产床啪视频网站| 汤姆久久久久久久影院中文字幕| 久久久国产一区二区| 国产老妇伦熟女老妇高清| 欧美97在线视频| 亚洲激情五月婷婷啪啪| 青春草亚洲视频在线观看| 欧美亚洲日本最大视频资源| 欧美激情高清一区二区三区 | 国产有黄有色有爽视频| 校园人妻丝袜中文字幕| 青春草视频在线免费观看| 看非洲黑人一级黄片| 国产精品99久久99久久久不卡 | 狂野欧美激情性bbbbbb| 大陆偷拍与自拍| 亚洲国产欧美在线一区| 人妻人人澡人人爽人人| 精品亚洲乱码少妇综合久久| 99国产综合亚洲精品| 国产精品人妻久久久影院| 婷婷色综合www| 国产探花极品一区二区| 日韩av免费高清视频| 国产深夜福利视频在线观看| 国产精品成人在线| 久久久久精品性色| 久久女婷五月综合色啪小说| 天堂8中文在线网| 精品一区二区三卡| 99热网站在线观看| 悠悠久久av| 亚洲精品视频女| 免费在线观看视频国产中文字幕亚洲 | 亚洲精品第二区| av.在线天堂| 黄色毛片三级朝国网站| 亚洲男人天堂网一区| 一边亲一边摸免费视频| 国产日韩欧美亚洲二区| av福利片在线| 麻豆乱淫一区二区| 亚洲国产精品一区二区三区在线| 亚洲婷婷狠狠爱综合网| 老汉色av国产亚洲站长工具| 亚洲欧洲精品一区二区精品久久久 | 欧美日韩一区二区视频在线观看视频在线| 亚洲一区二区三区欧美精品| 十分钟在线观看高清视频www| 午夜日韩欧美国产| 亚洲av在线观看美女高潮| 90打野战视频偷拍视频| 操美女的视频在线观看| 热99国产精品久久久久久7| 成年动漫av网址| 男女边摸边吃奶| 亚洲国产精品一区三区| 超碰97精品在线观看| www.av在线官网国产| 亚洲国产av新网站| 午夜福利影视在线免费观看| 久久毛片免费看一区二区三区| 国产熟女午夜一区二区三区| 我的亚洲天堂| 黑人巨大精品欧美一区二区蜜桃| 国产精品无大码| 久热爱精品视频在线9| 精品免费久久久久久久清纯 | 999精品在线视频| 亚洲激情五月婷婷啪啪| 老司机在亚洲福利影院| 国产成人精品久久久久久| 99久久99久久久精品蜜桃| 老汉色av国产亚洲站长工具| 久久久久久久久免费视频了| 欧美老熟妇乱子伦牲交| 丰满乱子伦码专区| 一区福利在线观看| 中文精品一卡2卡3卡4更新| 男女午夜视频在线观看| 人人妻人人澡人人看| 亚洲精品国产区一区二| 青草久久国产| 97精品久久久久久久久久精品| 黄频高清免费视频| 人妻人人澡人人爽人人| 国产av精品麻豆| 精品少妇内射三级| 欧美黑人欧美精品刺激| 男女边吃奶边做爰视频| 久久久久久人人人人人| 麻豆av在线久日| 美女国产高潮福利片在线看| 国产在线视频一区二区| 可以免费在线观看a视频的电影网站 | 婷婷色麻豆天堂久久| 欧美日韩精品网址| 国产精品久久久久久人妻精品电影 | 在线天堂中文资源库| 久久人人爽av亚洲精品天堂| 久久亚洲国产成人精品v| www.熟女人妻精品国产| 亚洲人成网站在线观看播放| 久久久国产一区二区| 国产精品麻豆人妻色哟哟久久| 菩萨蛮人人尽说江南好唐韦庄| 亚洲专区中文字幕在线 | 亚洲第一av免费看| 大码成人一级视频| 国产色婷婷99| 亚洲精品乱久久久久久| 欧美av亚洲av综合av国产av | 亚洲精品一二三| 多毛熟女@视频| 成年动漫av网址| 2018国产大陆天天弄谢| h视频一区二区三区| 熟女少妇亚洲综合色aaa.| 免费少妇av软件| 久久久久国产一级毛片高清牌| 久久人人97超碰香蕉20202| 亚洲精品aⅴ在线观看| 成人免费观看视频高清| 黄片无遮挡物在线观看| 亚洲精品久久午夜乱码| 美女午夜性视频免费| 国产黄色免费在线视频| 最近手机中文字幕大全| 亚洲精品美女久久av网站| 午夜激情久久久久久久| 丝袜在线中文字幕| 国产在线免费精品| 少妇人妻 视频| 亚洲欧美日韩另类电影网站| 黄色视频不卡| 午夜久久久在线观看| 久久久久久久国产电影| 伊人亚洲综合成人网| 中文字幕av电影在线播放| 国产野战对白在线观看| 日韩伦理黄色片| 咕卡用的链子| 国产成人一区二区在线| 国产男人的电影天堂91| 青春草国产在线视频| 国产熟女欧美一区二区| 色视频在线一区二区三区| 男人添女人高潮全过程视频| 亚洲av男天堂| av线在线观看网站| 男女边摸边吃奶| 超碰成人久久| 成年人免费黄色播放视频| 丰满乱子伦码专区| 中文字幕亚洲精品专区| 男人操女人黄网站| 国产精品一区二区精品视频观看| 久久久久久久久久久免费av| 91老司机精品| 久久精品aⅴ一区二区三区四区| 成人国产av品久久久| 日韩中文字幕欧美一区二区 | 天天躁夜夜躁狠狠久久av| 久久韩国三级中文字幕| 精品人妻在线不人妻| 成人手机av| 老司机亚洲免费影院| 亚洲,欧美,日韩| 午夜激情久久久久久久| 18禁观看日本| 中文天堂在线官网| 婷婷色综合www| 十八禁网站网址无遮挡| 日韩av免费高清视频| 青春草国产在线视频| 老鸭窝网址在线观看| 午夜91福利影院| 人妻一区二区av| 午夜激情久久久久久久| 女人高潮潮喷娇喘18禁视频| 街头女战士在线观看网站| a级毛片黄视频| 国产高清不卡午夜福利| 亚洲国产精品一区三区| 亚洲视频免费观看视频| 极品人妻少妇av视频| 欧美亚洲日本最大视频资源| 人成视频在线观看免费观看| 大片免费播放器 马上看| 老汉色av国产亚洲站长工具| 多毛熟女@视频| 亚洲欧美色中文字幕在线| 日本一区二区免费在线视频| 国产片特级美女逼逼视频| 伦理电影大哥的女人| 黑人欧美特级aaaaaa片| 欧美97在线视频| 亚洲美女视频黄频| 国产亚洲一区二区精品| 久久久亚洲精品成人影院| 国产1区2区3区精品| 欧美黄色片欧美黄色片| 色婷婷av一区二区三区视频| 黑人巨大精品欧美一区二区蜜桃| 视频在线观看一区二区三区| 校园人妻丝袜中文字幕| 国产精品国产av在线观看| 极品人妻少妇av视频| 人人妻,人人澡人人爽秒播 | 波野结衣二区三区在线| 日本爱情动作片www.在线观看| 日韩精品免费视频一区二区三区| 国产成人免费观看mmmm| 少妇人妻精品综合一区二区| 在线看a的网站| 亚洲婷婷狠狠爱综合网| 亚洲精品美女久久久久99蜜臀 | 91精品国产国语对白视频| 亚洲国产精品999| 久久99精品国语久久久| 天天躁日日躁夜夜躁夜夜| 黄片小视频在线播放| 亚洲精品乱久久久久久| 日日啪夜夜爽| 久久精品久久久久久噜噜老黄| 男女午夜视频在线观看| 国产精品欧美亚洲77777| 99国产精品免费福利视频| 亚洲婷婷狠狠爱综合网| 中文天堂在线官网| 999精品在线视频| 日本vs欧美在线观看视频| 国产精品香港三级国产av潘金莲 | 在线看a的网站| 亚洲婷婷狠狠爱综合网| 欧美在线一区亚洲| 超碰97精品在线观看| 亚洲伊人久久精品综合| 一区二区日韩欧美中文字幕| 亚洲色图综合在线观看| 精品免费久久久久久久清纯 | 亚洲在久久综合| 亚洲欧美一区二区三区久久| 日韩一本色道免费dvd| 999精品在线视频| 国产成人免费观看mmmm| 另类亚洲欧美激情| 中文字幕高清在线视频| 国产精品久久久久久人妻精品电影 | 免费女性裸体啪啪无遮挡网站| 97精品久久久久久久久久精品| 99香蕉大伊视频| 欧美精品高潮呻吟av久久| 久久ye,这里只有精品| 欧美激情极品国产一区二区三区| 久久精品亚洲熟妇少妇任你| 91国产中文字幕| 日日啪夜夜爽| 国产亚洲最大av| 日韩熟女老妇一区二区性免费视频| 我要看黄色一级片免费的| 视频在线观看一区二区三区| 丝瓜视频免费看黄片| 一级片'在线观看视频| 欧美人与善性xxx| 美国免费a级毛片| 亚洲精品自拍成人| 九九爱精品视频在线观看| 高清av免费在线| 国产在线视频一区二区| 国产精品嫩草影院av在线观看| 欧美日韩成人在线一区二区| 新久久久久国产一级毛片| 激情五月婷婷亚洲| 人人妻人人澡人人爽人人夜夜| 丝袜脚勾引网站| 99香蕉大伊视频| 国产xxxxx性猛交| 国产精品女同一区二区软件| 免费观看人在逋| 欧美日韩精品网址| 久久精品久久久久久噜噜老黄| 青春草视频在线免费观看| 日本爱情动作片www.在线观看| 男女之事视频高清在线观看 | 国产日韩欧美亚洲二区| 久久午夜综合久久蜜桃| 叶爱在线成人免费视频播放| 国产亚洲av高清不卡| 亚洲国产av影院在线观看| 国产av一区二区精品久久| 久久国产亚洲av麻豆专区| av网站免费在线观看视频| 女人被躁到高潮嗷嗷叫费观| 日韩av免费高清视频| 岛国毛片在线播放| 亚洲一区中文字幕在线| 哪个播放器可以免费观看大片| 日本欧美视频一区| av国产精品久久久久影院| 亚洲一码二码三码区别大吗| 国产成人欧美| 一边亲一边摸免费视频| 国产在线免费精品| 九色亚洲精品在线播放| 国产极品粉嫩免费观看在线| 国产av一区二区精品久久| 99久久综合免费| 1024视频免费在线观看| 纯流量卡能插随身wifi吗| www.精华液| 亚洲成色77777| 少妇 在线观看| 99久久精品国产亚洲精品| 亚洲人成网站在线观看播放| 咕卡用的链子| 成人手机av| 免费少妇av软件| 久久精品久久精品一区二区三区| 精品福利永久在线观看| 丝瓜视频免费看黄片| 国产人伦9x9x在线观看| 香蕉丝袜av| 蜜桃国产av成人99| 一级片'在线观看视频| av有码第一页| 久久人人爽人人片av| 日日撸夜夜添| 高清视频免费观看一区二区| www日本在线高清视频| 日韩伦理黄色片| 国产av一区二区精品久久| 欧美日韩国产mv在线观看视频| 亚洲精品,欧美精品| 搡老岳熟女国产| 亚洲精品av麻豆狂野| 天天躁夜夜躁狠狠久久av| 亚洲国产精品国产精品| 国产精品女同一区二区软件| 国产福利在线免费观看视频| 自线自在国产av| 制服人妻中文乱码| 精品免费久久久久久久清纯 | 午夜福利在线免费观看网站| 国产精品一二三区在线看| 精品午夜福利在线看| av有码第一页| 韩国av在线不卡| 成年女人毛片免费观看观看9 | 精品国产乱码久久久久久男人| 欧美亚洲日本最大视频资源| www.精华液| 国产av精品麻豆| 欧美亚洲日本最大视频资源| 高清av免费在线| 亚洲人成77777在线视频| 韩国高清视频一区二区三区| 国产男人的电影天堂91| 国产免费现黄频在线看| 亚洲欧美激情在线| 爱豆传媒免费全集在线观看| 啦啦啦 在线观看视频| a级毛片黄视频| 亚洲美女视频黄频| 午夜福利,免费看| 我要看黄色一级片免费的| 在线观看免费午夜福利视频| 另类亚洲欧美激情| 不卡av一区二区三区| 少妇被粗大猛烈的视频| 久久天堂一区二区三区四区| 国产在视频线精品| 日韩伦理黄色片| 国产成人午夜福利电影在线观看| 夜夜骑夜夜射夜夜干| 日本一区二区免费在线视频| 亚洲欧美成人精品一区二区| 一本久久精品| 99香蕉大伊视频| 亚洲成人国产一区在线观看 | 秋霞伦理黄片| 最近手机中文字幕大全|