CN108960077A - A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network - Google Patents
A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network Download PDFInfo
- Publication number
- CN108960077A CN108960077A CN201810601111.6A CN201810601111A CN108960077A CN 108960077 A CN108960077 A CN 108960077A CN 201810601111 A CN201810601111 A CN 201810601111A CN 108960077 A CN108960077 A CN 108960077A
- Authority
- CN
- China
- Prior art keywords
- neural network
- recurrent neural
- recognition
- output
- input
- 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
Links
Classifications
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F2218/00—Aspects of pattern recognition specially adapted for signal processing
- G06F2218/12—Classification; Matching
-
- G—PHYSICS
- G01—MEASURING; TESTING
- G01M—TESTING STATIC OR DYNAMIC BALANCE OF MACHINES OR STRUCTURES; TESTING OF STRUCTURES OR APPARATUS, NOT OTHERWISE PROVIDED FOR
- G01M13/00—Testing of machine parts
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/044—Recurrent networks, e.g. Hopfield networks
Landscapes
- Engineering & Computer Science (AREA)
- Physics & Mathematics (AREA)
- Theoretical Computer Science (AREA)
- General Physics & Mathematics (AREA)
- Artificial Intelligence (AREA)
- General Engineering & Computer Science (AREA)
- General Health & Medical Sciences (AREA)
- Biomedical Technology (AREA)
- Data Mining & Analysis (AREA)
- Evolutionary Computation (AREA)
- Biophysics (AREA)
- Molecular Biology (AREA)
- Computing Systems (AREA)
- Computational Linguistics (AREA)
- Life Sciences & Earth Sciences (AREA)
- Mathematical Physics (AREA)
- Software Systems (AREA)
- Health & Medical Sciences (AREA)
- Computer Vision & Pattern Recognition (AREA)
- Signal Processing (AREA)
- Testing Of Devices, Machine Parts, Or Other Structures Thereof (AREA)
Abstract
本发明公开了一种基于循环神经网络的智能故障诊断方法,包括如下步骤:(1)利用加速度传感器获取旋转机械在不同健康状态下工作的时序振动信号,将获得的原始振动信号分成训练集与测试集;(2)建立循环神经网络;(3)对循环神经网络中进行训练;(4)对训练好的循环神经网络进行测试,根据分类结果判断网络是否达到预期诊断目标,若准确度低于期望值,则重复步骤(3)直到获得准确度高于期望值的循环神经网络;(5)通过所述步骤(4)得到的循环神经网络进行智能故障诊断。本发明利用循环神经网络对于序列信息的建模能力,直接处理原始时序振动信号,可以充分利用较少的信息来精确地诊断旋转机械故障,并有很高的识别速度。
The invention discloses an intelligent fault diagnosis method based on a cyclic neural network, which comprises the following steps: (1) using an acceleration sensor to obtain time-series vibration signals of rotating machinery working in different health states, and dividing the obtained original vibration signals into training sets and Test set; (2) establish a recurrent neural network; (3) train the recurrent neural network; (4) test the trained recurrent neural network, and judge whether the network reaches the expected diagnostic goal according to the classification results, if the accuracy is low If it is lower than the expected value, then repeat step (3) until obtaining a cyclic neural network whose accuracy is higher than the expected value; (5) carry out intelligent fault diagnosis through the cyclic neural network obtained in the step (4). The invention utilizes the modeling ability of the cyclic neural network for the sequence information to directly process the original time series vibration signal, can make full use of less information to accurately diagnose the fault of the rotating machinery, and has a high identification speed.
Description
技术领域technical field
本发明涉及旋转机械振动信号的处理技术领域,尤其是一种基于循环神经网络的智能故障诊断方法。The invention relates to the technical field of processing vibration signals of rotating machinery, in particular to an intelligent fault diagnosis method based on a cyclic neural network.
背景技术Background technique
故障诊断方法主要关注系统的运行状态,能够及时发现故障并指导维修,对于提高系统可靠性有重要作用。一般情况下,当旋转部件出现故障时都会伴随振动形式的变化,产生瞬时振动脉冲,因此振动信号携带了重要的诊断信息,是设备状态识别的重要依据。机械设备通常需要在复杂的环境中工作,有着强烈的背景噪声,所以现场获取的机械振动信号通常是有着背景噪声的多分量、非平稳信号。因此,从复杂的机械振动信号中提取故障特征,从而对故障模式相近的机械振动信号进行诊断分类就变得非常困难。现代状态监测系统采集信号能力飞跃式的提升使得故障诊断进入大数据时代,这导致了传统的故障诊断方法的缺陷被放大。因此,现代机械故障诊断需要新的信号处理方法。The fault diagnosis method mainly focuses on the operating state of the system, which can detect faults in time and guide maintenance, which plays an important role in improving system reliability. In general, when a rotating component fails, it will be accompanied by a change in the form of vibration, resulting in an instantaneous vibration pulse. Therefore, the vibration signal carries important diagnostic information and is an important basis for equipment status identification. Mechanical equipment usually needs to work in a complex environment with strong background noise, so the mechanical vibration signals acquired on site are usually multi-component, non-stationary signals with background noise. Therefore, it becomes very difficult to extract fault features from complex mechanical vibration signals to diagnose and classify mechanical vibration signals with similar fault modes. The leap-forward improvement in signal acquisition capabilities of modern condition monitoring systems has brought fault diagnosis into the era of big data, which has magnified the defects of traditional fault diagnosis methods. Therefore, modern machinery fault diagnosis requires new signal processing methods.
近年来,深度学习技术发展迅猛,在图像、语音等很多传统的识别任务上表现出了极高识别准确率,彰显了其在数据处理上的巨大潜力。深度学习技术能够从数据中自动学习提取信号特征用于分类,是取代传统人工信号处理技术的优秀选择。深度学习技术在故障诊断领域已有大量研究及应用,包括玻尔兹曼机、深度置信网络(Deep Belief Network,DBN)、自动编码器、卷积神经网络(Convolutional Neural Networks,CNN)、稀疏滤波(Sparse Filtering,SF)等。但是目前智能诊断算法仍存在如下两个问题(1)需要大量的训练数据,当输入的信号序列长度不足以致信息的存储量有限时,这些方法往往难以保持足够高的精确度,导致诊断结果比较片面。(2)需要对训练数据进行预处理,导致了人工工作量大,影响诊断效率。这些问题限制了诊断方法的灵活性。In recent years, deep learning technology has developed rapidly, and it has shown extremely high recognition accuracy in many traditional recognition tasks such as images and voices, demonstrating its great potential in data processing. Deep learning technology can automatically learn and extract signal features from data for classification, which is an excellent choice to replace traditional artificial signal processing technology. There have been a lot of research and application of deep learning technology in the field of fault diagnosis, including Boltzmann machine, deep belief network (Deep Belief Network, DBN), autoencoder, convolutional neural network (Convolutional Neural Networks, CNN), sparse filter (Sparse Filtering, SF) and so on. However, the current intelligent diagnosis algorithm still has the following two problems: (1) A large amount of training data is required. When the length of the input signal sequence is not enough to store information, these methods are often difficult to maintain a high enough accuracy, resulting in the comparison of diagnostic results. one-sided. (2) The training data needs to be preprocessed, which leads to a large manual workload and affects the diagnosis efficiency. These issues limit the flexibility of diagnostic methods.
发明内容Contents of the invention
发明目的:为克服上述现有方法的缺陷,本发明的目的在于提供一种基于循环神经网络的智能故障诊断方法,在门控循环单元循环神经网络的基础上引入Dropout训练技术,加强模型对于小尺寸信号的识别能力。Purpose of the invention: for overcoming the defect of above-mentioned existing method, the purpose of the present invention is to provide a kind of intelligent fault diagnosis method based on cyclic neural network, introduce Dropout training technology on the basis of gated cyclic unit cyclic neural network, strengthen model for small The ability to identify dimensional signals.
技术方案:Technical solutions:
一种基于循环神经网络的智能故障诊断方法,包括如下步骤:A method for intelligent fault diagnosis based on cyclic neural network, comprising the steps of:
(1)利用加速度传感器获取旋转机械在不同健康状态下工作的时序振动信号,将获得的原始振动信号分成两个不重叠的部分,分别作为训练集与测试集;(1) Use the acceleration sensor to obtain the time-series vibration signals of the rotating machinery working in different health states, and divide the obtained original vibration signals into two non-overlapping parts, which are respectively used as the training set and the test set;
(2)建立循环神经网络:所述循环神经网络的模型选用门控循环单元,模型以振动信号xt为输入,模型向前传播公式为:(2) set up recurrent neural network: the model of described recurrent neural network selects the gated recurrent unit, and the model is input with the vibration signal x t , and the forward propagation formula of the model is:
zt=σ(Wzxt+Uzht-1+bz) (1)z t = σ(W z x t +U z h t-1 +b z ) (1)
rt=σ(Wtxt+Utht-1+br) (2)r t =σ(W t x t +U t h t-1 +b r ) (2)
式中,xt是当前t时刻输入数据,ht-1为前一个时刻t-1输出的隐藏单元信息,zt是更新门输出,rt是重置门输出,是候选隐藏状态,ht是隐藏状态,σ为Sigmoid激活函数,tanh是双曲正切激活函数,W、U均为神经网络权重矩阵,b为偏置,“●”表示哈达马乘积,即两个矩阵对应元素的乘积;In the formula, x t is the input data at the current time t, h t-1 is the hidden unit information output at the previous time t-1, z t is the output of the update gate, r t is the output of the reset gate, is the candidate hidden state, h t is the hidden state, σ is the Sigmoid activation function, tanh is the hyperbolic tangent activation function, W and U are the neural network weight matrix, b is the bias, "●" means the Hadamard product, that is, two The product of corresponding elements of a matrix;
采用softmax函数对循环神经网络的输出进行分类,每个循环单元的目标函数为:The softmax function is used to classify the output of the recurrent neural network, and the objective function of each recurrent unit is:
式中,L为目标函数、K为健康状况种类的维数、l(i)为健康状态标签、为隐藏层输出、e表示自然常数,1{·}表示按照条件输出0或者1的指示函数;最终目标函数为所有单层目标函数的综合,为:In the formula, L is the objective function, K is the dimension of the health status category, l (i) is the health status label, is the output of the hidden layer, e represents a natural constant, 1{ } represents an indicator function that outputs 0 or 1 according to the condition; the final objective function is the synthesis of all single-layer objective functions, which is:
式中M为样本数、T为时间步数;In the formula, M is the number of samples and T is the number of time steps;
(3)将步骤(1)获取的带有健康状态标签的时序振动信号训练集依次分段输入到步骤(2)建立的循环神经网络中进行训练,对比分类结果与原信号健康标签的差异对网络参数进行微调,包括网络的输入,以得到训练好的循环神经网络;(3) Input the time series vibration signal training set with the health status label obtained in step (1) into the recurrent neural network established in step (2) for training, and compare the difference between the classification result and the original signal health label. The network parameters are fine-tuned, including the input of the network, to obtain the trained recurrent neural network;
(4)将步骤(1)获取的带有健康状态标签的时序振动信号测试集输入到步骤(3)训练好的循环神经网络中进行健康状态的诊断分类,根据分类结果判断网络是否达到预期诊断目标,若准确度低于期望值,则重复步骤(3)直到获得准确度高于期望值的循环神经网络;所述期望值为95%;(4) Input the time-series vibration signal test set with the health state label obtained in step (1) into the recurrent neural network trained in step (3) to diagnose and classify the health state, and judge whether the network meets the expected diagnosis according to the classification results Target, if the accuracy is lower than the expected value, then repeat step (3) until obtaining the recurrent neural network whose accuracy is higher than the expected value; the expected value is 95%;
(5)通过所述步骤(4)得到的循环神经网络进行智能故障诊断。(5) Carry out intelligent fault diagnosis through the recurrent neural network obtained in the step (4).
所述步骤(1)中的时序振动信号包括系统在正常状态、磨损、断齿及断齿和磨损的复合故障状态下的振动信号。The time-series vibration signals in the step (1) include the vibration signals of the system in normal state, wear, broken teeth, and combined faults of broken teeth and wear.
所述步骤(3)的循环神经网络训练过程中在循环神经网络隐藏层的输入输出中引入Dropout技术:In the recurrent neural network training process of described step (3), introduce Dropout technology in the input and output of recurrent neural network hidden layer:
在隐藏层中,对每个时刻隐藏单元的输入与输出以设定好的比例p置零,使得每次计算均由强制性安排的随机挑选出来的神经元共同工作。In the hidden layer, the input and output of the hidden unit at each moment are set to zero with a set ratio p, so that each calculation is jointly worked by randomly selected neurons that are mandatory.
有益效果:Beneficial effect:
1、本发明利用门控循环单元循环神经网络对于序列信息的建模能力,直接处理原始时序振动信号,可以充分利用较少的信息来精确地诊断旋转机械故障,并有很高的识别速度。1. The present invention utilizes the modeling ability of the gated cyclic unit cyclic neural network for sequence information to directly process the original time-series vibration signal, which can make full use of less information to accurately diagnose rotating machinery faults, and has a high recognition speed.
2、本发明在循环神经网络训练过程中引入Dropout技术来防止过拟合,增强了模型的泛化能力。2. The present invention introduces Dropout technology in the training process of the cyclic neural network to prevent over-fitting and enhance the generalization ability of the model.
附图说明Description of drawings
图1是本发明的方法流程图。Fig. 1 is a flow chart of the method of the present invention.
图2是循环神经网络模型图。Figure 2 is a diagram of a recurrent neural network model.
图3是不同大小训练样本识别精度对比图。Figure 3 is a comparison of the recognition accuracy of training samples of different sizes.
具体实施方式Detailed ways
下面结合附图对本发明作更进一步的说明。The present invention will be further described below in conjunction with the accompanying drawings.
图1是本发明基于循环神经网络的智能故障诊断方法的流程图,如图1所示,该方法包括如下步骤:Fig. 1 is the flowchart of the intelligent fault diagnosis method based on cyclic neural network of the present invention, as shown in Fig. 1, this method comprises the steps:
(1)利用加速度传感器获取旋转机械在不同健康状态下工作的时序振动信号:通过发动机—转子试验台获取振动信号数据,试验采用电机—齿轮箱—负载的形式工作。齿轮箱选用一级行星齿轮箱,含3个行星轮、1个太阳轮和1个固定内齿圈。采用加速度传感器采集试验中竖直方向的振动加速度作为试验处理信号。试验主要采集行星轮在正常、齿面磨损、断齿、断齿和磨损的复合故障4种状态下的振动信号。试验设置采样频率为fs=12.8kHz。将获得原始振动信号分成两个不重叠的部分,分别作为训练集与测试集。随机抽取样本大小分别为600、800、1000和1200的数据集各400组。(1) Use the acceleration sensor to obtain the time-series vibration signals of the rotating machinery working in different health states: the vibration signal data is obtained through the engine-rotor test bench, and the test works in the form of motor-gearbox-load. The gear box is a one-stage planetary gear box, including 3 planetary gears, 1 sun gear and 1 fixed ring gear. The acceleration sensor is used to collect the vibration acceleration in the vertical direction in the test as the test processing signal. The test mainly collects the vibration signals of the planetary gear in four states: normal, tooth surface wear, broken tooth, and combined failure of broken tooth and wear. The experiment sets the sampling frequency as f s =12.8kHz. The obtained original vibration signal is divided into two non-overlapping parts, which are respectively used as training set and test set. Randomly select 400 groups of data sets with sample sizes of 600, 800, 1000 and 1200 respectively.
(2)建立循环神经网络:循环神经网络的模型选用门控循环单元,网络模型包括输入层、隐藏循环层、输出层三层神经网络。针对该数据集设置输入层维数和隐藏层维数分别为20、100。(2) Establishing a recurrent neural network: the model of the recurrent neural network uses a gated recurrent unit, and the network model includes a three-layer neural network including an input layer, a hidden recurrent layer, and an output layer. For this data set, the input layer dimension and the hidden layer dimension are set to 20 and 100, respectively.
参照图2,第一层为输入层,读取分段的训练数据并拓展到更高的维度后输入到下一层隐藏层。隐藏循环层的门控循环单元包括两个控制门,重置门和更新门,用于学习信号的内在故障特征,输出层利用隐藏循环层得到的故障特性对输入信号进行分类。模型以振动信号xt为输入,向前传播的过程按如下公式计算:Referring to Figure 2, the first layer is the input layer, which reads the segmented training data and expands it to a higher dimension before inputting it to the next hidden layer. The gated recurrent unit of the hidden recurrent layer includes two control gates, a reset gate and an update gate, which are used to learn the inherent fault characteristics of the signal, and the output layer uses the fault characteristics obtained by the hidden recurrent layer to classify the input signal. The model takes the vibration signal x t as input, and the forward propagation process is calculated according to the following formula:
zt=σ(Wzxt+Uzht-1+bz) (1)z t =σ(W z x t +U z h t-1 +b z ) (1)
rt=σ(Wtxt+Utht-1+br) (2)r t =σ(W t x t +U t h t-1 +b r ) (2)
式中xt是当前t时刻输入数据,ht-1为前一个时刻t-1输出的隐藏单元信息,zt是更新门输出,rt是重置门输出,是候选隐藏状态,ht是隐藏状态,σ为Sigmoid激活函数,tanh是双曲正切激活函数,W、U均为神经网络权重矩阵,b为偏置,“●”表示哈达马乘积,即两个矩阵对应元素的乘积。where x t is the input data at the current time t, h t-1 is the hidden unit information output at the previous time t-1, z t is the output of the update gate, r t is the output of the reset gate, is the candidate hidden state, h t is the hidden state, σ is the Sigmoid activation function, tanh is the hyperbolic tangent activation function, W and U are the neural network weight matrix, b is the bias, "●" means the Hadamard product, that is, two The product of the corresponding elements of a matrix.
最后一层为输出层,用于诊断健康状况,即分类层。输出层接受隐藏层的最终输出,目标函数采用softmax函数。The last layer is the output layer, which is used to diagnose the health status, that is, the classification layer. The output layer accepts the final output of the hidden layer, and the objective function adopts the softmax function.
每个循环单元的目标函数公式为:The objective function formula of each cycle unit is:
式中,L为目标函数、K为健康状况种类的维数、l(i)为健康状态标签、为隐藏层输出、e表示自然常数,1{·}表示按照条件输出0或者1的指示函数。最终目标函数为所有单层目标函数的综合,为:In the formula, L is the objective function, K is the dimension of the health status category, l (i) is the health status label, is the output of the hidden layer, e represents a natural constant, and 1{ } represents an indicator function that outputs 0 or 1 according to the condition. The final objective function is the synthesis of all single-layer objective functions, which is:
式中M为样本数、T为时间步数;In the formula, M is the number of samples and T is the number of time steps;
(3)网络训练:将带有健康状态标签的时序振动信号集依此分段输入到循环神经网络中进行训练,首先将振动信号输入输入层进行维度拓展,其次将重构后的数据输入循环层来提取不同健康状态的故障特征,最后将提取的故障特性输入输出层进行分类,对比分类结果与原信号健康标签的差异对网络参数进行微调,以得到训练好的循环神经网络;所述微调即调整训练好之后的循环神经网络参数,观察结果,直至调整到某一个值后诊断准确度不再上升,属于按经验调整。所述微调的调整参数包括输入数据的维度,输入层隐藏维度及迭代次数等。(3) Network training: input the time-series vibration signal set with the health status label into the recurrent neural network for training. First, the vibration signal is input into the input layer for dimension expansion, and then the reconstructed data is input into the loop layer to extract the fault features of different health states, and finally classify the extracted fault features into the output layer, compare the difference between the classification result and the original signal health label, and fine-tune the network parameters to obtain a trained recurrent neural network; the fine-tuning That is, adjust the parameters of the recurrent neural network after training and observe the results until the diagnostic accuracy does not increase after adjusting to a certain value, which belongs to empirical adjustment. The adjustment parameters of the fine-tuning include the dimension of the input data, the hidden dimension of the input layer, the number of iterations, and the like.
利用采集好的训练样本集对建立的循环神经网络模型进行训练。训练过程中在循环神经网络隐藏层的输入输出中引入Dropout技术,来防止过拟合。即在隐藏层中,对每个时刻隐藏单元的输入与输出以设定好的比例p置零,使得每次计算均由强制性安排的随机挑选出来的神经元共同工作,以达到弱化神经元节点之间的联合适应性,增强泛化能力,解决过拟合问题。在本发明中,每个时刻隐藏单元的输入与输出以设定好的比例p=0.5。Use the collected training sample set to train the established recurrent neural network model. During the training process, dropout technology is introduced into the input and output of the hidden layer of the cyclic neural network to prevent overfitting. That is, in the hidden layer, the input and output of the hidden unit at each moment are set to zero at a set ratio p, so that each calculation is made to work together with randomly selected neurons that are mandatory to achieve the weakening of the neurons. The joint adaptability between nodes enhances the generalization ability and solves the problem of overfitting. In the present invention, the input and output of the hidden unit at each moment have a set ratio of p=0.5.
(4)验证方法的测试精度,将振动信号输入训练好的循环神经网络中进行健康状态的诊断分类,根据分类结果判断网络是否达到预期诊断目标,若准确度低于期望值,重复步骤3直到获得足够高准确率的神经网络。(4) To verify the test accuracy of the method, input the vibration signal into the trained recurrent neural network to diagnose and classify the health status, and judge whether the network has reached the expected diagnosis target according to the classification results. If the accuracy is lower than the expected value, repeat step 3 until the obtained A neural network with a sufficiently high accuracy rate.
(5)测试:采用之前准备的测试样本来验证提出方法的有效性,并将本方法与系数滤波(SF)、LSTM网络对比。每组实验进行10次,取平均值以确保普遍性。准确率对比如图3所示,可见本方法有着最高的识别精度。说明本方法能在提供较少信息时保持特征学习的能力。(5) Test: The test samples prepared before are used to verify the effectiveness of the proposed method, and the method is compared with coefficient filtering (SF) and LSTM network. Each experiment was performed 10 times, and the average value was taken to ensure generalizability. The accuracy rate comparison is shown in Figure 3, it can be seen that this method has the highest recognition accuracy. It shows that this method can maintain the ability of feature learning when providing less information.
以上所述仅是本发明的优选实施方式,应当指出:对于本技术领域的普通技术人员来说,在不脱离本发明原理的前提下,还可以做出若干改进和润饰,这些改进和润饰也应视为本发明的保护范围。The above is only a preferred embodiment of the present invention, it should be pointed out that for those of ordinary skill in the art, without departing from the principle of the present invention, some improvements and modifications can also be made. It should be regarded as the protection scope of the present invention.
Claims (3)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201810601111.6A CN108960077A (en) | 2018-06-12 | 2018-06-12 | A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network |
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201810601111.6A CN108960077A (en) | 2018-06-12 | 2018-06-12 | A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network |
Publications (1)
| Publication Number | Publication Date |
|---|---|
| CN108960077A true CN108960077A (en) | 2018-12-07 |
Family
ID=64488373
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN201810601111.6A Pending CN108960077A (en) | 2018-06-12 | 2018-06-12 | A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network |
Country Status (1)
| Country | Link |
|---|---|
| CN (1) | CN108960077A (en) |
Cited By (24)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN109740523A (en) * | 2018-12-29 | 2019-05-10 | 国网陕西省电力公司电力科学研究院 | A Power Transformer Fault Diagnosis Method Based on Acoustic Features and Neural Networks |
| CN109738058A (en) * | 2019-02-15 | 2019-05-10 | 江苏弘冉智能科技有限公司 | A kind of self study vibrating failure diagnosis method |
| CN110046663A (en) * | 2019-04-16 | 2019-07-23 | 重庆大学 | A kind of complex electromechanical systems fault critical state discrimination method |
| CN110097134A (en) * | 2019-05-08 | 2019-08-06 | 合肥工业大学 | A kind of mechanical breakdown method of early diagnosis based on time series |
| CN110243405A (en) * | 2019-06-25 | 2019-09-17 | 东北大学 | A fault diagnosis method for aero-engine sensors based on deep learning |
| CN110597240A (en) * | 2019-10-24 | 2019-12-20 | 福州大学 | A Fault Diagnosis Method for Hydrogenerator Units Based on Deep Learning |
| CN110633792A (en) * | 2019-10-22 | 2019-12-31 | 西安交通大学 | End-to-end bearing health index construction method based on convolutional recurrent neural network |
| CN111026095A (en) * | 2019-12-30 | 2020-04-17 | 太原科技大学 | A fault diagnosis method with noisy labels based on recurrent neural network |
| CN111192598A (en) * | 2020-01-07 | 2020-05-22 | 哈尔滨理工大学 | Voice enhancement method for jump connection deep neural network |
| CN111308112A (en) * | 2019-12-04 | 2020-06-19 | 电子科技大学 | Temperature compensation system based on neural network |
| CN111325112A (en) * | 2020-01-31 | 2020-06-23 | 贵州大学 | Cutter wear state monitoring method based on depth gate control circulation unit neural network |
| CN111428788A (en) * | 2020-03-24 | 2020-07-17 | 西安交通大学 | Multi-fault diagnosis method and system for rotor of steam turbine generator set based on deep learning |
| CN111459144A (en) * | 2020-05-01 | 2020-07-28 | 西北工业大学 | A Fault Prediction Method of Aircraft Flight Control System Based on Deep Recurrent Neural Network |
| CN111523081A (en) * | 2020-05-01 | 2020-08-11 | 西北工业大学 | Aircraft engine fault diagnosis method based on enhanced gated cyclic neural network |
| CN111832663A (en) * | 2020-07-30 | 2020-10-27 | 上海电机学院 | A Capsule Network Rolling Bearing Fault Diagnosis System Based on Gated Cyclic Unit |
| CN111898686A (en) * | 2020-08-04 | 2020-11-06 | 重庆大学 | Bearing fault identification method based on gated recurrent unit network |
| CN112906915A (en) * | 2021-01-22 | 2021-06-04 | 江苏安狮智能技术有限公司 | Rail transit system fault diagnosis method based on deep learning |
| CN113240098A (en) * | 2021-06-16 | 2021-08-10 | 湖北工业大学 | Fault prediction method and device based on hybrid gated neural network and storage medium |
| CN113379706A (en) * | 2021-06-09 | 2021-09-10 | 苏州大学 | Embryo development prediction method, device, equipment and storage medium |
| CN113987697A (en) * | 2021-09-28 | 2022-01-28 | 上海电气集团数字科技有限公司 | A method for fault diagnosis of mechanical equipment based on vibration data |
| CN114676717A (en) * | 2020-12-09 | 2022-06-28 | 电科云(北京)科技有限公司 | Bearing residual life prediction method, device and medium |
| CN115067894A (en) * | 2022-07-13 | 2022-09-20 | 广东电网有限责任公司 | Pulse signal identification method and device based on recurrent neural network and storage medium |
| CN117951491A (en) * | 2024-02-05 | 2024-04-30 | 苏州光格科技股份有限公司 | Data enhancement method and device, electronic equipment and storage medium |
| CN119453960A (en) * | 2024-10-18 | 2025-02-18 | 华南理工大学 | A non-invasive blood pressure prediction method based on signal dimension expansion and lightweight network |
Citations (6)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN105787561A (en) * | 2016-03-22 | 2016-07-20 | 新疆金风科技股份有限公司 | Recurrent neural network model construction method and gearbox fault detection method and device |
| CN106603293A (en) * | 2016-12-20 | 2017-04-26 | 南京邮电大学 | Network fault diagnosis method based on deep learning in virtual network environment |
| CN106934126A (en) * | 2017-02-28 | 2017-07-07 | 西安交通大学 | Component of machine health indicator building method based on Recognition with Recurrent Neural Network fusion |
| CN107769972A (en) * | 2017-10-25 | 2018-03-06 | 武汉大学 | A kind of power telecom network equipment fault Forecasting Methodology based on improved LSTM |
| CN107993012A (en) * | 2017-12-04 | 2018-05-04 | 国网湖南省电力有限公司娄底供电分公司 | A kind of adaptive electric system on-line transient stability appraisal procedure of time |
| US20180158552A1 (en) * | 2016-12-01 | 2018-06-07 | University Of Southern California | Interpretable deep learning framework for mining and predictive modeling of health care data |
-
2018
- 2018-06-12 CN CN201810601111.6A patent/CN108960077A/en active Pending
Patent Citations (6)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN105787561A (en) * | 2016-03-22 | 2016-07-20 | 新疆金风科技股份有限公司 | Recurrent neural network model construction method and gearbox fault detection method and device |
| US20180158552A1 (en) * | 2016-12-01 | 2018-06-07 | University Of Southern California | Interpretable deep learning framework for mining and predictive modeling of health care data |
| CN106603293A (en) * | 2016-12-20 | 2017-04-26 | 南京邮电大学 | Network fault diagnosis method based on deep learning in virtual network environment |
| CN106934126A (en) * | 2017-02-28 | 2017-07-07 | 西安交通大学 | Component of machine health indicator building method based on Recognition with Recurrent Neural Network fusion |
| CN107769972A (en) * | 2017-10-25 | 2018-03-06 | 武汉大学 | A kind of power telecom network equipment fault Forecasting Methodology based on improved LSTM |
| CN107993012A (en) * | 2017-12-04 | 2018-05-04 | 国网湖南省电力有限公司娄底供电分公司 | A kind of adaptive electric system on-line transient stability appraisal procedure of time |
Non-Patent Citations (7)
| Title |
|---|
| HAN LIU等: ""Fault diagnosis of rolling bearings with recurrent neural network-based autoencoders"", 《ISA TRANSACTIONS》 * |
| JINRUI WANG等: ""A Novel Feature Representation Method Based on Deep Neural Networks for Gear Fault Diagnosis"", 《2017 PROGNOSTICS AND SYSTEM HEALTH MANAGEMENT CONFERENCE (PHM-HARBIN)》 * |
| NARENDHAR GUGULOTHU等: ""Predicting remaining useful life using time series embeddings based on recurrent neural networks"", 《HTTPS://ARXIV.GG363.SITE/PDF/1709.01073.PDF》 * |
| ZHENG FENGMING等: ""Anomaly detection in smart grid based on encoder-decoder framework with recurrent neural network"", 《THE JOURNAL OF CHINA UNIVERSITIES OF POSTS AND TELECOMMUNICATIONS》 * |
| 乔大雷等: ""水面机器人机舱设备预测维护系统研究与设计"", 《机械设计与制造》 * |
| 张汝波等: "《计算智能基础》", 31 July 2013, 哈尔滨工程大学出版社 * |
| 王维锋等: ""基于双层长短时记忆网络的齿轮故障诊断方法"", 《装甲兵工程学院学报》 * |
Cited By (34)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN109740523B (en) * | 2018-12-29 | 2020-12-29 | 国网陕西省电力公司电力科学研究院 | A Power Transformer Fault Diagnosis Method Based on Acoustic Features and Neural Networks |
| CN109740523A (en) * | 2018-12-29 | 2019-05-10 | 国网陕西省电力公司电力科学研究院 | A Power Transformer Fault Diagnosis Method Based on Acoustic Features and Neural Networks |
| CN109738058A (en) * | 2019-02-15 | 2019-05-10 | 江苏弘冉智能科技有限公司 | A kind of self study vibrating failure diagnosis method |
| CN110046663A (en) * | 2019-04-16 | 2019-07-23 | 重庆大学 | A kind of complex electromechanical systems fault critical state discrimination method |
| CN110097134A (en) * | 2019-05-08 | 2019-08-06 | 合肥工业大学 | A kind of mechanical breakdown method of early diagnosis based on time series |
| CN110243405A (en) * | 2019-06-25 | 2019-09-17 | 东北大学 | A fault diagnosis method for aero-engine sensors based on deep learning |
| CN110633792A (en) * | 2019-10-22 | 2019-12-31 | 西安交通大学 | End-to-end bearing health index construction method based on convolutional recurrent neural network |
| CN110633792B (en) * | 2019-10-22 | 2022-03-22 | 西安交通大学 | End-to-end bearing health index construction method based on convolution cyclic neural network |
| CN110597240A (en) * | 2019-10-24 | 2019-12-20 | 福州大学 | A Fault Diagnosis Method for Hydrogenerator Units Based on Deep Learning |
| CN110597240B (en) * | 2019-10-24 | 2021-03-30 | 福州大学 | A fault diagnosis method for hydro-generator units based on deep learning |
| CN111308112A (en) * | 2019-12-04 | 2020-06-19 | 电子科技大学 | Temperature compensation system based on neural network |
| CN111026095A (en) * | 2019-12-30 | 2020-04-17 | 太原科技大学 | A fault diagnosis method with noisy labels based on recurrent neural network |
| CN111192598A (en) * | 2020-01-07 | 2020-05-22 | 哈尔滨理工大学 | Voice enhancement method for jump connection deep neural network |
| CN111325112A (en) * | 2020-01-31 | 2020-06-23 | 贵州大学 | Cutter wear state monitoring method based on depth gate control circulation unit neural network |
| CN111325112B (en) * | 2020-01-31 | 2023-04-07 | 贵州大学 | Cutter wear state monitoring method based on depth gate control circulation unit neural network |
| CN111428788A (en) * | 2020-03-24 | 2020-07-17 | 西安交通大学 | Multi-fault diagnosis method and system for rotor of steam turbine generator set based on deep learning |
| CN111459144A (en) * | 2020-05-01 | 2020-07-28 | 西北工业大学 | A Fault Prediction Method of Aircraft Flight Control System Based on Deep Recurrent Neural Network |
| CN111523081A (en) * | 2020-05-01 | 2020-08-11 | 西北工业大学 | Aircraft engine fault diagnosis method based on enhanced gated cyclic neural network |
| CN111523081B (en) * | 2020-05-01 | 2023-09-12 | 西北工业大学 | Aeroengine fault diagnosis method based on enhanced gate control circulating neural network |
| CN111832663A (en) * | 2020-07-30 | 2020-10-27 | 上海电机学院 | A Capsule Network Rolling Bearing Fault Diagnosis System Based on Gated Cyclic Unit |
| CN111898686A (en) * | 2020-08-04 | 2020-11-06 | 重庆大学 | Bearing fault identification method based on gated recurrent unit network |
| CN114676717A (en) * | 2020-12-09 | 2022-06-28 | 电科云(北京)科技有限公司 | Bearing residual life prediction method, device and medium |
| CN112906915A (en) * | 2021-01-22 | 2021-06-04 | 江苏安狮智能技术有限公司 | Rail transit system fault diagnosis method based on deep learning |
| CN112906915B (en) * | 2021-01-22 | 2024-03-22 | 江苏安狮智能技术有限公司 | Rail transit system fault diagnosis method based on deep learning |
| WO2022257238A1 (en) * | 2021-06-09 | 2022-12-15 | 苏州大学 | Embryo development prediction method, apparatus and device, and storage medium |
| CN113379706A (en) * | 2021-06-09 | 2021-09-10 | 苏州大学 | Embryo development prediction method, device, equipment and storage medium |
| CN113379706B (en) * | 2021-06-09 | 2024-04-19 | 苏州大学 | Embryo development prediction method, device, equipment and storage medium |
| CN113240098A (en) * | 2021-06-16 | 2021-08-10 | 湖北工业大学 | Fault prediction method and device based on hybrid gated neural network and storage medium |
| CN113987697A (en) * | 2021-09-28 | 2022-01-28 | 上海电气集团数字科技有限公司 | A method for fault diagnosis of mechanical equipment based on vibration data |
| CN113987697B (en) * | 2021-09-28 | 2025-06-13 | 上海电气集团数字科技有限公司 | A mechanical equipment fault diagnosis method based on vibration data |
| CN115067894A (en) * | 2022-07-13 | 2022-09-20 | 广东电网有限责任公司 | Pulse signal identification method and device based on recurrent neural network and storage medium |
| CN117951491A (en) * | 2024-02-05 | 2024-04-30 | 苏州光格科技股份有限公司 | Data enhancement method and device, electronic equipment and storage medium |
| CN117951491B (en) * | 2024-02-05 | 2024-10-11 | 苏州光格科技股份有限公司 | Data enhancement method and device, electronic equipment and storage medium |
| CN119453960A (en) * | 2024-10-18 | 2025-02-18 | 华南理工大学 | A non-invasive blood pressure prediction method based on signal dimension expansion and lightweight network |
Similar Documents
| Publication | Publication Date | Title |
|---|---|---|
| CN108960077A (en) | A kind of intelligent failure diagnosis method based on Recognition with Recurrent Neural Network | |
| Chen et al. | Deep neural networks-based rolling bearing fault diagnosis | |
| CN110110768B (en) | Rolling bearing fault diagnosis method based on parallel feature learning and multiple classifiers | |
| CN111914883B (en) | Spindle bearing state evaluation method and device based on deep fusion network | |
| CN113505664B (en) | Fault diagnosis method for planetary gear box of wind turbine generator | |
| CN110334764A (en) | Intelligent fault diagnosis method for rotating machinery based on integrated deep autoencoder | |
| CN108319962A (en) | A kind of Tool Wear Monitoring method based on convolutional neural networks | |
| Guo et al. | Deep convolution feature learning for health indicator construction of bearings | |
| CN108256556A (en) | Wind-driven generator group wheel box method for diagnosing faults based on depth belief network | |
| Son et al. | Deep learning-based anomaly detection to classify inaccurate data and damaged condition of a cable-stayed bridge | |
| CN106017876A (en) | Wheel set bearing fault diagnosis method based on equally-weighted local feature sparse filter network | |
| KR102172727B1 (en) | Apparatus And Method For Equipment Fault Detection | |
| CN110455512B (en) | Rotary mechanical multi-integration fault diagnosis method based on depth self-encoder DAE | |
| CN108921285A (en) | Single-element classification method in sequence based on bidirectional valve controlled Recognition with Recurrent Neural Network | |
| CN109946080B (en) | A Method for Recognition of Mechanical Equipment Health Status Based on Embedded Recurrent Network | |
| CN108875771A (en) | A kind of failure modes model and method being limited Boltzmann machine and Recognition with Recurrent Neural Network based on sparse Gauss Bernoulli Jacob | |
| CN108509701A (en) | A kind of direct intelligent diagnosing method of rotating machinery fault based on vibration signal | |
| CN113916535B (en) | Bearing diagnosis method, system, equipment and medium based on time frequency and CNN | |
| CN114624027A (en) | Bearing fault diagnosis method based on multi-input CNN | |
| CN117475191A (en) | A bearing fault diagnosis method based on feature aligned domain adversarial neural network | |
| CN114383845B (en) | Bearing composite fault diagnosis method based on embedded zero sample learning model | |
| CN107609477A (en) | It is a kind of that detection method is fallen down with what Intelligent bracelet was combined based on deep learning | |
| CN112508242A (en) | Method for constructing bearing fault location and classification model of wind power generator | |
| CN113865872A (en) | Bearing fault diagnosis method based on wavelet packet reconstruction imaging and CNN | |
| CN118706436A (en) | A gearbox fault diagnosis method based on multi-scale dynamic convolutional neural network |
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 | ||
| RJ01 | Rejection of invention patent application after publication |
Application publication date: 20181207 |
|
| RJ01 | Rejection of invention patent application after publication |