WO2021128510A1 - 基于sdae和改进gwo-svm的轴承缺陷识别方法 - Google Patents

基于sdae和改进gwo-svm的轴承缺陷识别方法 Download PDF

Info

Publication number
WO2021128510A1
WO2021128510A1 PCT/CN2020/071757 CN2020071757W WO2021128510A1 WO 2021128510 A1 WO2021128510 A1 WO 2021128510A1 CN 2020071757 W CN2020071757 W CN 2020071757W WO 2021128510 A1 WO2021128510 A1 WO 2021128510A1
Authority
WO
WIPO (PCT)
Prior art keywords
sdae
gwo
svm
improved
training
Prior art date
Application number
PCT/CN2020/071757
Other languages
English (en)
French (fr)
Inventor
杨奕飞
张茂慧
何祖军
苏贞
齐亮
袁伟
许静
徐江敏
李建祯
Original Assignee
江苏科技大学
江苏科技大学海洋装备研究院
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 江苏科技大学, 江苏科技大学海洋装备研究院 filed Critical 江苏科技大学
Publication of WO2021128510A1 publication Critical patent/WO2021128510A1/zh

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • G06F18/241Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches
    • G06F18/2411Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches based on the proximity to a decision surface, e.g. support vector machines
    • GPHYSICS
    • G01MEASURING; TESTING
    • G01MTESTING STATIC OR DYNAMIC BALANCE OF MACHINES OR STRUCTURES; TESTING OF STRUCTURES OR APPARATUS, NOT OTHERWISE PROVIDED FOR
    • G01M13/00Testing of machine parts
    • G01M13/04Bearings
    • G01M13/045Acoustic or vibration analysis
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/004Artificial life, i.e. computing arrangements simulating life
    • G06N3/006Artificial life, i.e. computing arrangements simulating life based on simulated virtual individual or collective life forms, e.g. social simulations or particle swarm optimisation [PSO]
    • 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/044Recurrent networks, e.g. Hopfield networks
    • 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
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • G06N3/084Backpropagation, e.g. using gradient descent

Definitions

  • the invention belongs to the field of fault identification, and particularly relates to a bearing defect identification method based on SDAE and improved GWO-SVM.
  • bearing failures account for 30% of all types of failures in mechanical equipment. If the fault occurs on the equipment of a large ship, it will cause major safety accidents and economic losses; if the fault occurs on the aero engine, it may cause the tragedy of aerial parking and aircraft destruction. Finding the faults and defects of the bearings in time, and providing reliable equipment defect information for the maintenance personnel, and formulating a reasonable maintenance strategy can reduce the probability of accidents and improve the service life and production efficiency of the equipment.
  • the defect recognition of equipment is mostly done by monitoring equipment-related parameters such as vibration signals, and using methods such as feature extraction, information fusion, and pattern recognition.
  • equipment-related parameters such as vibration signals
  • methods such as feature extraction, information fusion, and pattern recognition.
  • the above two methods only analyze a single vibration signal, and the vibration signal is often an alias of multiple signals, which is greatly interfered by other signals, so it is difficult to extract effective features.
  • SVM has been used more and more in various classification and regression problems, which can solve the learning problem of small samples of equipment data and the uncertainty of evaluation results.
  • the generalization ability of SVR is mainly determined by the penalty coefficient C and the kernel function parameter ⁇ .
  • the choice of the two parameters will affect its recognition rate.
  • Intelligent optimization algorithms such as genetic algorithm and particle swarm algorithm and their improved algorithms are currently commonly used methods for optimizing SVM parameters.
  • Grey Wolf Optimizer is a swarm intelligence optimization algorithm proposed by Griffith University scholar Mirjalili and others in 2014. The algorithm simulates the gray wolf group hierarchy and predation behavior in nature, and achieves the purpose of efficient optimization through the process of group searching, encircling and hunting down and attacking prey. Therefore, this method is suitable for SVM parameter optimization.
  • the standard GWO algorithm has the characteristics of slow convergence speed in the later stage, easy to fall into the local optimum, and low recognition accuracy, so it needs to be improved.
  • the technical problem to be solved by the present invention is to provide a bearing defect recognition method based on SDAE and improved GWO-SVM that can improve its convergence speed and recognition accuracy, and solve its shortcomings of easily falling into local optimum.
  • the technical solution of the present invention is: a bearing defect identification method based on SDAE and improved GWO-SVM.
  • the innovation is that it includes the following steps:
  • Step 1 Collect the monitoring data of the bearing under normal conditions and different defect conditions, and carry out data preprocessing.
  • the processed data is subjected to feature extraction and normalization processing, and each type of feature after preprocessing is determined according to a certain The proportion is randomly divided into training samples and test samples;
  • Step 2 Establish a stacked denoising auto-encoding network SDAE with a network layer number of 4 for feature extraction of training data and test data, and training the initial stacked de-noising auto-encoding network SDAE;
  • Step 3 Establish an improved GWO-SVM classifier model, and use the deepest data features extracted by the initial stacked denoising self-encoding network SDAE as the GWO-SVM classifier input to train the classifier;
  • Step 4 Use the backpropagation BP algorithm to fine-tune the SDAE parameters of the stacked denoising self-encoding network, apply the gradient descent algorithm to update the weights, and retrain the improved GWO-SVM classifier until the classification accuracy is satisfied;
  • Step 5 According to the above steps, an overall model of data extraction and defect recognition based on SDAE and improved GWO-SVM classifier is obtained, and the model is used to realize deep feature extraction and defect recognition of the bearing.
  • the data in step 1 is subjected to feature extraction, including 13 time domain features, 4 frequency domain features, and 5 time-frequency domain features extracted by empirical mode decomposition; wherein, the time-domain features include distortion, 7 dimensional time-domain features of mean, variance, peak, minimum, peak-to-peak, and mean square value, and 6 dimensionless time-domain features of kurtosis, crest factor, impulse factor, form factor, margin factor, and skew factor Features; frequency domain features include mean square frequency, center of gravity frequency, frequency variance, standard frequency variance; time-frequency domain features include the first four IMF energy indicators and total energy indicators.
  • the bottom-up structure of the 4-layer stacked denoising self-encoding network SDAE in the step 2 is [44-22-11-5]: the sample dimension of the input layer is 22 dimensions, and the first hidden layer neuron The number of neurons in the second hidden layer is 44, the number of neurons in the second hidden layer is 22, the number of neurons in the third hidden layer is 11, the number of neurons in the fourth hidden layer is 5, and the sample dimension of the output layer is 5;
  • the training process of the noisy autoencoder network SDAE adopts layer-by-layer stacking learning.
  • the output of the hidden layer is used as the input of the next denoising autoencoder DAE, that is, the first denoising autoencoder DAE
  • the training of the noisy autoencoder DAE1 is completed; the data feature 1 of the hidden layer is used as the input of the second denoising autoencoder DAE2, and DAE2 is unsupervised training to obtain the data feature 2; the data feature 2 is used as the third denoising The input of the autoencoder DAE3, the unsupervised training of DAE3, and the data feature 3; the data feature 3 as the input of the third denoising autoencoder DAE4, the unsupervised training of DAE4, the data feature 4 is obtained; 4 will be input as GWO-SVM classifier.
  • an improved GWO-SVM classifier is added after the last feature representation layer of SDAE, and the entire network after training can simultaneously achieve data feature extraction and defect recognition tasks.
  • the improved GWO-SVM classifier model uses the improved gray wolf algorithm GWO to optimize the SVM penalty factor C and the kernel function parameter ⁇ , and the specific steps are as follows:
  • Step 1 Initialize the parameters of the improved GWO, such as the population size N, the maximum number of iterations t max , the initial value a initial and the end value a final of the distance control parameter a; initialize a, A, C; initialize the population to obtain N
  • Step 2 Calculate the fitness value of each individual in the population, and sort them, and record the three individuals with the best fitness as ⁇ , ⁇ , ⁇ , and the corresponding positions are X ⁇ , X ⁇ , X ⁇ respectively ;
  • Step 3 Update the positions of other gray wolves in the population
  • Step 4 Update the convergence factor a and the values of parameters A and C;
  • Step 5 Calculate the individual fitness f(X i (t)), sort the gray wolf population in descending order, perform differential mutation on the gray wolf individuals ranked in the bottom 10%, and calculate the fitness f(X i '(t)), compare the individual fitness before and after the mutation, if f(X i '(t)) ⁇ f(X i (t)), replace the mutated gray wolf individual with the one before the mutation, if f( X i '(t)) ⁇ f(X i (t)), keep the individual before mutation;
  • Step 7 Obtain the optimal penalty factor C and the optimal kernel function parameter ⁇ according to the optimal gray wolf position, and use the improved GWO-SVM classifier for defect recognition.
  • step 1 the population initialization formula in step 1 is:
  • the population position update in the step 3 satisfies:
  • a and C is the coefficient vector
  • X i (t) is the current position of the subject
  • X i (t + 1) after iteratively updated position of the individual.
  • r 1 and r 2 are random numbers in [0,1].
  • differential mutation formula in the step 5 is:
  • X'(t) r[X ⁇ -X(t)]-r[X s (t)-X(t)], X s (t) where is a certain gray wolf individual randomly selected in the population, r It is a random number of [0,1].
  • step 4 the specific steps of fine-tuning in step 4 are as follows:
  • Step 1 Input the training samples into the pre-trained initial stacked denoising auto-encoding network SDAE, extract top-level features, and use them as training samples to support the improved GWO-SVM classifier to obtain the SVM optimal penalty factor C and optimal kernel function parameters ⁇ ;
  • Step 2 Use the backpropagation BP algorithm to fine-tune the network parameters, and apply the gradient descent algorithm to update the weights;
  • Step 3 Input the training samples into the fine-tuned stacked denoising self-encoding network SDAE, extract the top-level features, retrain the improved GWO-SVM classifier, and obtain the optimal penalty factor C and the optimal kernel function parameter ⁇ of the SVM classifier;
  • Step 4 Input the top-level features into the optimized SVM classifier that has been trained to determine whether the termination conditions are met. If they are met, the fine-tuning is completed, and the iteration is stopped. The training of the SDAE network and the improved GWO-SVM classifier is completed. If not, jump to Step two.
  • the present invention is based on the SDAE and improved GWO-SVM bearing defect recognition method, adopts stacked denoising self-encoding network SDAE to perform feature extraction on data, realizes adaptive mining of high-dimensional deep fault features, and solves the problem of bearing There are many types of faults and it is difficult to extract fault features.
  • SDAE not only learns the characteristics of the original data, but also learns that the degraded features after being "damaged” have stronger generalization and robustness; extract data features and defects
  • the recognition process is combined to establish the connection between the data feature extraction and the defect recognition process, which solves the shortcomings that the feature extraction process requires a large amount of prior knowledge, rich signal processing theory and practical experience as support; the GWO algorithm is improved to improve its convergence Speed and recognition accuracy, and solve its shortcomings that are easy to fall into local optimum, use improved GWO to optimize SVM parameters to improve defect recognition accuracy.
  • Fig. 1 is a flowchart of a bearing defect identification method based on SDAE and improved GWO-SVM according to the present invention.
  • Fig. 2 is a working principle diagram of the first denoising autoencoder according to the present invention.
  • Fig. 3 is a structural diagram of the stacked denoising autoencoder SDAE according to the present invention.
  • Fig. 4 is a flow chart of SDAE fine-tuning of the stacked denoising autoencoder according to the present invention.
  • Figure 5 is a flow chart of the improved GWO-SVM described in the present invention.
  • This embodiment is based on the SDAE and improved GWO-SVM bearing defect identification method, as shown in Fig. 1, which mainly includes the following steps:
  • Step 1 Collect the monitoring data of the bearing under normal conditions and different defect conditions, and perform data preprocessing, and perform feature extraction on the processed data.
  • the feature extraction includes 13 time domain features, 4 frequency domain features and 5 adopts The time-frequency domain features extracted by empirical mode decomposition (EMD); the time-domain features include 7 dimensional time-domain features of skewness, mean value, variance, peak value, minimum value, peak-to-peak value, and mean square value, (see Table 1 ); 6 dimensionless time domain features of kurtosis, crest factor, impulse factor, form factor, margin factor, and skew factor (see Table 2); frequency domain features include mean square frequency, center of gravity frequency, frequency variance, standard Frequency variance (see Table 3); time-frequency domain features include the first 4 IMF energy indicators and total energy indicators.
  • EMD empirical mode decomposition
  • Step 2 Establish a stacked denoising autoencoder network SDAE with a network layer number of 4, which is used to extract features from training data and test data, and train the initial stacked denoising autoencoder network SDAE.
  • Step 3 Establish an improved GWO-SVM classifier, and use the deepest data features extracted by the initial stacked denoising self-encoding network SDAE as the input of the GWO-SVM classifier to train the classifier.
  • Step 4 Use the backpropagation BP algorithm to fine-tune the network parameters, apply the gradient descent algorithm to update the weights, and retrain the improved GWO-SVM classifier until the classification accuracy is satisfied.
  • Step 5 According to the above steps, an overall model of data extraction and defect recognition based on SDAE and improved GWO-SVM classifier is obtained, and the model is used to realize deep feature extraction and defect recognition of the bearing.
  • the first denoising autoencoder consists of an encoder, a decoder and a hidden layer; the denoising autoencoder maps x' ⁇ q D (x'
  • W 1 is the coding weight of the first denoising autoencoder
  • b 1 is the coding offset of the first denoising autoencoder
  • ⁇ 1 is the code pre-trained by the first denoising autoencoder Parameters
  • the working principles of the second denoising autoencoder, the third denoising autoencoder, and the fourth denoising autoencoder are the same as those of the first denoising autoencoder.
  • the bottom-up structure of the 4-layer stacked denoising self-encoding network SDAE in step 2 is [44-22-11-5]: the sample dimension of the input layer is 22 dimensions, and the first hidden layer neuron The number is 44, the number of neurons in the second hidden layer is 22, the number of neurons in the third hidden layer is 11, the number of neurons in the fourth hidden layer is 5, and the sample dimension of the output layer is 5; stacked denoising
  • the training process of the self-encoding network SDAE adopts layer-by-layer stacking learning.
  • the output of the hidden layer is used as the input of the next denoising autoencoder DAE, that is, the first denoising
  • the training of the autoencoder DAE1 is completed; the data feature 1 of the hidden layer is used as the input of the second denoising autoencoder DAE2, and the unsupervised training is performed on DAE2 to obtain the data feature 2; the data feature 2 is used as the third denoising autoencoder Encoder DAE3 input, unsupervised training on DAE3, get data feature 3; use data feature 3 as the input of the third denoising autoencoder DAE4, unsupervised training on DAE4, get data feature 4; data feature 4 Will be input as GWO-SVM classifier.
  • the SDAE fine-tuning process of the stacked denoising self-encoding network is the following steps:
  • Step 1 Input the training samples into the pre-trained initial stacked denoising auto-encoding network SDAE, extract top-level features, and use them as training samples to support the improved GWO-SVM classifier to obtain the SVM optimal penalty factor C and optimal kernel function parameters ⁇ ;
  • Step 2 Use the backpropagation BP algorithm to fine-tune the network parameters, and apply the gradient descent algorithm to update the weights;
  • Step 3 Input the training samples into the fine-tuned stacked denoising self-encoding network SDAE, extract the top-level features, retrain the improved GWO-SVM classifier, and obtain the optimal penalty factor C and the optimal kernel function parameter ⁇ of the SVM classifier;
  • Step 4 Input the top-level features into the optimized SVM classifier that has been trained to determine whether the termination conditions are met. If they are met, the fine-tuning is completed, and the iteration is stopped. The training of the SDAE network and the improved GWO-SVM classifier is completed. If not, jump to Step two.
  • the improved GWO-SVM classifier uses the improved gray wolf algorithm GWO to optimize the SVM penalty factor C and the kernel function parameter ⁇ .
  • the specific steps are as follows:
  • Step 1 Initialize the parameters of the improved GWO, the gray wolf population size N, the maximum number of iterations t max , the initial value a initial and the final value a final of the distance control parameter a; initialize the parameters a, A, C; 1, ..., N]) at the position of t wolves iteration of X i (t), wolf population can be divided into hierarchically descending mechanism leader wolf ⁇ , vice-head wolf ⁇ , captain Wolf ⁇ and other individual wolves ⁇ ; use the following formula to initialize all gray wolves:
  • Step 2 Calculate the fitness value f(X i (t)) of each gray wolf individual in the population, and sort them, respectively record the three individuals with the best fitness as ⁇ , ⁇ , ⁇ , and the corresponding positions are X ⁇ ,X ⁇ ,X ⁇ , the corresponding fitness values are f(X ⁇ (t)), f(X ⁇ (t)), f(X ⁇ (t)).
  • Step 3 Update the positions of other gray wolf individuals in the population and the position update satisfies:
  • Step 4 Update the convergence factor a and the values of parameters A and C, and the update satisfies:
  • r 1 and r 2 are random numbers in [0,1].
  • Step 5 Calculate the individual gray wolf fitness f(X i (t)), sort the gray wolf population in descending order, and perform differential mutation on the gray wolf individuals ranked in the bottom 10%:
  • X s (t) is a certain gray wolf individual randomly selected in the population, and r is a random number [0,1].
  • f(X i '(t)) the fitness of the individual before and after the mutation, if f(X i '(t)) ⁇ f(X i (t)), change the mutated gray
  • the wolf individual replaces the individual before the mutation. If f(X i '(t)) ⁇ f(X i (t)), the individual before the mutation is retained.
  • Step 7 Obtain the optimal penalty factor C and the optimal kernel function parameter ⁇ according to the optimal gray wolf position, and use the improved GWO-SVM classifier for defect recognition.

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • General Physics & Mathematics (AREA)
  • Evolutionary Computation (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Artificial Intelligence (AREA)
  • General Engineering & Computer Science (AREA)
  • Computing Systems (AREA)
  • Software Systems (AREA)
  • Molecular Biology (AREA)
  • Computational Linguistics (AREA)
  • Biophysics (AREA)
  • Biomedical Technology (AREA)
  • Mathematical Physics (AREA)
  • General Health & Medical Sciences (AREA)
  • Health & Medical Sciences (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Evolutionary Biology (AREA)
  • Acoustics & Sound (AREA)
  • Image Analysis (AREA)
  • Testing Of Devices, Machine Parts, Or Other Structures Thereof (AREA)

Abstract

本发明涉及一种基于SDAE和改进GWO-SVM的轴承缺陷识别方法,包括以下步骤:1.收集轴承在正常情况下和故障情况下的振动信号,并进行数据预处理;2.构建一个四层初始堆叠去噪自编码SDAE,并训练初始堆叠去噪自编码网络SDAE;3.建立改进GWO-SVM分类器模型,提取SDAE最深层特征,训练改进GWO-SVM分类器;4.SDAE微调并重新训练改进GWO-SVM分类器,直到满足分类准确率。本发明的优点在于:本发明将数据特征提取和分类模型结合,提高了识别的准确率;通过去噪自编码训练SDAE网络,不仅学习到原始数据的特征,还能学习到被"破坏"后的退化特征具有更强的泛化性、鲁棒性;改进GWO方法在收敛速度和精度方面都更优。

Description

基于SDAE和改进GWO-SVM的轴承缺陷识别方法 技术领域
本发明属于故障识别领域,特别涉及一种基于SDAE和改进GWO-SVM的轴承缺陷识别方法。
背景技术
据统计,在机械设备发生的各类故障中,轴承故障占据30%的比重。如果故障发生在大型的舰船装备上,会造成重大安全事故和经济损失;如果故障发生在航空发动机上,可能会造成空中停车,机毁人亡的惨剧。及时的发现轴承的故障缺陷,为维修人员提供可靠设备缺陷信息,以制定合理的维修策略能够减少事故发生概率,提高设备的使用寿命和生产效率。
传统的缺陷识别方法和手段对单一系统故障发挥很好的作用,但对于复合型故障以及大型装备诊断效果不佳。而人工智能诊断不依赖具体的诊断对象和特定的数学模型,只通过学习历史数据训练缺陷识别模型,再结合在线数据实现对缺陷类型的判断和定位,从而实现大型装备的在线诊断。由于复杂系统的智能故障诊断往往需要更多的抽象,因此需要更深层的网络。
目前,设备的缺陷识别大多是通过监测与设备相关的振动信号等参数,并利用特征提取、信息融合和模式识别等方法来完成。例如用小波变换和支持向量机实现故障诊断,以及使用核主元分析和支持向量机实现缺陷识别。但是,上述两种方法只对单一振 动信号进行分析,而振动信号往往是多个信号的混叠,受其他信号干扰较大,因此难以提取有效特征。将小波分析和D-S证据理论结合实现缺陷识别,以及将小波包、核主成分分析和SVM结合,实现转子和轴承的缺陷识别,这两种方法是将振动信号和电流信号相结合,以弥补单一信号存在的缺点,但是其特征提取过程需要大量的先验知识、丰富的信号处理理论和实际经验作为支撑,而且将特征的提取过程和缺陷识别过程进行了完全隔离,使数据特征提取和模型训练失去联系。
近年来,SVM在各种分类和回归问题中的应用越来越多,能解决设备数据小样本的学习问题和评估结果不确定性问题。但是SVR的泛化能力主要由惩罚系数C、核函数参数σ决定,两个参数的选择会影响其识别率。采用遗传算法和粒子群算法等智能优化算法及其改进算法是目前优化SVM参数的常用方法。
灰狼优化算法(Grey Wolf Optimizer,GWO)由澳大利亚格里菲斯大学学者Mirjalili等人于2014年提出来的一种群体智能优化算法。该算法模拟自然界中灰狼群体等级制度和捕食行为,通过群体搜索、包围和追捕攻击猎物等过程达到高效寻优的目的。因此这种方法适用于SVM参数寻优。但是标准GWO算法存在后期收敛速度慢、易陷入局部最优,识别精度不高等特点,因此需要对其进行改进。
发明内容
本发明要解决的技术问题是提供一种能够提高其收敛速度和识 别精度,并解决其易陷入局部最优的缺点的基于SDAE和改进GWO-SVM的轴承缺陷识别方法。
为解决上述技术问题,本发明的技术方案为:一种基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其创新点在于:包括以下步骤:
步骤1:收集轴承在正常情况和不同缺陷情况下的监测数据,并进行数据预处理,将处理后的数据进行特征提取和归一化处理,并把预处理后的每一类特征按照一定的比例随机分为训练样本和测试样本;
步骤2:建立一个网络层数为4的堆叠去噪自编码网络SDAE,用于对训练数据和测试数据进行特征提取,并训练初始堆叠去噪自编码网络SDAE;
步骤3:建立改进GWO-SVM分类器模型,并将经过初始堆叠去噪自编码网络SDAE提取的最深层数据特征作为GWO-SVM分类器输入训练该分类器;
步骤4:利用反向传播BP算法对堆叠去噪自编码网络SDAE参数进行微调,应用梯度下降算法进行权值的更新,并重新训练改进GWO-SVM分类器,直到满足分类准确率;
步骤5:根据以上步骤得到基于SDAE和改进GWO-SVM分类器的数据提取和缺陷识别整体模型,利用该模型实现对轴承的深层特征提取和缺陷识别。
进一步地,所述步骤1中的数据进行特征提取,包括13个时域特征,4个频域特征和5个采用经验模态分解提取的时频域特征;其 中,时域特征包括歪度、均值、方差、峰值、最小值、峰峰值、均方值7个有量纲时域特征,峭度、峰值因子、脉冲因子、波形因子、裕度因子、歪度因子6个无量纲的时域特征;频域特征包括均方频率、重心频率、频率方差、标准频率方差;时频域特征包括前4个IMF能量指标和总能量指标。
进一步地,所述步骤2中4层堆叠去噪自编码网络SDAE自下而上的结构为[44-22-11-5]:输入层的样本维数为22维,第一隐藏层神经元的个数为44,第二隐藏层神经元个数为22,第三隐藏层神经元个数为11,第四隐藏层神经元个数为5,输出层的样本维数为5;堆叠去噪自编码网络SDAE的训练过程采用逐层堆叠学习,每个去噪自编码器DAE无监督训练完成后,隐含层的输出作为下一个去噪自编码器DAE的输入,即第一个去噪自编码器DAE1训练完成;将隐藏层的数据特征1作为第二个去噪自编码器DAE2的输入,对DAE2进行无监督训练,得到数据特征2;将数据特征2作为第三个去噪自编码器DAE3的输入,对DAE3进行无监督训练,得到数据特征3;将数据特征3作为第三个去噪自编码器DAE4的输入,对DAE4进行无监督训练,得到数据特征4;特征数据4将作为GWO-SVM分类器输入。
进一步地,在堆叠去噪自编码网络SDAE中,在SDAE最后一个特征表示层后添加改进GWO-SVM分类器,训练完成的整个网络能够同时实现数据的特征提取和缺陷识别任务。
进一步地,所述步骤3中改进GWO-SVM分类器模型利用改进后的灰狼算法GWO对SVM惩罚因子C和核函数参数σ进行寻优,具体步骤 如下:
步骤1:初始化改进GWO的参数,如种群规模N、最大迭代次数t max、距离控制参数a的初始值a initial和终止值a final;初始化a、A、C;对种群进行初始化,得到N个初始灰狼位置X=[X 1,X 2,…,X N],其中X i=(C ii);
步骤2:计算种群每个个体适应度值,并对其排序,分别记录适应度最优的三个个体为α,β,δ,对应位置分别为X α,X β,X δ
步骤3:更新种群中其他灰狼个体的位置;
步骤4:更新收敛因子a和参数A、C的值;
步骤5:计算个体适应度f(X i(t)),并对灰狼种群进行降序排序,对排列在后10%的灰狼个体进行差分变异,计算变异后个体的适应度f(X i'(t)),比较变异前后的个体适应度,如果f(X i'(t))≥f(X i(t)),将变异后的灰狼个体代替变异前的个体,如果f(X i'(t))<f(X i(t)),保留变异前个体;
步骤6:判断是否达到最大迭代次数t max,若没有达到t max,则t=t+1,并返回步骤2,;若达到,则停止迭代,返回最优个体;
步骤7:根据最优的灰狼位置得到最优惩罚因子C和最优核函数参数σ,利用改进改进GWO-SVM分类器进行缺陷识别。
进一步地,所述步骤1中种群初始化公式为:
Figure PCTCN2020071757-appb-000001
其中
Figure PCTCN2020071757-appb-000002
且x∈[0,1]。
进一步地,所述步骤3中种群位置更新满足:
Figure PCTCN2020071757-appb-000003
Figure PCTCN2020071757-appb-000004
Figure PCTCN2020071757-appb-000005
其中A和C是系数向量,X i(t)是当前个体位置,X i(t+1)是迭代更新后个体位置。
进一步地,所述步骤4中a更新满足:
Figure PCTCN2020071757-appb-000006
t为当前迭代次数,随机变量λ=0.01;
系数向量A,C更新满足:
A=2a·r 1-a
C=2·r 2
其中r 1和r 2为[0,1]内的随机数。
进一步地,所述步骤5中差分变异公式为:
X'(t)=r[X α-X(t)]-r[X s(t)-X(t)],X s(t)其中为种群中随机选取的某一灰狼个体,r为[0,1]的随机数。
进一步地,所述步骤4中微调具体步骤如下:
步骤一:将训练样本输入预训练完成的初始堆叠去噪自编码网络SDAE中,提取顶层特征,作为支撑改进GWO-SVM分类器的训练样本,得到SVM最优惩罚因子C和最优核函数参数σ;
步骤二:利用反向传播BP算法对网络参数进行微调,应用梯度 下降算法进行权值的更新;
步骤三:将训练样本输入微调完成的堆叠去噪自编码网络SDAE中,提取顶层特征,重新训练改进GWO-SVM分类器,得到SVM分类器的最优惩罚因子C和最优核函数参数σ;
步骤四:将顶层特征输入训练完成的最优SVM分类器,判断是否满足终止条件,若满足,微调完成,停止迭代,SDAE网络和改进GWO-SVM分类器训练完成,若不满足,跳转到步骤二。
本发明的优点在于:本发明基于SDAE和改进GWO-SVM的轴承缺陷识别方法,采用堆叠去噪自编码网络SDAE对数据进行特征提取,实现对高维深层故障特征的自适应挖掘,解决了轴承故障类型多、故障特征难以提取等问题并且SDAE不仅学习到原始数据的特征,还能学习到被“破坏”后的退化特征具有更强的泛化性、鲁棒性;将数据特征提取和缺陷识别过程相结合,建立数据特征提取和缺陷识别过程的联系,解决了特征提取过程需要大量的先验知识、丰富的信号处理理论和实际经验作为支撑的缺点;对GWO算法进行改进,提高其收敛速度和识别精度并解决其易陷入局部最优的缺点,利用改进GWO对SVM参数寻优,提高缺陷识别精度。
附图说明
下面结合附图和具体实施方式对本发明作进一步详细的说明。
图1为本发明所述的一种基于SDAE和改进GWO-SVM的轴承缺陷识别方法流程图。
图2为本发明所述第一去噪自编码器的工作原理图。
图3为本发明所述的堆叠去噪自编码器SDAE的结构图。
图4为本发明所述的堆叠去噪自编码器SDAE微调流程图。
图5为本发明所述的改进GWO-SVM流程图。
具体实施方式
下面的实施例可以使本专业的技术人员更全面地理解本发明,但并不因此将本发明限制在所述的实施例范围之中。
实施例
本实施例基于SDAE和改进GWO-SVM的轴承缺陷识别方法,如图1所示,主要包括以下步骤:
步骤1:收集轴承在正常情况和不同缺陷情况下的监测数据,并进行数据预处理,将处理后的数据进行特征提取,特征提取包括13个时域特征,4个频域特征和5个采用经验模态分解(EMD)提取的时频域特征;其中时域特征包括歪度、均值、方差、峰值、最小值、峰峰值、均方值7个有量纲时域特征,(见表1);峭度、峰值因子、脉冲因子、波形因子、裕度因子、歪度因子6个无量纲的时域特征(见表2);频域特征包括均方频率、重心频率、频率方差、标准频率方差(见表3);时频域特征包括前4个IMF能量指标和总能量指标。
表1 有量纲时域特征参数
Figure PCTCN2020071757-appb-000007
Figure PCTCN2020071757-appb-000008
表2 无量纲时域特征参数
Figure PCTCN2020071757-appb-000009
表3 频域特征参数
Figure PCTCN2020071757-appb-000010
对以上数据进行归一化处理,对设备正常情况和不同的缺陷情况进行设定标签,每个标签对应各自的缺陷状态,并把预处理后的每一类特征按照一定的比例随机分为训练样本和测试样本。
步骤2:建立一个网络层数为4的堆叠去噪自编码网络SDAE,用于对训练数据和测试数据进行特征提取,并训练初始堆叠去噪自编码网络SDAE。
步骤3:建立改进GWO-SVM分类器,并将经过初始堆叠去噪自编码网络SDAE提取的最深层数据特征作为GWO-SVM分类器输入训练该分类器。
步骤4:利用反向传播BP算法对网络参数进行微调,应用梯度下降算法进行权值的更新,并重新训练改进GWO-SVM分类器,直到满足分类准确率。
步骤5:根据以上步骤得到基于SDAE和改进GWO-SVM分类器的数据提取和缺陷识别整体模型,利用该模型实现对轴承的深层特征提取和缺陷识别。
结合图2,图3所示,第一去噪自编码器由编码器、解码器和隐含层组成;去噪自编码器通过映射x'□q D(x'|x)对原始输入x添加一个随机噪声,数据集D通过加入噪声q,得到受损样本x',其中D为数据集,q为随机噪声;此时编码器输入为受损样本,通过编码函数f θ映射到隐含层y,可表示为:
y 1=f θ1(x')=s(W 1x'+b 1)    (1)
其中s为映射函数,W 1是第一去噪自编码器的编码权值,b 1是第一去噪自编码器的编码偏置,θ1是第一去噪自动编码机预训练好的编码参数;第一去噪自编码器隐含层的输出y 1经过解码函数进行重构:
z 1=g θ1'(y 1)=S'(W 1'y+b 1')    (2)
其中S'为映射函数,W 1'是第一去噪自编码器的解码权值,b 1'是第一去噪自编码器的解码偏置,θ1'是第一去噪自动编码机的解码参数。对于每一个输入x i映射到一个y 1 i,然后得到重构函数z 1 i,再不断 地优化所有参数,最小化输入和重构解码的误差可得:
Figure PCTCN2020071757-appb-000011
Figure PCTCN2020071757-appb-000012
第二去噪自编码器、第三去噪自编码器、第四去噪自编码器的工作原理均与第一去噪自编码器的工作原理相同。
实施例中,步骤2的4层堆叠去噪自编码网络SDAE自下而上的结构为[44-22-11-5]:输入层的样本维数为22维,第一隐藏层神经元的个数为44,第二隐藏层神经元个数为22,第三隐藏层神经元个数为11,第四隐藏层神经元个数为5,输出层的样本维数为5;堆叠去噪自编码网络SDAE的训练过程采用逐层堆叠学习,每个去噪自编码器DAE无监督训练完成后,隐含层的输出作为下一个去噪自编码器DAE的输入,即第一个去噪自编码器DAE1训练完成;将隐藏层的数据特征1作为第二个去噪自编码器DAE2的输入,对DAE2进行无监督训练,得到数据特征2;将数据特征2作为第三个去噪自编码器DAE3的输入,对DAE3进行无监督训练,得到数据特征3;将数据特征3作为第三个去噪自编码器DAE4的输入,对DAE4进行无监督训练,得到数据特征4;数据特征4将作为GWO-SVM分类器输入。
结合图4所示,堆叠去噪自编码网络SDAE微调过程为以下步骤:
步骤一:将训练样本输入预训练完成的初始堆叠去噪自编码网络SDAE中,提取顶层特征,作为支撑改进GWO-SVM分类器的训练样本,得到SVM最优惩罚因子C和最优核函数参数σ;
步骤二:利用反向传播BP算法对网络参数进行微调,应用梯度 下降算法进行权值的更新;
步骤三:将训练样本输入微调完成的堆叠去噪自编码网络SDAE中,提取顶层特征,重新训练改进GWO-SVM分类器,得到SVM分类器的最优惩罚因子C和最优核函数参数σ;
步骤四:将顶层特征输入训练完成的最优SVM分类器,判断是否满足终止条件,若满足,微调完成,停止迭代,SDAE网络和改进GWO-SVM分类器训练完成,若不满足,跳转到步骤二。
结合图5所示,改进GWO-SVM分类器利用改进后的灰狼算法GWO对SVM惩罚因子C和核函数参数σ进行寻优,具体步骤如下:
步骤1:初始化改进GWO的参数,灰狼种群规模N、最大迭代次数t max、距离控制参数a的初始值a initial和终止值a final;初始化参数a、A、C;假设第i(i=1,...,N])匹狼在第t次迭代的的位置为X i(t),灰狼群体中按等级机制从高到低可以分为首领狼α、副首领狼β、队长狼δ和其余个体狼ω;利用以下公式对所有灰狼个体进行初始化:
Figure PCTCN2020071757-appb-000013
其中
Figure PCTCN2020071757-appb-000014
且x∈[0,1],k为最大混沌迭代步数,初始化得到N个初始灰狼位置X=[X 1,X 2,…,X N],其中X i=(C ii),即灰狼位置就是需要寻优的SVM惩罚因子C和核函数参数σ i
步骤2:计算种群每个灰狼个体适应度值f(X i(t)),并对其排序,分别记录适应度最优的三个个体为α,β,δ,对应位置分别为X α,X β,X δ,对应适应度值为f(X α(t)),f(X β(t)),f(X δ(t))。
步骤3:更新种群中其他灰狼个体的位置且位置更新满足:
Figure PCTCN2020071757-appb-000015
Figure PCTCN2020071757-appb-000016
Figure PCTCN2020071757-appb-000017
其中A和C是系数向量。
步骤4:更新收敛因子a和参数A、C的值,更新满足:
Figure PCTCN2020071757-appb-000018
t为当前迭代次数,随机变量λ=0.01。
A=2a·r 1-a    (10)
C=2·r 2       (11)
其中,r 1和r 2为[0,1]内的随机数。
步骤5:计算灰狼个体适应度f(X i(t)),并对灰狼种群进行降序排序,对排列在后10%的灰狼个体进行差分变异:
X i'(t)=r[X α-X i(t)]-r[X s(t)-X i(t)]    (12)
其中X s(t)为种群中随机选取的某一灰狼个体,r为[0,1]的随机数。计算变异后个体的适应度f(X i'(t)),比较变异前后的个体适应度,如果f(X i'(t))≥f(X i(t)),将变异后的灰狼个体代替变异前的个体,如果 f(X i'(t))<f(X i(t)),保留变异前个体。
步骤6:判断是否达到最大迭代次数t max,若没有达到t max,则t=t+1,并返回步骤2;若达到,则停止迭代,返回最优个体;
步骤7:根据最优的灰狼位置得到最优惩罚因子C和最优核函数参数σ,利用改进改进GWO-SVM分类器进行缺陷识别。
以上显示和描述了本发明的基本原理和主要特征以及本发明的优点。本行业的技术人员应该了解,本发明不受上述实施例的限制,上述实施例和说明书中描述的只是说明本发明的原理,在不脱离本发明精神和范围的前提下,本发明还会有各种变化和改进,这些变化和改进都落入要求保护的本发明范围内。本发明要求保护范围由所附的权利要求书及其等效物界定。

Claims (10)

  1. 一种基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:包括以下步骤:
    步骤1:收集轴承在正常情况和不同缺陷情况下的监测数据,并进行数据预处理,将处理后的数据进行特征提取和归一化处理,并把预处理后的每一类特征按照一定的比例随机分为训练样本和测试样本;
    步骤2:建立一个网络层数为4的堆叠去噪自编码网络SDAE,用于对训练数据和测试数据进行特征提取,并训练初始堆叠去噪自编码网络SDAE;
    步骤3:建立改进GWO-SVM分类器模型,并将经过初始堆叠去噪自编码网络SDAE提取的最深层数据特征作为GWO-SVM分类器输入训练该分类器;
    步骤4:利用反向传播BP算法对堆叠去噪自编码网络SDAE参数进行微调,应用梯度下降算法进行权值的更新,并重新训练改进GWO-SVM分类器,直到满足分类准确率;
    步骤5:根据以上步骤得到基于SDAE和改进GWO-SVM分类器的数据提取和缺陷识别整体模型,利用该模型实现对轴承的深层特征提取和缺陷识别。
  2. 根据权利要求1所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤1中的数据进行特征提取,包括13个时域特征,4个频域特征和5个采用经验模态分解提取的时频域 特征;其中,时域特征包括歪度、均值、方差、峰值、最小值、峰峰值、均方值7个有量纲时域特征,峭度、峰值因子、脉冲因子、波形因子、裕度因子、歪度因子6个无量纲的时域特征;频域特征包括均方频率、重心频率、频率方差、标准频率方差;时频域特征包括前4个IMF能量指标和总能量指标。
  3. 根据权利要求1所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤2中4层堆叠去噪自编码网络SDAE自下而上的结构为[44-22-11-5]:输入层的样本维数为22维,第一隐藏层神经元的个数为44,第二隐藏层神经元个数为22,第三隐藏层神经元个数为11,第四隐藏层神经元个数为5,输出层的样本维数为5;堆叠去噪自编码网络SDAE的训练过程采用逐层堆叠学习,每个去噪自编码器DAE无监督训练完成后,隐含层的输出作为下一个去噪自编码器DAE的输入,即第一个去噪自编码器DAE1训练完成;将隐藏层的数据特征1作为第二个去噪自编码器DAE2的输入,对DAE2进行无监督训练,得到数据特征2;将数据特征2作为第三个去噪自编码器DAE3的输入,对DAE3进行无监督训练,得到数据特征3;将数据特征3作为第三个去噪自编码器DAE4的输入,对DAE4进行无监督训练,得到数据特征4;特征数据4将作为GWO-SVM分类器输入。
  4. 根据权利要求1所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:在堆叠去噪自编码网络SDAE中,在SDAE最后一个特征表示层后添加改进GWO-SVM分类器,训练完成的整个 网络能够同时实现数据的特征提取和缺陷识别任务。
  5. 根据权利要求1所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤3中改进GWO-SVM分类器模型利用改进后的灰狼算法GWO对SVM惩罚因子C和核函数参数σ进行寻优,具体步骤如下:
    步骤1:初始化改进GWO的参数,如种群规模N、最大迭代次数t max、距离控制参数a的初始值a initial和终止值a final;初始化a、A、C;对种群进行初始化,得到N个初始灰狼位置X=[X 1,X 2,…,X N],其中X i=(C ii);
    步骤2:计算种群每个个体适应度值,并对其排序,分别记录适应度最优的三个个体为α,β,δ,对应位置分别为X α,X β,X δ
    步骤3:更新种群中其他灰狼个体的位置;
    步骤4:更新收敛因子a和参数A、C的值;
    步骤5:计算个体适应度f(X i(t)),并对灰狼种群进行降序排序,对排列在后10%的灰狼个体进行差分变异,计算变异后个体的适应度f(X i'(t)),比较变异前后的个体适应度,如果f(X i'(t))≥f(X i(t)),将变异后的灰狼个体代替变异前的个体,如果f(X i'(t))<f(X i(t)),保留变异前个体;
    步骤6:判断是否达到最大迭代次数t max,若没有达到t max,则t=t+1,并返回步骤2,;若达到,则停止迭代,返回最优个体;
    步骤7:根据最优的灰狼位置得到最优惩罚因子C和最优核函数参数σ,利用改进改进GWO-SVM分类器进行缺陷识别。
  6. 根据权利要求5所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤1中种群初始化公式为:
    Figure PCTCN2020071757-appb-100001
    其中
    Figure PCTCN2020071757-appb-100002
    且x∈[0,1]。
  7. 根据权利要求5所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤3中种群位置更新满足:
    Figure PCTCN2020071757-appb-100003
    Figure PCTCN2020071757-appb-100004
    Figure PCTCN2020071757-appb-100005
    其中A和C是系数向量,X i(t)是当前个体位置,X i(t+1)是迭代更新后个体位置。
  8. 根据权利要求5所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤4中a更新满足:
    Figure PCTCN2020071757-appb-100006
    t为当前迭代次数,随机变量λ=0.01;
    系数向量A,C更新满足:
    A=2a·r 1-a
    C=2·r 2
    其中r 1和r 2为[0,1]内的随机数。
  9. 根据权利要求5所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤5中差分变异公式为:
    X'(t)=r[X α-X(t)]-r[X s(t)-X(t)],X s(t)其中为种群中随机选取的某一灰狼个体,r为[0,1]的随机数。
  10. 根据权利要求1所述的基于SDAE和改进GWO-SVM的轴承缺陷识别方法,其特征在于:所述步骤4中微调具体步骤如下:
    步骤一:将训练样本输入预训练完成的初始堆叠去噪自编码网络SDAE中,提取顶层特征,作为支撑改进GWO-SVM分类器的训练样本,得到SVM最优惩罚因子C和最优核函数参数σ;
    步骤二:利用反向传播BP算法对网络参数进行微调,应用梯度下降算法进行权值的更新;
    步骤三:将训练样本输入微调完成的堆叠去噪自编码网络SDAE中,提取顶层特征,重新训练改进GWO-SVM分类器,得到SVM分类器的最优惩罚因子C和最优核函数参数σ;
    步骤四:将顶层特征输入训练完成的最优SVM分类器,判断是否满足终止条件,若满足,微调完成,停止迭代,SDAE网络和改进GWO-SVM分类器训练完成,若不满足,跳转到步骤二。
PCT/CN2020/071757 2019-12-27 2020-01-13 基于sdae和改进gwo-svm的轴承缺陷识别方法 WO2021128510A1 (zh)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201911381284.2 2019-12-27
CN201911381284.2A CN111476263B (zh) 2019-12-27 2019-12-27 一种基于sdae和改进gwo-svm的轴承缺陷识别方法

Publications (1)

Publication Number Publication Date
WO2021128510A1 true WO2021128510A1 (zh) 2021-07-01

Family

ID=71746262

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2020/071757 WO2021128510A1 (zh) 2019-12-27 2020-01-13 基于sdae和改进gwo-svm的轴承缺陷识别方法

Country Status (2)

Country Link
CN (1) CN111476263B (zh)
WO (1) WO2021128510A1 (zh)

Cited By (39)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20200064820A1 (en) * 2018-08-21 2020-02-27 Hitachi High-Technologies Corporation State prediction apparatus and semiconductor manufacturing apparatus
CN113593657A (zh) * 2021-07-26 2021-11-02 燕山大学 以质量目标为导向半监督学习的水泥游离钙软测量系统
CN113791960A (zh) * 2021-08-20 2021-12-14 西安理工大学 基于eggm模型预测云服务器软件老化的方法
CN113869266A (zh) * 2021-10-12 2021-12-31 大连理工大学 基于大数据分析的离心压缩机旋转失速早期预警方法
CN113962357A (zh) * 2021-09-14 2022-01-21 天津大学 基于gwo-wnn的分布式光伏功率数据虚拟采集方法
CN113987936A (zh) * 2021-10-27 2022-01-28 中国人民解放军32801部队 一种基于混沌遗传算法的装备试验资源统筹调配方法
CN113987949A (zh) * 2021-11-03 2022-01-28 燕山大学 一种基于数据驱动的板带钢变形抗力预测方法
CN114040358A (zh) * 2021-12-06 2022-02-11 大连大学 一种无人机集群网络高稳定分簇方法
CN114091341A (zh) * 2021-11-26 2022-02-25 江苏科技大学 一种基于igwo-bp的变压器故障诊断方法
CN114118130A (zh) * 2021-09-28 2022-03-01 西安交通大学 一种变压器局部放电模式识别方法、系统、介质及设备
CN114112390A (zh) * 2021-11-23 2022-03-01 哈尔滨工程大学 一种非线性复杂系统早期故障诊断方法
CN114169640A (zh) * 2021-12-27 2022-03-11 中南大学 一种烧结流程冷却圆筒返粉料水分预测方法及预测系统
CN114354188A (zh) * 2022-01-10 2022-04-15 郑州大学 一种基于完全自适应噪声集合经验模态分解的旋转机械故障诊断方法
CN114550283A (zh) * 2022-01-10 2022-05-27 南京邮电大学 基于改进支持向量机的无线网信号动作识别系统及方法
CN114584924A (zh) * 2022-02-28 2022-06-03 长沙融创智胜电子科技有限公司 一种智能无人值守传感器系统及目标识别方法
CN114692507A (zh) * 2022-04-18 2022-07-01 浙江大学 基于堆叠泊松自编码器网络的计数数据软测量建模方法
CN114764579A (zh) * 2022-05-12 2022-07-19 西北工业大学 一种舰船辐射噪声信号的去噪特征提取方法
CN114781450A (zh) * 2022-04-24 2022-07-22 华东交通大学 一种基于参数优化momeda-mia-cnn的列车滚动轴承状态识别方法
CN114781577A (zh) * 2022-05-06 2022-07-22 安徽理工大学 基于VMD-DCNN-SVM的Buck电路故障诊断方法
CN114897004A (zh) * 2022-04-15 2022-08-12 成都理工大学 一种基于深度学习Transformer模型的梯形堆积核脉冲识别方法
CN114897023A (zh) * 2022-05-19 2022-08-12 西安交通大学 一种基于水声目标敏感差异特征提取的水声目标辨识方法
CN115078538A (zh) * 2022-06-24 2022-09-20 广东电网有限责任公司广州供电局 基于swt-ae的高压电缆铝护套腐蚀超声导波检测方法、系统及介质
CN115081483A (zh) * 2022-07-01 2022-09-20 淮阴工学院 基于特征选择和gwo-bp的水轮发电机转子故障诊断方法
CN115082780A (zh) * 2022-05-25 2022-09-20 西北工业大学 基于增量式差异学习网络的多源异质影像变化检测方法
CN115099151A (zh) * 2022-07-01 2022-09-23 西南石油大学 基于gwo-bp修正机理模型的管道腐蚀速率预测方法
CN115099885A (zh) * 2022-03-31 2022-09-23 日日顺供应链科技股份有限公司 一种商品匹配推荐方法及系统
CN115685881A (zh) * 2022-11-07 2023-02-03 北京科技大学 基于计算智能的低应力高精度电弧增材工艺控制方法
CN115876476A (zh) * 2023-02-16 2023-03-31 山东科技大学 滚动轴承故障诊断方法、系统、计算机设备以及存储介质
CN116257747A (zh) * 2022-12-22 2023-06-13 中国人民解放军海军工程大学 融合峭度和卷积自编码器的转子系统早期异常检测方法
CN116499748A (zh) * 2023-06-27 2023-07-28 昆明理工大学 基于改进smote和分类器的轴承故障诊断方法、系统
CN116563311A (zh) * 2023-07-04 2023-08-08 新乡市食品药品检验所 一种基于图像分割的肉制品检测方法及装置
CN116738868A (zh) * 2023-08-16 2023-09-12 青岛中德智能技术研究院 一种滚动轴承剩余寿命预测方法
CN116881700A (zh) * 2023-07-19 2023-10-13 中国人民解放军总参谋部第六十研究所 一种基于随机游走和机器学习的故障诊断方法
CN117094064A (zh) * 2023-10-19 2023-11-21 西南交通大学 一种构件的布置参数计算方法、装置、设备及存储介质
CN117635245A (zh) * 2023-11-30 2024-03-01 广东电力交易中心有限责任公司 基于多层次频域分解和ibmh优化delm的电价预测方法和系统
CN117725394A (zh) * 2024-02-18 2024-03-19 浙江浙能技术研究院有限公司 基于分层内嵌模态分解的风电场宽频振荡辨识方法
CN117891238A (zh) * 2024-03-13 2024-04-16 青岛科技大学 一种阻拦着舰装备中定长冲跑阀故障诊断方法
CN117909650A (zh) * 2023-12-21 2024-04-19 北京聚原科技有限公司 一种伽马能谱智能降噪方法、系统和存储介质
CN117932230A (zh) * 2024-03-21 2024-04-26 北京航空航天大学 小样本条件下基于特征解耦与样本重组的故障诊断方法

Families Citing this family (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111917785B (zh) * 2020-08-06 2022-07-15 重庆邮电大学 一种基于de-gwo-svr的工业互联网安全态势预测方法
CN112101445B (zh) * 2020-09-09 2023-11-28 浙江大学 一种基于监督神经网络的连铸坯皮下夹渣缺陷实时预报方法
CN112329173B (zh) * 2020-11-10 2022-09-20 重庆大学 一种用于转子-轴承弯扭耦合系统的参数优化方法
CN112836604A (zh) * 2021-01-22 2021-05-25 合肥工业大学 一种基于vmd-ssae的滚动轴承故障诊断分类方法、系统、设备及其存储介质
CN114137366A (zh) * 2021-11-01 2022-03-04 国网电力科学研究院武汉南瑞有限责任公司 一种考虑快速发展型故障的局部放电特征信息提取系统及方法
CN117129565B (zh) * 2023-08-23 2024-06-11 广西大学 基于能量比率与gwo-svm的钢管混凝土脱空敲击力检测方法

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106682688A (zh) * 2016-12-16 2017-05-17 华南理工大学 基于粒子群优化的堆叠降噪自编码网络轴承故障诊断方法
CN107957551A (zh) * 2017-12-12 2018-04-24 南京信息工程大学 基于振动和电流信号的堆叠降噪自编码电机故障诊断方法
CN108344574A (zh) * 2018-04-28 2018-07-31 湖南科技大学 一种基于深度联合适配网络的风电机组轴承故障诊断方法

Family Cites Families (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN1016101B (zh) * 1989-09-22 1992-04-01 中国新型建筑材料工业杭州设计研究院 浮法玻璃缺陷在线自动检测装置
CN102983890B (zh) * 2012-11-14 2015-08-12 小米科技有限责任公司 一种设备配对连接的方法及装置

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106682688A (zh) * 2016-12-16 2017-05-17 华南理工大学 基于粒子群优化的堆叠降噪自编码网络轴承故障诊断方法
CN107957551A (zh) * 2017-12-12 2018-04-24 南京信息工程大学 基于振动和电流信号的堆叠降噪自编码电机故障诊断方法
CN108344574A (zh) * 2018-04-28 2018-07-31 湖南科技大学 一种基于深度联合适配网络的风电机组轴承故障诊断方法

Non-Patent Citations (2)

* Cited by examiner, † Cited by third party
Title
YAN ZHIXING, WANG HAI-RUI; LV WEI-ZONG: "Fault Diagnosis of Rolling Bearings Based on Wavelet Packet and GWO-SVM", CONTROL AND INSTRUMENTS IN CHEMICAL INDUSTRY, vol. 46, no. 10, 1 January 2019 (2019-01-01), pages 806 - 810, XP055824310, ISSN: 1000-3932 *
ZHANG QINGLEI, ZHANG FENG: "Fault Diagnosis of Press Bearing Based on SDAE-SVM", DIGITAL MANUFACTURE SCIENCE, vol. 16, no. 3, 1 September 2018 (2018-09-01), pages 203 - 208, XP055824306, ISSN: 1672-3236, DOI: 10.3963 /j.issn.1672-3236.2018.03. 012 *

Cited By (59)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20200064820A1 (en) * 2018-08-21 2020-02-27 Hitachi High-Technologies Corporation State prediction apparatus and semiconductor manufacturing apparatus
CN113593657A (zh) * 2021-07-26 2021-11-02 燕山大学 以质量目标为导向半监督学习的水泥游离钙软测量系统
CN113593657B (zh) * 2021-07-26 2024-01-09 燕山大学 以质量目标为导向半监督学习的水泥游离钙软测量系统
CN113791960A (zh) * 2021-08-20 2021-12-14 西安理工大学 基于eggm模型预测云服务器软件老化的方法
CN113962357A (zh) * 2021-09-14 2022-01-21 天津大学 基于gwo-wnn的分布式光伏功率数据虚拟采集方法
CN114118130B (zh) * 2021-09-28 2024-04-05 西安交通大学 一种变压器局部放电模式识别方法、系统、介质及设备
CN114118130A (zh) * 2021-09-28 2022-03-01 西安交通大学 一种变压器局部放电模式识别方法、系统、介质及设备
CN113869266A (zh) * 2021-10-12 2021-12-31 大连理工大学 基于大数据分析的离心压缩机旋转失速早期预警方法
CN113869266B (zh) * 2021-10-12 2024-05-10 大连理工大学 基于大数据分析的离心压缩机旋转失速早期预警方法
CN113987936A (zh) * 2021-10-27 2022-01-28 中国人民解放军32801部队 一种基于混沌遗传算法的装备试验资源统筹调配方法
CN113987949A (zh) * 2021-11-03 2022-01-28 燕山大学 一种基于数据驱动的板带钢变形抗力预测方法
CN113987949B (zh) * 2021-11-03 2024-05-07 燕山大学 一种基于数据驱动的板带钢变形抗力预测方法
CN114112390A (zh) * 2021-11-23 2022-03-01 哈尔滨工程大学 一种非线性复杂系统早期故障诊断方法
CN114112390B (zh) * 2021-11-23 2024-03-22 哈尔滨工程大学 一种非线性复杂系统早期故障诊断方法
CN114091341A (zh) * 2021-11-26 2022-02-25 江苏科技大学 一种基于igwo-bp的变压器故障诊断方法
CN114040358A (zh) * 2021-12-06 2022-02-11 大连大学 一种无人机集群网络高稳定分簇方法
CN114040358B (zh) * 2021-12-06 2024-04-23 大连大学 一种无人机集群网络高稳定分簇方法
CN114169640B (zh) * 2021-12-27 2024-05-28 中南大学 一种烧结流程冷却圆筒返粉料水分预测方法及预测系统
CN114169640A (zh) * 2021-12-27 2022-03-11 中南大学 一种烧结流程冷却圆筒返粉料水分预测方法及预测系统
CN114354188A (zh) * 2022-01-10 2022-04-15 郑州大学 一种基于完全自适应噪声集合经验模态分解的旋转机械故障诊断方法
CN114550283A (zh) * 2022-01-10 2022-05-27 南京邮电大学 基于改进支持向量机的无线网信号动作识别系统及方法
CN114584924A (zh) * 2022-02-28 2022-06-03 长沙融创智胜电子科技有限公司 一种智能无人值守传感器系统及目标识别方法
CN114584924B (zh) * 2022-02-28 2024-05-31 长沙融创智胜电子科技有限公司 一种智能无人值守传感器系统及目标识别方法
CN115099885A (zh) * 2022-03-31 2022-09-23 日日顺供应链科技股份有限公司 一种商品匹配推荐方法及系统
CN114897004A (zh) * 2022-04-15 2022-08-12 成都理工大学 一种基于深度学习Transformer模型的梯形堆积核脉冲识别方法
CN114897004B (zh) * 2022-04-15 2023-05-02 成都理工大学 一种基于深度学习Transformer模型的梯形堆积核脉冲识别方法
CN114692507A (zh) * 2022-04-18 2022-07-01 浙江大学 基于堆叠泊松自编码器网络的计数数据软测量建模方法
CN114781450B (zh) * 2022-04-24 2024-03-29 华东交通大学 一种基于参数优化momeda-mia-cnn的列车滚动轴承状态识别方法
CN114781450A (zh) * 2022-04-24 2022-07-22 华东交通大学 一种基于参数优化momeda-mia-cnn的列车滚动轴承状态识别方法
CN114781577A (zh) * 2022-05-06 2022-07-22 安徽理工大学 基于VMD-DCNN-SVM的Buck电路故障诊断方法
CN114764579A (zh) * 2022-05-12 2022-07-19 西北工业大学 一种舰船辐射噪声信号的去噪特征提取方法
CN114897023A (zh) * 2022-05-19 2022-08-12 西安交通大学 一种基于水声目标敏感差异特征提取的水声目标辨识方法
CN114897023B (zh) * 2022-05-19 2024-03-29 西安交通大学 一种基于水声目标敏感差异特征提取的水声目标辨识方法
CN115082780B (zh) * 2022-05-25 2024-03-19 西北工业大学 基于增量式差异学习网络的多源异质影像变化检测方法
CN115082780A (zh) * 2022-05-25 2022-09-20 西北工业大学 基于增量式差异学习网络的多源异质影像变化检测方法
CN115078538A (zh) * 2022-06-24 2022-09-20 广东电网有限责任公司广州供电局 基于swt-ae的高压电缆铝护套腐蚀超声导波检测方法、系统及介质
CN115099151B (zh) * 2022-07-01 2024-06-11 西南石油大学 基于gwo-bp修正机理模型的管道腐蚀速率预测方法
CN115081483A (zh) * 2022-07-01 2022-09-20 淮阴工学院 基于特征选择和gwo-bp的水轮发电机转子故障诊断方法
CN115099151A (zh) * 2022-07-01 2022-09-23 西南石油大学 基于gwo-bp修正机理模型的管道腐蚀速率预测方法
CN115685881A (zh) * 2022-11-07 2023-02-03 北京科技大学 基于计算智能的低应力高精度电弧增材工艺控制方法
CN116257747A (zh) * 2022-12-22 2023-06-13 中国人民解放军海军工程大学 融合峭度和卷积自编码器的转子系统早期异常检测方法
CN115876476A (zh) * 2023-02-16 2023-03-31 山东科技大学 滚动轴承故障诊断方法、系统、计算机设备以及存储介质
CN116499748A (zh) * 2023-06-27 2023-07-28 昆明理工大学 基于改进smote和分类器的轴承故障诊断方法、系统
CN116499748B (zh) * 2023-06-27 2023-08-29 昆明理工大学 基于改进smote和分类器的轴承故障诊断方法、系统
CN116563311B (zh) * 2023-07-04 2023-09-08 新乡市食品药品检验所 一种基于图像分割的肉制品检测方法及装置
CN116563311A (zh) * 2023-07-04 2023-08-08 新乡市食品药品检验所 一种基于图像分割的肉制品检测方法及装置
CN116881700A (zh) * 2023-07-19 2023-10-13 中国人民解放军总参谋部第六十研究所 一种基于随机游走和机器学习的故障诊断方法
CN116738868B (zh) * 2023-08-16 2023-11-21 青岛中德智能技术研究院 一种滚动轴承剩余寿命预测方法
CN116738868A (zh) * 2023-08-16 2023-09-12 青岛中德智能技术研究院 一种滚动轴承剩余寿命预测方法
CN117094064A (zh) * 2023-10-19 2023-11-21 西南交通大学 一种构件的布置参数计算方法、装置、设备及存储介质
CN117094064B (zh) * 2023-10-19 2024-03-01 西南交通大学 一种构件的布置参数计算方法、装置、设备及存储介质
CN117635245A (zh) * 2023-11-30 2024-03-01 广东电力交易中心有限责任公司 基于多层次频域分解和ibmh优化delm的电价预测方法和系统
CN117909650A (zh) * 2023-12-21 2024-04-19 北京聚原科技有限公司 一种伽马能谱智能降噪方法、系统和存储介质
CN117725394A (zh) * 2024-02-18 2024-03-19 浙江浙能技术研究院有限公司 基于分层内嵌模态分解的风电场宽频振荡辨识方法
CN117725394B (zh) * 2024-02-18 2024-05-07 浙江浙能技术研究院有限公司 基于分层内嵌模态分解的风电场宽频振荡辨识方法
CN117891238B (zh) * 2024-03-13 2024-05-28 青岛科技大学 一种阻拦着舰装备中定长冲跑阀故障诊断方法
CN117891238A (zh) * 2024-03-13 2024-04-16 青岛科技大学 一种阻拦着舰装备中定长冲跑阀故障诊断方法
CN117932230B (zh) * 2024-03-21 2024-05-28 北京航空航天大学 小样本条件下基于特征解耦与样本重组的故障诊断方法
CN117932230A (zh) * 2024-03-21 2024-04-26 北京航空航天大学 小样本条件下基于特征解耦与样本重组的故障诊断方法

Also Published As

Publication number Publication date
CN111476263B (zh) 2024-02-09
CN111476263A (zh) 2020-07-31

Similar Documents

Publication Publication Date Title
WO2021128510A1 (zh) 基于sdae和改进gwo-svm的轴承缺陷识别方法
CN108985268B (zh) 基于深度迁移学习的归纳式雷达高分辨距离像识别方法
CN111832647A (zh) 异常流量检测系统及方法
CN108062572A (zh) 一种基于DdAE深度学习模型的水电机组故障诊断方法与系统
Chen et al. Machine fault classification using deep belief network
CN109389171B (zh) 基于多粒度卷积降噪自动编码器技术的医疗图像分类方法
CN113923104B (zh) 基于小波神经网络的网络故障诊断方法、设备及存储介质
CN111222638B (zh) 一种基于神经网络的网络异常检测方法及装置
Mao et al. Domain adaptation for speech emotion recognition by sharing priors between related source and target classes
CN113158722A (zh) 基于多尺度深度神经网络的旋转机械故障诊断方法
CN114118138A (zh) 一种基于多标签领域自适应模型的轴承复合故障诊断方法
CN114548199A (zh) 一种基于深度迁移网络的多传感器数据融合方法
WO2019178930A1 (zh) 一种机械设备故障诊断方法
CN116152554A (zh) 基于知识引导的小样本图像识别系统
CN115290326A (zh) 一种滚动轴承故障智能诊断方法
Mohammed Abdelkader et al. A self-adaptive exhaustive search optimization-based method for restoration of bridge defects images
CN113177587B (zh) 基于主动学习和变分自编码器的广义零样本目标分类方法
CN111178897B (zh) 在不平衡数据上快速特征学习的代价敏感的动态聚类方法
Xu et al. Bearing Fault Diagnosis in the Mixed Domain Based on Crossover‐Mutation Chaotic Particle Swarm
CN111461184A (zh) 基于多元特征矩阵的xgb多维运维数据异常检测方法
CN117196963A (zh) 一种基于降噪自编码器的点云去噪方法
CN116340846A (zh) 一种弱监督下多示例多标签学习的混叠调制信号识别方法
CN113807005B (zh) 基于改进fpa-dbn的轴承剩余寿命预测方法
Huang et al. Resolving intra-class imbalance for gan-based image augmentation
CN116452963A (zh) 一种基于多维特征的海底底质类型分类方法

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 20906769

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 20906769

Country of ref document: EP

Kind code of ref document: A1