CN112699722A - Method for fault diagnosis based on rotating machinery - Google Patents

Method for fault diagnosis based on rotating machinery Download PDF

Info

Publication number
CN112699722A
CN112699722A CN202011118967.1A CN202011118967A CN112699722A CN 112699722 A CN112699722 A CN 112699722A CN 202011118967 A CN202011118967 A CN 202011118967A CN 112699722 A CN112699722 A CN 112699722A
Authority
CN
China
Prior art keywords
gmm
fault
model
fault diagnosis
training
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
CN202011118967.1A
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.)
Harbin University of Science and Technology
Original Assignee
Harbin University of Science and Technology
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 Harbin University of Science and Technology filed Critical Harbin University of Science and Technology
Priority to CN202011118967.1A priority Critical patent/CN112699722A/en
Publication of CN112699722A publication Critical patent/CN112699722A/en
Pending legal-status Critical Current

Links

Images

Landscapes

  • Testing Of Devices, Machine Parts, Or Other Structures Thereof (AREA)

Abstract

The present invention relates to a fault diagnosis method for a rotary machine. The current fault diagnosis software cannot automatically diagnose the rotating machine, the precision is low, and the traditional method has low efficiency of fault diagnosis of equipment. In order to solve the problem, a fault diagnosis method fusing a CNN and a GMM is provided. In the training stage, a large amount of vibration data is used for training a CNN to extract vibration signal characteristics, and then a GMM is trained for each type of fault. In the fault diagnosis stage, new input signals are classified on a GMM model after feature extraction, and fault diagnosis is realized. Experiments show that compared with the traditional method, the method has higher accuracy in the aspect of fault diagnosis of the rotary machine. The method is applied to the field of fault diagnosis of the rotary machine.

Description

Method for fault diagnosis based on rotating machinery
Technical Field
The invention belongs to the field of fault diagnosis, and particularly relates to a fault diagnosis method fusing a Convolutional Neural Network (CNN) and a Gaussian Mixture Model (GMM).
Background
With the progress of information technology and times, modern industrial systems are gradually developing towards the direction of complication. Mechanical equipment carriers related to a control system are more and more complex and bulky, faults are easy to occur in the operation process, if the faults cannot be processed in time, the personal safety of operators is threatened to a great extent, and economic losses are caused. The rotary machine is widely used in gas engine, wind power generator, airplane engine and other equipment as the important component of mechanical equipment, and plays a key role in production. The rotary machine works ceaselessly, faults such as misalignment of a rotor, gear looseness, bearing abrasion and the like easily occur, the vibration of equipment is overlarge, the integral structure of a system is changed, the production efficiency is finally reduced, and even safety accidents occur. Fault diagnosis is therefore of great importance to ensure the safety and reliability of rotating machines.
The bearing is a core component of the rotating machine, and the failure of the bearing can cause the whole device to be incapable of operating normally. In order to better realize the fault diagnosis of the bearing, new methods are continuously tried and explored. The current fault diagnosis methods mainly comprise: bayesian inference based methods, neural network based methods, and deep learning based methods. The Bayesian inference method is based on the attribute condition independence assumption which is often not satisfied in the practice process, so that the method has certain limitation in the application of actual bearing fault diagnosis. Although the artificial neural network technology has been used as a pattern recognition technology with wide application, further intensive research is needed to improve the bearing fault diagnosis precision of the neural network due to the difficulties of sample dependence, difficult determination of the network structure and the like of the model. The deep learning has the capability of self-adaptively learning the fault characteristic quantity of the equipment, so that the defect of manually constructing the fault characteristic quantity is effectively avoided, and the mechanical fault diagnosis technology based on the deep learning has wide application space along with the continuous development of related theories. Aiming at the problem that the traditional method and the machine learning method are difficult to accurately express complex data characteristics, the CNN and the GMM are fused to form a new fault diagnosis framework. Compared with other fault diagnosis methods, the method provided by the invention improves the fault identification precision, so that the method provided by the invention has important significance.
Disclosure of Invention
Aiming at the defects of the prior art, the invention provides a novel fault diagnosis framework fusing a CNN (CNN) and a GMM (Gaussian mixture model) method.
The technical scheme adopted by the invention for solving the technical problem mainly comprises the following steps:
the method comprises the following steps: and training a feature extraction model. Firstly, a convolutional neural network is utilized to train a vibration data signal, and a deep learning model capable of extracting characteristics of the vibration data signal is obtained.
Step two: a feature vector is generated. And then inputting the vibration data signals into the trained model for feature extraction, and generating feature vectors which are used for establishing a fault mode library and describing the original vibration signals.
Step three: and establishing a fault mode library. And fitting the extracted characteristic vectors with spatial distribution by using a Gaussian mixture model theory so as to obtain a Gaussian mixture model under each fault mode and successfully establish a fault mode library.
Step four: and (5) fault diagnosis. And then inputting the test sample into a CNN model for feature extraction in a test stage, finally inputting the extracted features into a plurality of GMMs, calculating a likelihood value p of the feature vector belonging to the model, and taking out the model type corresponding to the maximum value p, namely the diagnosis result.
Drawings
FIG. 1 is a general CNN-GMM fault diagnosis flow diagram;
fig. 2CNN network structure display diagram;
FIG. 3 is a schematic diagram of the GMM-UBM method training;
FIG. 4 is a time domain diagram of a vibration signal;
detailed description of the invention
The invention is further described below with reference to the accompanying drawings.
As shown in the attached figure 1, the fault diagnosis method for the rotary machine is implemented as follows.
The method comprises the following steps: the CNN is trained for feature extraction. The number of network layers, convolution kernel size and number, convolution step size, pooling size, dropout layer parameters, and activation functions are determined herein by tuning parameter optimization. The structure of the CNN network is shown in fig. 2, wherein the activation function of each convolutional layer is Relu; the first three pooling layers are maximum pooling layers, and the fourth layer is an average pooling layer for feature dimension reduction. And finally, outputting the data through the full connection layer, and using softmax by the activation function. And finally, learning the network by adopting an adm optimizer and a coordinated _ cross loss function. The network layers and model parameter settings are shown in the figure. The network takes a 6000 x 1 matrix as input vector. The first convolutional layer defines 16 filters, the output is a 2997 × 16 matrix, each column of the output matrix contains the weight values of one filter, and each filter contains 2997 weight values. The output result of the first layer of convolutional layer is input into the second layer of convolutional layer, 16 filters are defined in the layer again for training, the logic of the layer is the same as that of the previous layer, and the output matrix is a 1499 x 16 matrix. To reduce the complexity of the output features and to prevent overfitting of the data, a maximum pooling layer is added, where a pooling layer of size 2 is chosen, and the output matrix is only half the size of the input matrix, which is a 749 x 16 matrix. The data then passes through two convolutional layers, the output matrix after these two layers is a 188 x 64 matrix. And inputting the data into the pooling layer for processing, and selecting the pooling layer with the size of 2, wherein the size of the output matrix is only half of that of the input matrix, and the output matrix is a 94 × 64 matrix. Constructing two convolutional layers further processes the data, the output matrix after these two layers is a 24 x 256 matrix. When data is input into the pooling layer for processing, and the pooling layer with the size of 2 is also selected, the output matrix size is only half of the input matrix, and the output matrix is a 12 × 256 matrix. Finally, the data is processed by using two convolutional layers, and the output matrix after the two layers is a 12 x 512 matrix. The data is input into the last largest pooling layer, and a pooling layer of size 2 is also selected, so that the size of the output matrix is only half of that of the input matrix, and the output matrix is a 6 × 512 matrix. And finally, an average pooling layer is added to avoid overfitting, all weight averages in the neural network are taken at the moment, and the output matrix is a 1 x 512 matrix. The output data is input into a Dropout layer which assigns the neurons in the network randomly to zero weights, with a parameter of 0.3 meaning that 30% of the neurons will be zero weights. The output of this layer is still the same as the output of the previous layer, being a 1 x 512 matrix. The last layer uses the Softmax function as the activation function to reduce the length of 512 vectors to length of 10 vectors. This vector represents the probability of occurrence of each of the 10 classes.
Step two: and performing feature extraction on the vibration signals by using the trained CNN model to obtain a large number of feature vectors of the vibration signals. And finally, the feature vectors are used for training a GMM model to establish a fault mode library.
Step three: the vibration data signals are subjected to the CNN method characteristic extraction, and N pieces of 512-dimensional data can be obtained. Modeling the extracted 10 types of feature vectors by utilizing the space fitting capacity of the GMM to the feature vectors, thereby obtaining the GMMs of 10 fault types. The feature distribution of the vector is described by a linear combination of K gaussian functions, the probability density function of the GMM is represented by equation 1:
Figure RE-RE-GDA0002968755990000031
where x is an L-dimensional feature vector, ωkFor the weight of each single Gaussian density function, N (x | mu)k,∑k) Called Gaussian distribution function, mukRepresents the mean vector, ∑kRepresenting a covariance matrix, weight ωkThe sum of coefficients satisfying the respective gaussian components is 1, that is:
Figure RE-RE-GDA0002968755990000041
generally in the field of recognition, sigma is often used for computational conveniencekSetting as a diagonal matrix:
k=(σk1k2,...,σkL) (3)
thus, a complete GMM is formed from the mean vector μkCovariance matrix ΣkAnd weight ωkThree parameters, which can be expressed as:
λ={ωkk,∑k|k=1,2,...,K} (3)
next, values of the model parameters are determined. There are three parameters of the GMM, and learning of these three parameter variables is usually based on a maximum likelihood criterion, of which the maximum expectation algorithm (EM) is a typical one. It is a two-stage iterative algorithm, respectively an expectation calculation stage (E-step) and a maximization stage (M-step). Firstly, estimating a complete set of vectors by using given parameters and incomplete observation vectors to obtain the likelihood of the complete set of vectors; the parameters are then re-estimated, maximizing this likelihood using the maximum likelihood criterion. And finally, the two steps are continuously iterated and repeated until convergence, and finally the model parameters are trained.
Setting a group of vibration data characteristic sequence X with the length of N as (X)1,X2,...,XN) And finding the parameters of the GMM according to the maximum likelihood criterion so that the likelihood of the training features of the GMM model is maximum. The likelihood of a GMM can be expressed as:
Figure RE-RE-GDA0002968755990000042
firstly, initializing a model to obtain an initial model lambda0And then using EM algorithm to pair lambda0And carrying out iterative operation on each parameter until convergence. The iterative formula for estimating GMM parameters with the EM algorithm is as follows:
weight ω of mth GMM modelm
Figure RE-RE-GDA0002968755990000043
Mean μ of mth GMM modelm
Figure RE-RE-GDA0002968755990000044
Variance σ of mth GMM modelm 2
Figure RE-RE-GDA0002968755990000051
The posterior probability of the mth GMM model calculated from the step E is as follows:
Figure RE-RE-GDA0002968755990000052
in addition, we consider adding a Universal Background Model (UBM). The method can train the GMM of each failure mode through Maximum A Posteriori (MAP) by using a small amount of target failure training data and a large amount of non-target failure training data. Model training after UBM addition is shown in FIG. 3. The difference between the added GMM-UBM model and the original GMM model is that the vibration data of the non-target failure mode is used for pre-training, so that the adjustment and training time of the vibration data training parameters of the target failure mode is reduced.
During GMM-UBM training, feature distribution of non-target fault training data is fitted by using the UBM, the target fault training data are scattered near some Gaussian distributions of the UBM, and each Gaussian distribution of the UBM is shifted to the target fault data by using a MAP algorithm. The specific calculation method is as follows:
firstly, target fault training data X is given (X)1,X2,...,XN) Calculating the similarity of the mth Gaussian distribution in X and UBM:
Figure RE-RE-GDA0002968755990000053
the weight, mean and variance parameters are then updated:
Figure RE-RE-GDA0002968755990000054
Figure RE-RE-GDA0002968755990000055
Figure RE-RE-GDA0002968755990000056
finally, parameters of the UBM model are corrected according to the result calculated above.
Get the weight after correction
Figure RE-RE-GDA0002968755990000057
Comprises the following steps:
Figure RE-RE-GDA0002968755990000058
obtaining the corrected mean value
Figure RE-RE-GDA0002968755990000059
Comprises the following steps:
Figure RE-RE-GDA0002968755990000061
the variance after correction is obtained as
Figure RE-RE-GDA0002968755990000062
Comprises the following steps:
Figure RE-RE-GDA0002968755990000063
in the formula alpham w、αm m、αm vCorrection factors corresponding to the model parameters, respectively, using the normalization factor gamma to weight the corrected weights
Figure RE-RE-GDA0002968755990000064
The sum is 1. The GMM-UBM is suitable for the situation that the current target fault data volume is insufficient, so that the aim of training an ideal GMM model can be fulfilled. The method comprises the steps of pre-training through non-target fault data to obtain a UBM model, and then carrying out fine adjustment on the pre-trained UBM model to a target GMM model through a self-adaptive algorithm.With this method, the amount of target failure data and training time can be reduced.
And finally obtaining a corrected model which is the GMM-UBM model through the process. In the identification stage, the output ratio of the likelihood of the feature vector to be identified and the UBM model and the target model is respectively calculated, under the log scoring criterion, the likelihood of the vibration signal to be identified is the difference between the two model likelihood logarithms, and the calculation formula is as follows:
Figure RE-RE-GDA0002968755990000065
in the formula, XnIs the characteristic vector of the signal to be identified, the target model and the UBM model are respectively represented by lambdaTAnd λUS is the final recognition likelihood score.
Step four: inputting the vibration signal shown in fig. 4 into a trained CNN model for feature extraction, then inputting the extracted feature vector into a plurality of GMMs, calculating a likelihood value p that the feature vector belongs to the model, and taking out the model type corresponding to the maximum value p, namely the diagnosis result.
Without departing from the spirit and substance of the invention, those skilled in the art can make corresponding modifications according to the invention, but such corresponding modifications are intended to fall within the scope of the appended claims.

Claims (2)

1. The invention is carried out by the following steps: firstly, training a deep learning model; secondly, feature extraction; thirdly, establishing a fault mode library; fourthly, diagnosing faults.
In the stage of establishing a fault mode library, the invention provides a protection method as follows:
and modeling the extracted multiple eigenvectors by utilizing the space fitting capacity of the GMM to the eigenvectors so as to obtain the GMMs of multiple fault types. After the number of Gaussian mixture models is determined by the model, the initial value of the relevant parameter of each model is given, and then the expectation-maximization algorithm is used for calculation. Firstly, calculating an expected step, calculating the posterior probability of the latent variable by using the initial value or the parameter value obtained by iteration in the previous step, and obtaining the estimated value of the latent variable in the step. And then, carrying out maximization step calculation, and utilizing the likelihood function to maximize to obtain a new parameter value. And finally, training to obtain the GMM model of each fault mode. In addition, a generic background model is added. The method can train the GMM of each fault mode through the maximum posterior probability by using a small amount of target fault training data and a large amount of non-target fault training data. The difference between the added GMM-UBM model and the original GMM model is that the vibration data of the non-target failure mode is used for pre-training, so that the adjustment and training time of the vibration data training parameters of the target failure mode is reduced.
2. In the fault diagnosis stage, the protection method provided by the invention comprises the following steps:
the invention provides a new fault diagnosis framework which integrates the CNN method and the GMM method. And inputting the vibration signal into a CNN and GMM frame, and judging the fault type of the signal in a trained fault mode library.
CN202011118967.1A 2020-10-19 2020-10-19 Method for fault diagnosis based on rotating machinery Pending CN112699722A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202011118967.1A CN112699722A (en) 2020-10-19 2020-10-19 Method for fault diagnosis based on rotating machinery

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202011118967.1A CN112699722A (en) 2020-10-19 2020-10-19 Method for fault diagnosis based on rotating machinery

Publications (1)

Publication Number Publication Date
CN112699722A true CN112699722A (en) 2021-04-23

Family

ID=75505807

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202011118967.1A Pending CN112699722A (en) 2020-10-19 2020-10-19 Method for fault diagnosis based on rotating machinery

Country Status (1)

Country Link
CN (1) CN112699722A (en)

Cited By (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN113339280A (en) * 2021-06-10 2021-09-03 中国海洋石油集团有限公司 Offshore centrifugal pump fault diagnosis method and system

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20140200890A1 (en) * 2012-11-30 2014-07-17 Stmicroelectronics Asia Pacific Pte Ltd. Methods, systems, and circuits for speaker dependent voice recognition with a single lexicon
CN105335759A (en) * 2015-11-12 2016-02-17 南方电网科学研究院有限责任公司 Generating-probability-model-based transformer fault detection method
CN106404388A (en) * 2016-09-13 2017-02-15 西安科技大学 Scraper conveyor chain fluttering fault diagnosis method
CN110647830A (en) * 2019-09-12 2020-01-03 华中科技大学 Bearing fault diagnosis method based on convolutional neural network and Gaussian mixture model
CN111597888A (en) * 2020-04-09 2020-08-28 上海容易网电子商务股份有限公司 Gesture recognition method combining Gaussian mixture model and CNN

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20140200890A1 (en) * 2012-11-30 2014-07-17 Stmicroelectronics Asia Pacific Pte Ltd. Methods, systems, and circuits for speaker dependent voice recognition with a single lexicon
CN105335759A (en) * 2015-11-12 2016-02-17 南方电网科学研究院有限责任公司 Generating-probability-model-based transformer fault detection method
CN106404388A (en) * 2016-09-13 2017-02-15 西安科技大学 Scraper conveyor chain fluttering fault diagnosis method
CN110647830A (en) * 2019-09-12 2020-01-03 华中科技大学 Bearing fault diagnosis method based on convolutional neural network and Gaussian mixture model
CN111597888A (en) * 2020-04-09 2020-08-28 上海容易网电子商务股份有限公司 Gesture recognition method combining Gaussian mixture model and CNN

Cited By (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN113339280A (en) * 2021-06-10 2021-09-03 中国海洋石油集团有限公司 Offshore centrifugal pump fault diagnosis method and system

Similar Documents

Publication Publication Date Title
CN109829236B (en) XGboost feature extraction-based compressor fault diagnosis method
CN113884290B (en) Voltage regulator fault diagnosis method based on self-training semi-supervised generation countermeasure network
CN111272429A (en) Bearing fault diagnosis method
CN112580263A (en) Turbofan engine residual service life prediction method based on space-time feature fusion
Luo et al. An intelligent fault diagnosis model for rotating machinery based on multi-scale higher order singular spectrum analysis and GA-VPMCD
CN110298374B (en) Driving track energy consumption analysis method and device based on deep learning
CN110851654A (en) Industrial equipment fault detection and classification method based on tensor data dimension reduction
CN111680875A (en) Unmanned aerial vehicle state risk fuzzy comprehensive evaluation method based on probability baseline model
Peng et al. A new likelihood ratio method for training artificial neural networks
CN115511069A (en) Neural network training method, data processing method, device and storage medium
Zhang et al. Akecp: Adaptive knowledge extraction from feature maps for fast and efficient channel pruning
CN115345222A (en) Fault classification method based on TimeGAN model
CN112699722A (en) Method for fault diagnosis based on rotating machinery
CN114491823A (en) Train bearing fault diagnosis method based on improved generation countermeasure network
CN112597979B (en) Face recognition method for updating cosine included angle loss function parameters in real time
Gao et al. Design and application of a fault diagnosis and monitoring system for electric vehicle charging equipment based on improved deep belief network
CN111737688B (en) Attack defense system based on user portrait
CN115791174B (en) Rolling bearing abnormality diagnosis method, system, electronic equipment and storage medium
CN113033079A (en) Chemical fault diagnosis method based on unbalanced correction convolutional neural network
CN117592543A (en) Aeroengine rolling bearing fault diagnosis method based on self-supervision learning
CN111178897B (en) Cost-sensitive dynamic clustering method for fast feature learning on unbalanced data
CN116720057A (en) River water quality prediction method and system based on feature screening and weight distribution
CN116168443A (en) Information difference knowledge distillation-based shielding facial emotion recognition method
CN115908842A (en) Transformer partial discharge data enhancement and identification method
CN114969511A (en) Content recommendation method, device and medium based on fragments

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
WD01 Invention patent application deemed withdrawn after publication

Application publication date: 20210423

WD01 Invention patent application deemed withdrawn after publication