CN111652177A - Signal feature extraction method based on deep learning - Google Patents

Signal feature extraction method based on deep learning Download PDF

Info

Publication number
CN111652177A
CN111652177A CN202010533429.2A CN202010533429A CN111652177A CN 111652177 A CN111652177 A CN 111652177A CN 202010533429 A CN202010533429 A CN 202010533429A CN 111652177 A CN111652177 A CN 111652177A
Authority
CN
China
Prior art keywords
deep
signal
deep learning
training data
learning
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Pending
Application number
CN202010533429.2A
Other languages
Chinese (zh)
Inventor
陆慧娟
滕皓
严珂
叶敏超
朱文杰
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
China Jiliang University
Original Assignee
China Jiliang University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by China Jiliang University filed Critical China Jiliang University
Priority to CN202010533429.2A priority Critical patent/CN111652177A/en
Publication of CN111652177A publication Critical patent/CN111652177A/en
Pending legal-status Critical Current

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F2218/00Aspects of pattern recognition specially adapted for signal processing
    • G06F2218/08Feature extraction
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F2218/00Aspects of pattern recognition specially adapted for signal processing
    • G06F2218/12Classification; Matching

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Artificial Intelligence (AREA)
  • General Physics & Mathematics (AREA)
  • General Engineering & Computer Science (AREA)
  • General Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Evolutionary Computation (AREA)
  • Computational Linguistics (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • Biophysics (AREA)
  • Data Mining & Analysis (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Health & Medical Sciences (AREA)
  • Signal Processing (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)

Abstract

本发明公开了一种基于深度学习的信号特征提取方法,包括如下步骤:1)对原始稀疏频谱信号进行压缩,使之成为时序频谱信号,在压缩后完成去噪处理,获得重构后的时序频谱信号,作为训练数据;2)用半监督学习方法对训练数据中没有被标记的时序频谱信号进行标记;对各组时序频谱信号进行模拟,并利用遗传算法对时序频谱信号之间的相关性进行度量;3)利用已经标记好的训练数据,利用深度学习方法对各组时序频谱信号进行分类及预测。本发明通过多方法融合提高了模型训练效率并实现无标记标签自动添加标签,预测结果更准确。

Figure 202010533429

The invention discloses a signal feature extraction method based on deep learning, comprising the following steps: 1) compressing an original sparse spectrum signal to make it a time-series spectrum signal, and completing denoising processing after compression to obtain a reconstructed time-series signal Spectral signals, as training data; 2) Mark the time-series spectrum signals that are not marked in the training data with semi-supervised learning method; simulate each group of time-series spectrum signals, and use genetic algorithm to analyze the correlation between time-series spectrum signals Measure; 3) Use the marked training data to classify and predict each group of time-series spectrum signals by using the deep learning method. The present invention improves model training efficiency through multi-method fusion, realizes automatic labeling of unlabeled labels, and results in more accurate prediction results.

Figure 202010533429

Description

基于深度学习的信号特征提取方法Signal feature extraction method based on deep learning

技术领域technical field

本发明属于信息技术领域,具体涉及一种基于深度学习的信号特征提取方法。The invention belongs to the field of information technology, and in particular relates to a signal feature extraction method based on deep learning.

背景技术Background technique

常见的深度学习模型训练方式有两种:有反馈调节的深度学习模型和无反馈的级联深度模型。包括反馈调节的深度模型如卷积神经网络、深度信念网络和自动编码表示等,无反馈的深度模型有DeepBoosting、DeepFisher和DeepPCA等。这两种深度学习模型都是特征提取和特征选择的有规律组合,因此,如何设置特征变换和特征选择方法及其组合方式是在前人基础上进行研究的重要环节。There are two common deep learning model training methods: deep learning models with feedback regulation and cascaded deep models without feedback. Deep models including feedback regulation such as convolutional neural networks, deep belief networks, and auto-encoding representations, etc., and deep models without feedback include DeepBoosting, DeepFisher, and DeepPCA. Both of these deep learning models are regular combinations of feature extraction and feature selection. Therefore, how to set up feature transformation and feature selection methods and their combination methods is an important part of research on the basis of predecessors.

(1)特征提取(1) Feature extraction

特征提取是从数据特征中获取信息的过程。通过对特征进行变换获取数据的信息。最简单特征变换方式有PCA变换、线性判别分析等,PCA变换是寻找数据的主轴方向,使数据投影后用尽可能少的特征表示尽可能多的信息;线性判别分析是通过线性投影,使得新空间下的数据具有更大的类间距离和更小的类内距离;Gabor滤波变换是图像领域中一种重要的变换方式,通过设置滤波器中高斯核函数的不同的参数,可以有效的提取图像中的边缘信息;通过在多尺度空间采用DOG算子检测关键点,SIFT特征提取图像的局部信息,使其对旋转、尺度缩放、亮度变换保持着很好的不变性;通过将整幅图像分成若干个连接区域,并统计每个区域的直方图,HOG特征可以有效的应对图像的旋转和尺度不变性。Feature extraction is the process of obtaining information from data features. The information of the data is obtained by transforming the features. The simplest feature transformation methods include PCA transformation, linear discriminant analysis, etc. PCA transformation is to find the main axis direction of the data, so that the data can be projected with as few features as possible to represent as much information as possible; linear discriminant analysis is through linear projection. The data in space has larger inter-class distance and smaller intra-class distance; Gabor filter transformation is an important transformation method in the image field. By setting different parameters of the Gaussian kernel function in the filter, it can be effectively extracted. The edge information in the image; by using the DOG operator to detect key points in the multi-scale space, the SIFT feature extracts the local information of the image, so that it maintains good invariance to rotation, scale scaling, and brightness transformation; Divided into several connected regions and counted the histogram of each region, the HOG feature can effectively deal with the rotation and scale invariance of the image.

(2)特征选择(2) Feature selection

特征选择是一种从数据特征中挑选出对任务有帮助的特征子集的方法。常见的特征选择方法可以被分为3类:Filter、Wrapper和Embedded方法。Filer方法是根据每个特征所对对应的特征估值指标大小逐一选择特征,这些指标常常是数据的一些统计特性。Wrapper方法是根据选择出的特征子空间进行分类时的分类准确率来进行特征选择,由于特征子空间不确定,因此Wrapper方法需要进行多次训练才能给出选择的特征空间。Embedded方法首先确定了使用特征的模型,然后从特征空间中搜索可以提高模型性能的特征子空间。从样本是否含有类别信息,特征选择又可以被分为监督学习和非监督学习。早期的非监督学习首先定义一些度量特性,然后逐一计算特征的度量特性,并按顺序选取,这些度量特性可能是聚类效果、信息冗余度等,其中一些代表性的度量包括Laplacian Score、Traceratio等。然而这种依靠搜索的特征提取方法需要巨大的计算量,因此研究人员开始考虑不再需要搜索空间的聚类算法,基于特征的相似特性,一系列谱聚类算法被提出。Feature selection is a method of picking out a subset of features from the data features that are helpful for the task. Common feature selection methods can be divided into three categories: Filter, Wrapper and Embedded methods. The Filer method selects features one by one according to the size of the corresponding feature evaluation indicators for each feature, which are often some statistical characteristics of the data. The Wrapper method selects features according to the classification accuracy of the selected feature subspace for classification. Since the feature subspace is uncertain, the Wrapper method requires multiple trainings to give the selected feature space. Embedded methods first identify the model using features, and then search the feature space for feature subspaces that can improve model performance. From whether the sample contains category information, feature selection can be divided into supervised learning and unsupervised learning. Early unsupervised learning first defined some metric characteristics, then calculated the metric characteristics of the features one by one, and selected them in order. These metric characteristics may be clustering effect, information redundancy, etc. Some representative measures include Laplacian Score, Traceratio Wait. However, this feature extraction method relying on search requires a huge amount of computation, so researchers began to consider clustering algorithms that no longer require a search space. Based on the similar characteristics of features, a series of spectral clustering algorithms were proposed.

通过合理的组合了合适的特征提取和特征选择方法,深度学习已经在各领域取得了一系列的成果。卷积神经网络的成功使用使得语音识别领域取得突破性进展,同样卷积神经网络在目标识别领域也达到了当前最好的效果。Through a reasonable combination of appropriate feature extraction and feature selection methods, deep learning has achieved a series of results in various fields. The successful use of convolutional neural networks has made breakthroughs in the field of speech recognition, and convolutional neural networks have also achieved the best results in the field of target recognition.

除了卷积神经网络之外,深度信念网也是深度学习的重要组成部分。深度信念网的思想是先通过贪婪的策略学习浅层的特征,再通过浅层特征的组合得到更加抽象的描述。随着深度结构的神经网络的发展,出现了很多对深度学习的改进算法,深度学习得到了很广泛的应用。深度学习已经成功应用在语音识别,图像处理等。Hinton指出为了训练DBN,首先要通过无监督贪婪训练每一层的受限玻尔兹曼机,并通过一组受限玻尔兹曼机的组合构建深度信念网DBN,然后通过传统的全局学习算法对构建的DBN微调,以使得网络达到最优。深度学习的核心思路如下:无监督学习用于每一层网络的pre-train;每次用无监督学习只训练一层,将其训练结果作为其高一层的输入;用监督学习去调整所有层。Besides convolutional neural networks, deep belief networks are also an important part of deep learning. The idea of deep belief network is to learn shallow features through a greedy strategy, and then obtain a more abstract description through the combination of shallow features. With the development of deep-structured neural networks, many improved algorithms for deep learning have emerged, and deep learning has been widely used. Deep learning has been successfully applied in speech recognition, image processing, etc. Hinton pointed out that in order to train a DBN, the restricted Boltzmann machine of each layer is firstly trained through unsupervised greed, and a deep belief network DBN is constructed by a combination of a set of restricted Boltzmann machines, and then through traditional global learning The algorithm fine-tunes the constructed DBN to make the network optimal. The core idea of deep learning is as follows: unsupervised learning is used for the pre-training of each layer of the network; only one layer is trained each time with unsupervised learning, and its training result is used as the input of its higher layer; supervised learning is used to adjust all the Floor.

深度信念网(DBN)是一种典型的生成性深度结构。深度学习已成功应用于多种模式分类问题,给人类带来了极大便利,但目前仍只处于发展阶段,还有很多问题值得进一步深入解决,比如:Deep Belief Network (DBN) is a typical generative deep structure. Deep learning has been successfully applied to a variety of pattern classification problems, bringing great convenience to human beings, but it is still only in the development stage, and there are still many problems worthy of further in-depth solutions, such as:

(1)模型训练时间普遍过长,如何能提高训练速度提高深度学习的实用性等。(1) The model training time is generally too long, how to improve the training speed and improve the practicability of deep learning, etc.

(2)标记数据的特征学习仍占据主导地位,而现实生活中的数据都是无标记数据,将这些数据逐一加上人工标签显然是不现实的,如何能研究出将无标记标签自动添加标签的技术。(2) The feature learning of labeled data is still dominant, and the data in real life are all unlabeled data. It is obviously unrealistic to add manual labels to these data one by one. How can we study the automatic labeling of unlabeled labels? Technology.

(3)单一的深度学习方法并不能带来很好的效果,如何能将深度学习方法与其他方法或其他多种方法融合完美运用到实际应用中。(3) A single deep learning method cannot bring good results. How can the deep learning method be integrated with other methods or other methods to be perfectly applied to practical applications.

发明内容SUMMARY OF THE INVENTION

有鉴于此,为了解决上述现有技术问题,本发明提出了一种提高模型训练效率、实现无标记标签自动添加标签的多方法融合的基于深度学习的信号特征提取方法。In view of this, in order to solve the above-mentioned problems in the prior art, the present invention proposes a deep learning-based signal feature extraction method that improves model training efficiency and realizes multi-method fusion of automatic labeling without labeling.

本发明的技术解决方案是,提供了一种基于深度学习的信号特征提取方法,包括以下步骤:The technical solution of the present invention is to provide a signal feature extraction method based on deep learning, comprising the following steps:

1)对原始稀疏频谱信号进行压缩,使之成为时序频谱信号,在压缩后完成去噪处理,获得重构后的时序频谱信号,作为训练数据;1) Compress the original sparse spectrum signal to make it a time-series spectrum signal, complete the denoising process after compression, and obtain the reconstructed time-series spectrum signal as training data;

2)用半监督学习方法对训练数据中没有被标记的时序频谱信号进行标记;对各组时序频谱信号进行模拟,并利用遗传算法对时序频谱信号之间的相关性进行度量;2) Mark the time-series spectrum signals that are not marked in the training data with a semi-supervised learning method; simulate each group of time-series spectrum signals, and use genetic algorithms to measure the correlation between the time-series spectrum signals;

3)利用已经标记好的训练数据,利用深度学习方法对各组时序频谱信号进行分类及预测。3) Using the marked training data, the deep learning method is used to classify and predict each group of time-series spectrum signals.

可选的,步骤1)中,采用贪婪追踪算法中的动态子空间追踪算法对原始稀疏频谱信号进行压缩,采用无迹卡尔曼滤波算法对压缩后的稀疏频谱信号进行去噪处理,或重构后的时序频谱信号,同时利用无迹卡尔曼滤波算法直接进行预测,获得第一预测结果。Optionally, in step 1), the dynamic subspace tracking algorithm in the greedy tracking algorithm is used to compress the original sparse spectral signal, and the unscented Kalman filtering algorithm is used to denoise the compressed sparse spectral signal, or reconstruct the original sparse spectral signal. The obtained time series spectrum signal is directly predicted by using the unscented Kalman filtering algorithm to obtain the first prediction result.

可选的,所述的半监督学习方法包括主动学习方法和深度学习中的深度信念网,所述主动学习方法用于标记非完全标记的训练数据,所述深度信念网为概率生成模型,所述概率生成模型包括多个限制型玻尔兹曼机,建立一个观察数据和标签之间的联合分布,限制型玻尔兹曼机由一个可视层和一个隐层构成,层间有连接,层内单元间没有连接,所述深度信念网对训练数据进行分类和预测,获得分类结果和第二预测结果。Optionally, the semi-supervised learning method includes an active learning method and a deep belief net in deep learning, the active learning method is used to mark incompletely marked training data, and the deep belief net is a probability generation model, so The above probability generation model includes multiple restricted Boltzmann machines to establish a joint distribution between observation data and labels. The restricted Boltzmann machine consists of a visible layer and a hidden layer, and there are connections between the layers. There is no connection between the units in the layer, and the deep belief network classifies and predicts the training data, and obtains a classification result and a second prediction result.

可选的,所述主动学习方法结合于所述深度信念网中作为第一隐藏层。Optionally, the active learning method is incorporated into the deep belief net as the first hidden layer.

可选的,首先利用训练限制型玻尔兹曼机使各层的能量设到极值,当所有的限制型玻尔兹曼机训练完毕后,利用主动学习的标签结果对各层的权值进行调整,最终获得一个深度信念网的分类面;当深度信念网被用于预测时,所有的训练数据将被换成无迹卡尔曼滤波算法模型中的残差,而深度信念网将作为一个机器学习模型来预测无迹卡尔曼滤波算法模型中残差的变化曲线,最后,深度信念网的预测结果将结合无迹卡尔曼滤波算法的预测结果来得出最终结果。Optionally, first use the training-restricted Boltzmann machine to set the energy of each layer to the extreme value. After all the restricted Boltzmann machines have been trained, use the label results of active learning to set the weights of each layer. Make adjustments to finally obtain a classification surface of a deep belief network; when the deep belief network is used for prediction, all training data will be replaced by the residuals in the unscented Kalman filter algorithm model, and the deep belief network will be used as a The machine learning model is used to predict the change curve of the residual in the unscented Kalman filtering algorithm model. Finally, the prediction result of the deep belief network will be combined with the prediction result of the unscented Kalman filtering algorithm to obtain the final result.

本发明与现有技术相比,具有如下优点:Compared with the prior art, the present invention has the following advantages:

本发明中,扩展的深度信念网(结合主动学习和无迹卡尔曼滤波算法)得到的分类和预测结果将优于现有技术的深度信念网,在信号处理领域和机器学习领域都有很大的应用价值,本发明通过多方法融合提高了模型训练效率并实现无标记标签自动添加标签,预测结果更准确。In the present invention, the classification and prediction results obtained by the extended deep belief network (combined with active learning and unscented Kalman filtering algorithm) will be superior to the deep belief network of the prior art, and have great advantages in the field of signal processing and machine learning. The application value of the invention improves the model training efficiency through multi-method fusion, and realizes the automatic labeling of unlabeled labels, and the prediction result is more accurate.

附图说明Description of drawings

图1是本发明的流程图。Figure 1 is a flow chart of the present invention.

具体实施方式Detailed ways

以下结合附图对本发明的优选实施例进行详细描述,但本发明并不仅仅限于这些实施例。本发明涵盖任何在本发明的精神和范围上做的替代、修改、等效方法以及方案。The preferred embodiments of the present invention will be described in detail below with reference to the accompanying drawings, but the present invention is not limited to these embodiments. The present invention covers any alternatives, modifications, equivalent methods and arrangements made within the spirit and scope of the present invention.

为了使公众对本发明有彻底的了解,在以下本发明优选实施例中详细说明了具体的细节,而对本领域技术人员来说没有这些细节的描述也可以完全理解本发明。In order to give the public a thorough understanding of the present invention, specific details are described in detail in the following preferred embodiments of the present invention, and those skilled in the art can fully understand the present invention without the description of these details.

参照图1,本发明的具体实施过程如下:1, the specific implementation process of the present invention is as follows:

基于深度学习的信号特征提取方法,包括以下步骤:The signal feature extraction method based on deep learning includes the following steps:

1)对原始稀疏频谱信号进行压缩,使之成为时序频谱信号,在压缩后完成去噪处理,获得重构后的时序频谱信号,作为训练数据;1) Compress the original sparse spectrum signal to make it a time-series spectrum signal, complete the denoising process after compression, and obtain the reconstructed time-series spectrum signal as training data;

2)用半监督学习方法对训练数据中没有被标记的时序频谱信号进行标记;对各组时序频谱信号进行模拟,并利用遗传算法对时序频谱信号之间的相关性进行度量;2) Mark the time-series spectrum signals that are not marked in the training data with a semi-supervised learning method; simulate each group of time-series spectrum signals, and use genetic algorithms to measure the correlation between the time-series spectrum signals;

3)利用已经标记好的训练数据,利用深度学习方法对各组时序频谱信号进行分类及预测。3) Using the marked training data, the deep learning method is used to classify and predict each group of time-series spectrum signals.

步骤1)中,采用贪婪追踪算法中的动态子空间追踪算法对原始稀疏频谱信号进行压缩,采用无迹卡尔曼滤波算法对压缩后的稀疏频谱信号进行去噪处理,或重构后的时序频谱信号,同时利用无迹卡尔曼滤波算法直接进行预测,获得第一预测结果。In step 1), the dynamic subspace tracking algorithm in the greedy tracking algorithm is used to compress the original sparse spectrum signal, and the unscented Kalman filter algorithm is used to denoise the compressed sparse spectrum signal, or the reconstructed time series spectrum. signal, and at the same time use the unscented Kalman filter algorithm to directly predict to obtain the first prediction result.

所述的半监督学习方法包括主动学习方法和深度学习中的深度信念网,所述主动学习方法用于标记非完全标记的训练数据,所述深度信念网为概率生成模型,所述概率生成模型包括多个限制型玻尔兹曼机,建立一个观察数据和标签之间的联合分布,限制型玻尔兹曼机由一个可视层和一个隐层构成,层间有连接,层内单元间没有连接,所述深度信念网对训练数据进行分类和预测,获得分类结果和第二预测结果。The semi-supervised learning method includes an active learning method and a deep belief network in deep learning. The active learning method is used to mark incompletely marked training data, and the deep belief network is a probability generation model. The probability generation model Including multiple restricted Boltzmann machines to establish a joint distribution between observation data and labels Without connections, the deep belief network classifies and predicts the training data, obtaining a classification result and a second prediction result.

深度信念网的思想是先通过贪婪的策略学习浅层的特征,再通过浅层特征的组合得到更加抽象的描述。随着深度结构的神经网络的发展,出现了很多对深度学习的改进算法,深度学习得到了很广泛的应用。深度学习已经成功应用在语音识别,图像处理等。Hinton指出为了训练DBN,首先要通过无监督贪婪训练每一层的受限玻尔兹曼机,并通过一组受限玻尔兹曼机的组合构建深度信念网DBN,然后通过传统的全局学习算法对构建的DBN微调,以使得网络达到最优。深度学习的核心思路如下:无监督学习用于每一层网络的pre-train;每次用无监督学习只训练一层,将其训练结果作为其高一层的输入;用监督学习去调整所有层。The idea of deep belief network is to learn shallow features through a greedy strategy, and then obtain a more abstract description through the combination of shallow features. With the development of deep-structured neural networks, many improved algorithms for deep learning have emerged, and deep learning has been widely used. Deep learning has been successfully applied in speech recognition, image processing, etc. Hinton pointed out that in order to train a DBN, the restricted Boltzmann machine of each layer is firstly trained through unsupervised greed, and a deep belief network DBN is constructed by a combination of a set of restricted Boltzmann machines, and then through traditional global learning The algorithm fine-tunes the constructed DBN to make the network optimal. The core idea of deep learning is as follows: unsupervised learning is used for the pre-training of each layer of the network; only one layer is trained each time with unsupervised learning, and its training result is used as the input of its higher layer; supervised learning is used to adjust all the Floor.

深度信念网(DBN)是一种典型的生成性深度结构。假设一个DBN有n个隐层,令gi表示第i个隐层的向量,则DBN的模型可以表示成:Deep Belief Network (DBN) is a typical generative deep structure. Assuming that a DBN has n hidden layers, let gi represent the vector of the ith hidden layer, then the model of the DBN can be expressed as:

p(x,g1,g2,…,gn)=p(x|g1)p(g1|g2)…p(gn-1,gn) (1)p(x,g 1 ,g 2 ,...,g n )=p(x|g 1 )p(g 1 |g 2 )...p(g n-1 ,g n ) (1)

其中,条件概率p(gi|gi+1)为:Among them, the conditional probability p(g i |g i+1 ) is:

Figure BDA0002536213380000051
Figure BDA0002536213380000051

式中:

Figure BDA0002536213380000052
——第i层的第j个节点,Wi第i层的权重矩阵,σ为where:
Figure BDA0002536213380000052
——The jth node of the i-th layer, the weight matrix of the i-th layer of Wi, σ is

Figure BDA0002536213380000053
Figure BDA0002536213380000053

所述主动学习方法结合于所述深度信念网中作为第一隐藏层。The active learning method is incorporated in the deep belief net as the first hidden layer.

首先利用训练限制型玻尔兹曼机使各层的能量设到极值,当所有的限制型玻尔兹曼机训练完毕后,利用主动学习的标签结果对各层的权值进行调整,最终获得一个深度信念网的分类面;当深度信念网被用于预测时,所有的训练数据将被换成无迹卡尔曼滤波算法模型中的残差,而深度信念网将作为一个机器学习模型来预测无迹卡尔曼滤波算法模型中残差的变化曲线,最后,深度信念网的预测结果将结合无迹卡尔曼滤波算法的预测结果来得出最终结果。First, the training-restricted Boltzmann machine is used to set the energy of each layer to the extreme value. After all the restricted Boltzmann machines are trained, the weights of each layer are adjusted using the label results of active learning. Finally, Obtain a classification surface of the deep belief net; when the deep belief net is used for prediction, all the training data will be replaced by the residuals in the unscented Kalman filter algorithm model, and the deep belief net will be used as a machine learning model to Predict the change curve of the residual in the unscented Kalman filter algorithm model, and finally, the prediction result of the deep belief network will be combined with the prediction result of the unscented Kalman filter algorithm to get the final result.

本发明更具体的实施例为:利用谷歌频谱数据库运用本发明之方法进行实施和验证。首先,将用所得到的稀疏数据进行压缩处理。在压缩处理过程中,比较各种信号重构技术之间的压缩结果。同时可以得出Dynamic SP对传统SP算法的准确度提高率,对整个频谱信号处理领域都有着深远的影响。A more specific embodiment of the present invention is: using the Google spectrum database to implement and verify the method of the present invention. First, the resulting sparse data will be used for compression processing. During the compression process, the compression results between various signal reconstruction techniques are compared. At the same time, it can be concluded that the accuracy improvement rate of Dynamic SP to the traditional SP algorithm has a profound impact on the entire spectrum signal processing field.

下一步,利用UKF对压缩后的频谱信号进行过滤。UKF对于非线性时间序列,特别是具有高斯分布的时间序列具有较好的拟合性。在这一步中,可以比较其他数学模型,比如和自回归ARX,ARMA,ARMAX和ARIMA模型等等的拟合结果做比较。对于频谱信号来说,UKF模型的拟合度可以被预测为是最佳的。UKF可以直接用于预测,经过UKF过滤之后的滤波波形通过DBNs再进行预测,效果更佳。Next, the compressed spectral signal is filtered using UKF. UKF has a good fit for nonlinear time series, especially time series with Gaussian distribution. In this step, other mathematical models can be compared, such as the fitting results of autoregressive ARX, ARMA, ARMAX and ARIMA models, etc. For spectral signals, the fit of the UKF model can be predicted to be optimal. UKF can be directly used for prediction, and the filtered waveform after UKF filtering can be used for prediction through DBNs, and the effect is better.

再下一步,在标记训练数据集中,可以比较两个单独的机器学习方法:主动学习方法和深度信念网方法的标记结果,并结合两种方法来做标记。As a next step, in the labeled training dataset, we can compare the labeling results of two separate machine learning methods: the active learning method and the deep belief net method, and combine the two methods for labeling.

最后深度信念网将被用于分类及预测。在本发明中扩展的深度信念网(结合主动学习和UKF)得到的分类和预测结果将优于传统的深度信念网。无论是在信号处理领域或是机器学习领域都有相当的研究价值。Finally the deep belief net will be used for classification and prediction. The classification and prediction results obtained by the extended deep belief net in the present invention (combining active learning and UKF) will be superior to the traditional deep belief net. It has considerable research value in the field of signal processing and machine learning.

本发明的所用到的主要方法如下:The used main method of the present invention is as follows:

1)对于稀疏或可压缩信号的信号重构。1) Signal reconstruction for sparse or compressible signals.

NyKuist采样定理决定了传统信号处理方法中信号的采样速率至少为信号带宽的两倍,然而,随着电信技术的飞速发展,信号传输所需带宽已经越来越宽,现有的硬件设施已经难以满足需求,所产生的低于标准采用频率的信号数据被称之为稀疏信号。稀疏信号需要通过重构算法来重建信号密集采样,从而形成可以用于机器学习的有序的、准确的时间序列数据。The NyKuist sampling theorem determines that the sampling rate of the signal in the traditional signal processing method is at least twice the signal bandwidth. However, with the rapid development of telecommunication technology, the bandwidth required for signal transmission has become wider and wider, and the existing hardware facilities have been difficult to achieve. To meet the requirements, the resulting signal data that is lower than the standard adopted frequency is called a sparse signal. Sparse signals require reconstruction algorithms to reconstruct densely sampled signals to form ordered, accurate time series data that can be used for machine learning.

信号重构技术可以分为三种:组合优化算法、凸优化算法和贪婪追踪算法。其中,贪婪追踪法是比较新型的算法,并且兼顾了复杂度和重构精度,是本项目研究的重点。贪婪追踪算法又可以分为以Orthogonal Matching Pursuit(OMP)算法为代表的非回溯类算法和以Subspace Pursuit(SP)算法为代表的回溯类算法。与非回溯类算法相比,回溯类算法重构精度较高。本项目将采用回溯类算法重构稀疏无线电信号。Signal reconstruction techniques can be divided into three types: combinatorial optimization algorithms, convex optimization algorithms and greedy pursuit algorithms. Among them, the greedy tracking method is a relatively new algorithm, and takes into account the complexity and reconstruction accuracy, and is the focus of this project. Greedy pursuit algorithm can be divided into non-backtracking algorithm represented by Orthogonal Matching Pursuit (OMP) algorithm and backtracking algorithm represented by Subspace Pursuit (SP) algorithm. Compared with the non-backtracking algorithm, the backtracking algorithm has higher reconstruction accuracy. This project will use the backtracking algorithm to reconstruct sparse radio signals.

2)对重构信号数据进行去噪。2) Denoising the reconstructed signal data.

利用数学模型去噪是项目组成员近期的研究成果。对于非线性时间序列如无线电信号数据我们可以采用auto-regressive model with exogenous variables(ARX)模型或者unscented Kalman Filter(UKF)模型进行去噪。去噪过程中所产生的数学模型还可以用于分类及预测。Denoising using mathematical models is a recent research achievement by members of the project team. For nonlinear time series such as radio signal data, we can use the auto-regressive model with exogenous variables (ARX) model or the unscented Kalman Filter (UKF) model for denoising. The mathematical models produced during the denoising process can also be used for classification and prediction.

3)对不完全标记信号进行标记及分类。3) Label and classify incompletely labeled signals.

从原始数据库中得到的无线电信号数据集往往是不完全标记的,有些数据集甚至只有很少的信号被标记。这时,需要对训练数据集进行标记与分类。传统的半监督分类法包括主动学习(Active learning)和深度学习中的深度信念网。在本项目中,我们将结合以上两种方法,并利用遗传算法评估频谱信号之间的关联来进行对训练数据的标记和分类,以期得到较为完善的分类器。The radio signal datasets obtained from the original database are often incompletely labeled, and some datasets even have only a few signals labeled. At this point, the training dataset needs to be labeled and classified. Traditional semi-supervised classification methods include active learning and deep belief nets in deep learning. In this project, we will combine the above two methods, and use genetic algorithm to evaluate the correlation between spectral signals to label and classify the training data, in order to obtain a more complete classifier.

4)对频谱信号进行分类及预测。4) Classify and predict the spectrum signal.

利用在上一步中形成的分类器,对未知的频谱信号可以进行分类及预测。在预测过程中,还可以加入去噪过程中所产生的数学模型恶影响,从而使预测的结果更加准确。Using the classifier formed in the previous step, the unknown spectral signal can be classified and predicted. In the prediction process, the bad influence of the mathematical model generated in the denoising process can also be added, so as to make the prediction result more accurate.

虽然以上将实施例分开说明和阐述,但涉及部分共通之技术,在本领域普通技术人员看来,可以在实施例之间进行替换和整合,涉及其中一个实施例未明确记载的内容,则可参考有记载的另一个实施例。Although the embodiments are described and described separately above, some common technologies are involved, and in the opinion of those of ordinary skill in the art, they can be replaced and integrated between the embodiments. Reference is made to another example described.

以上所述的实施方式,并不构成对该技术方案保护范围的限定。任何在上述实施方式的精神和原则之内所作的修改、等同替换和改进等,均应包含在该技术方案的保护范围之内。The above-mentioned embodiments do not constitute a limitation on the protection scope of the technical solution. Any modifications, equivalent replacements and improvements made within the spirit and principles of the above-mentioned embodiments shall be included within the protection scope of this technical solution.

Claims (5)

1. A signal feature extraction method based on deep learning is characterized in that: the method comprises the following steps:
1) compressing the original sparse spectrum signal to form a time sequence spectrum signal, and completing denoising processing after compression to obtain a reconstructed time sequence spectrum signal serving as training data;
2) marking the unmarked time sequence spectrum signals in the training data by using a semi-supervised learning method; simulating each group of time sequence spectrum signals, and measuring the correlation among the time sequence spectrum signals by using a genetic algorithm;
3) and classifying and predicting each group of time sequence spectrum signals by using the marked training data and a deep learning method.
2. The signal feature extraction method based on deep learning of claim 1, characterized in that: in the step 1), an original sparse spectrum signal is compressed by adopting a dynamic subspace tracking algorithm in a greedy tracking algorithm, the compressed sparse spectrum signal is subjected to denoising processing by adopting an unscented kalman filtering algorithm, or a reconstructed time sequence spectrum signal is directly predicted by utilizing the unscented kalman filtering algorithm, and a first prediction result is obtained.
3. The signal feature extraction method based on deep learning according to claim 2, characterized in that: the semi-supervised learning method comprises an active learning method and a deep belief network in deep learning, wherein the active learning method is used for marking incompletely marked training data, the deep belief network is a probability generation model, the probability generation model comprises a plurality of limiting type Boltzmann machines, joint distribution between observation data and labels is established, the limiting type Boltzmann machines are composed of a visible layer and a hidden layer, the layers are connected, the units in the layers are not connected, and the deep belief network classifies and predicts the training data to obtain a classification result and a second prediction result.
4. The signal feature extraction method based on deep learning according to claim 3, characterized in that: the active learning method is combined in the deep belief network as a first hidden layer.
5. The signal feature extraction method based on deep learning of claim 4, characterized in that: firstly, setting the energy of each layer to an extreme value by utilizing a training restricted Boltzmann machine, and adjusting the weight of each layer by utilizing an actively learned label result after all the restricted Boltzmann machines are trained to finally obtain a classification surface of a deep belief network; when the depth belief network is used for prediction, all training data are converted into residual errors in the unscented Kalman filtering algorithm model, the depth belief network is used as a machine learning model to predict the change curve of the residual errors in the unscented Kalman filtering algorithm model, and finally, the prediction result of the depth belief network is combined with the prediction result of the unscented Kalman filtering algorithm to obtain a final result.
CN202010533429.2A 2020-06-12 2020-06-12 Signal feature extraction method based on deep learning Pending CN111652177A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202010533429.2A CN111652177A (en) 2020-06-12 2020-06-12 Signal feature extraction method based on deep learning

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202010533429.2A CN111652177A (en) 2020-06-12 2020-06-12 Signal feature extraction method based on deep learning

Publications (1)

Publication Number Publication Date
CN111652177A true CN111652177A (en) 2020-09-11

Family

ID=72344737

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202010533429.2A Pending CN111652177A (en) 2020-06-12 2020-06-12 Signal feature extraction method based on deep learning

Country Status (1)

Country Link
CN (1) CN111652177A (en)

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112332853A (en) * 2020-11-02 2021-02-05 重庆邮电大学 Time sequence data compression and recovery method based on power system
CN112420023A (en) * 2020-11-26 2021-02-26 杭州音度人工智能有限公司 Music infringement detection method
CN115965080A (en) * 2022-11-07 2023-04-14 河海大学 New energy power generation unit operation state identification method and device and storage medium

Citations (15)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106679672A (en) * 2017-01-15 2017-05-17 吉林大学 AGV (Automatic Guided Vehicle) location algorithm based on DBN (Dynamic Bayesian Network) and Kalman filtering algorithm
CN106971410A (en) * 2017-03-27 2017-07-21 华南理工大学 A kind of white matter fiber tract method for reconstructing based on deep learning
CN107389049A (en) * 2017-08-10 2017-11-24 北京联合大学 A kind of magnetic compass real-time error compensation method based on class Kalman's factor
CN107463890A (en) * 2017-07-20 2017-12-12 浙江零跑科技有限公司 A kind of Foregut fermenters and tracking based on monocular forward sight camera
CN107808661A (en) * 2017-10-23 2018-03-16 中央民族大学 A kind of Tibetan voice corpus labeling method and system based on collaborative batch Active Learning
CN107958216A (en) * 2017-11-27 2018-04-24 沈阳航空航天大学 Based on semi-supervised multi-modal deep learning sorting technique
CN108509859A (en) * 2018-03-09 2018-09-07 南京邮电大学 A kind of non-overlapping region pedestrian tracting method based on deep neural network
CN109459040A (en) * 2019-01-14 2019-03-12 哈尔滨工程大学 More AUV co-located methods based on RBF neural auxiliary volume Kalman filtering
CN109978041A (en) * 2019-03-19 2019-07-05 上海理工大学 A kind of hyperspectral image classification method based on alternately update convolutional neural networks
CN110135320A (en) * 2019-05-09 2019-08-16 安徽大学 Spectral noise reduction method and device based on BP neural network and variance compensation
CN110728230A (en) * 2019-10-10 2020-01-24 江南大学 Identification method of signal modulation method based on convolution restricted Boltzmann machine
US20200050202A1 (en) * 2018-08-10 2020-02-13 Buffalo Automation Group, Inc. Deep Learning and Intelligent Sensing System Integration
CN110992403A (en) * 2019-12-18 2020-04-10 中山大学 Real-time surface ship visual tracking system and method thereof
CN111156987A (en) * 2019-12-18 2020-05-15 东南大学 Inertial/astronomical integrated navigation method based on residual compensation multi-rate CKF
CN111160139A (en) * 2019-12-13 2020-05-15 中国科学院深圳先进技术研究院 ECG signal processing method, device and terminal equipment

Patent Citations (15)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106679672A (en) * 2017-01-15 2017-05-17 吉林大学 AGV (Automatic Guided Vehicle) location algorithm based on DBN (Dynamic Bayesian Network) and Kalman filtering algorithm
CN106971410A (en) * 2017-03-27 2017-07-21 华南理工大学 A kind of white matter fiber tract method for reconstructing based on deep learning
CN107463890A (en) * 2017-07-20 2017-12-12 浙江零跑科技有限公司 A kind of Foregut fermenters and tracking based on monocular forward sight camera
CN107389049A (en) * 2017-08-10 2017-11-24 北京联合大学 A kind of magnetic compass real-time error compensation method based on class Kalman's factor
CN107808661A (en) * 2017-10-23 2018-03-16 中央民族大学 A kind of Tibetan voice corpus labeling method and system based on collaborative batch Active Learning
CN107958216A (en) * 2017-11-27 2018-04-24 沈阳航空航天大学 Based on semi-supervised multi-modal deep learning sorting technique
CN108509859A (en) * 2018-03-09 2018-09-07 南京邮电大学 A kind of non-overlapping region pedestrian tracting method based on deep neural network
US20200050202A1 (en) * 2018-08-10 2020-02-13 Buffalo Automation Group, Inc. Deep Learning and Intelligent Sensing System Integration
CN109459040A (en) * 2019-01-14 2019-03-12 哈尔滨工程大学 More AUV co-located methods based on RBF neural auxiliary volume Kalman filtering
CN109978041A (en) * 2019-03-19 2019-07-05 上海理工大学 A kind of hyperspectral image classification method based on alternately update convolutional neural networks
CN110135320A (en) * 2019-05-09 2019-08-16 安徽大学 Spectral noise reduction method and device based on BP neural network and variance compensation
CN110728230A (en) * 2019-10-10 2020-01-24 江南大学 Identification method of signal modulation method based on convolution restricted Boltzmann machine
CN111160139A (en) * 2019-12-13 2020-05-15 中国科学院深圳先进技术研究院 ECG signal processing method, device and terminal equipment
CN110992403A (en) * 2019-12-18 2020-04-10 中山大学 Real-time surface ship visual tracking system and method thereof
CN111156987A (en) * 2019-12-18 2020-05-15 东南大学 Inertial/astronomical integrated navigation method based on residual compensation multi-rate CKF

Non-Patent Citations (7)

* Cited by examiner, † Cited by third party
Title
SHUSEN ZHOU ET.: "active deep network for semi-supervised sentiment classification", 《PROCEEDINGS OF THE 23RD INTERNATIONAL CONFERENCE ON COMPUTATIONAL LINGUISTICS》, pages 1515 - 1523 *
任珈民;宫宁生;韩镇阳;: "基于YOLOv3与卡尔曼滤波的多目标跟踪算法", 计算机应用与软件, no. 05 *
任珈民;宫宁生;韩镇阳;: "基于YOLOv3与卡尔曼滤波的多目标跟踪算法", 计算机应用与软件, no. 05, 12 May 2020 (2020-05-12) *
徐时怀 等: "基于云平台和深度学习的 软件GUI自动测试系统", 《中国计量大学学报》, vol. 29, no. 4, pages 398 *
徐时怀 等: "基于云平台和深度学习的 软件GUI自动测试系统", vol. 29, no. 4, pages 398 *
田金鹏;薛莹;闵天;: "基于卡尔曼滤波的稀疏流信号动态压缩感知", 电子测量技术, no. 19, 8 October 2018 (2018-10-08) *
荆楠;毕卫红;胡正平;王林;: "动态压缩感知综述", 自动化学报, no. 01, 15 January 2015 (2015-01-15) *

Cited By (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112332853A (en) * 2020-11-02 2021-02-05 重庆邮电大学 Time sequence data compression and recovery method based on power system
CN112420023A (en) * 2020-11-26 2021-02-26 杭州音度人工智能有限公司 Music infringement detection method
CN112420023B (en) * 2020-11-26 2022-03-25 杭州音度人工智能有限公司 Music infringement detection method
CN115965080A (en) * 2022-11-07 2023-04-14 河海大学 New energy power generation unit operation state identification method and device and storage medium

Similar Documents

Publication Publication Date Title
McConville et al. N2d:(not too) deep clustering via clustering the local manifold of an autoencoded embedding
CN109376242B (en) Text classification method based on cyclic neural network variant and convolutional neural network
Prabhu et al. Few-shot learning for dermatological disease diagnosis
Tang et al. Deepchart: Combining deep convolutional networks and deep belief networks in chart classification
CN112507901B (en) Unsupervised pedestrian re-identification method based on pseudo tag self-correction
CN103605972B (en) Non-restricted environment face verification method based on block depth neural network
CN111753874A (en) A method and system for image scene classification combined with semi-supervised clustering
CN106897738A (en) A kind of pedestrian detection method based on semi-supervised learning
CN110717554A (en) Image recognition method, electronic device, and storage medium
Islam et al. InceptB: a CNN based classification approach for recognizing traditional bengali games
CN111652177A (en) Signal feature extraction method based on deep learning
CN117198468B (en) Intervention scheme intelligent management system based on behavior recognition and data analysis
CN106127240A (en) A kind of classifying identification method of plant image collection based on nonlinear reconstruction model
Li et al. Dating ancient paintings of Mogao Grottoes using deeply learnt visual codes
CN116226629B (en) Multi-model feature selection method and system based on feature contribution
Masood et al. Differential evolution based advised SVM for histopathalogical image analysis for skin cancer detection
CN117636477A (en) A multi-target tracking and matching method based on radial basis function fuzzy neural network
CN113935413A (en) Distribution network wave recording file waveform identification method based on convolutional neural network
Wang et al. R2-trans: Fine-grained visual categorization with redundancy reduction
CN107247954A (en) A kind of image outlier detection method based on deep neural network
CN117037427A (en) Geological disaster networking monitoring and early warning system
Terzopoulos Multi-adversarial variational autoencoder networks
CN111523404A (en) Partial face recognition method based on convolutional neural network and sparse representation
CN114898136A (en) Small sample image classification method based on feature self-adaption
Abdallah et al. Facial-expression recognition based on a low-dimensional temporal feature space

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination