CN116662928A - Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method - Google Patents
Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method Download PDFInfo
- Publication number
- CN116662928A CN116662928A CN202310548789.3A CN202310548789A CN116662928A CN 116662928 A CN116662928 A CN 116662928A CN 202310548789 A CN202310548789 A CN 202310548789A CN 116662928 A CN116662928 A CN 116662928A
- Authority
- CN
- China
- Prior art keywords
- network
- data
- output
- layer
- time
- 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
Landscapes
- Testing And Monitoring For Control Systems (AREA)
Abstract
Description
技术领域technical field
本发明属于机械零部件故障诊断技术领域,具体涉及一种用于实时轴承故障诊断的金字塔型时间卷积网络结构及诊断方法。The invention belongs to the technical field of fault diagnosis of mechanical parts, and in particular relates to a pyramidal time convolution network structure and a diagnosis method for real-time bearing fault diagnosis.
背景技术Background technique
作为旋转机械的核心部件,轴承最易发生故障和损坏,在工业生产过程中,提前发现轴承的故障隐患能够避免轴承失效引起的工业生产过程停顿,提高生产环境安全性,降低由此带来的经济损失。因此轴承故障诊断在工业生产过程中具有非常重要的应用价值。As the core component of rotating machinery, bearings are the most prone to failure and damage. In the industrial production process, early detection of hidden failures of bearings can avoid the suspension of industrial production process caused by bearing failure, improve the safety of the production environment, and reduce the resulting damage. Economic losses. Therefore, bearing fault diagnosis has very important application value in industrial production process.
现有的轴承故障诊断方法主要是通过采集轴承的振动信号,不同的故障会引起不同类型的振动表现形态,通过故障类型与振动信号的表现形态建立一一对应关系,实现通过对振动信号的分析来对故障类型进行诊断判别。因此振动信号分析就成了故障诊断的关键问题,主流的故障诊断技术主要有分阶段的传统机器学习和端到端深度神经网络两种方法。The existing bearing fault diagnosis method is mainly by collecting the vibration signal of the bearing. Different faults will cause different types of vibration manifestations. By establishing a one-to-one correspondence between the fault type and the manifestation of the vibration signal, the analysis of the vibration signal can be realized. To diagnose the fault type. Therefore, vibration signal analysis has become a key issue in fault diagnosis. The mainstream fault diagnosis technologies mainly include traditional machine learning in stages and end-to-end deep neural network methods.
其中分阶段的传统机器学习方法分别特征提取和分类两个主要过程,特征提取是指采用一些数字变换方法将传感器数据进行转换,使信号更具区分度;分类阶段是在特征提取基础上采用支持向量机、聚类等方法将特征相近的信号归为一类。Among them, the traditional machine learning methods in stages are two main processes: feature extraction and classification. Feature extraction refers to the use of some digital transformation methods to convert sensor data to make the signal more distinguishable; the classification stage is based on feature extraction. Methods such as vector machine and clustering classify signals with similar characteristics into one category.
而端到端的深度学习方法主要是采用神经网络方法实现传感器数据输入到判别输出的一体化过程,由于传感器信号是一维序列数据,为了表示数据的前后关联关系,用于故障诊断的神经网络一般采用循环神经网络及其提升版本长短时记忆网络、门控循环单元网络。还有一种端到端的神经网络处理方法是将一维传感器数据转换为图片,输入到卷积神经网络中处理。这种方法使得问题求解过程复杂,同时无法将不同类型的传感器数据进行有效融合。The end-to-end deep learning method mainly uses the neural network method to realize the integrated process from sensor data input to discriminant output. Since the sensor signal is one-dimensional sequence data, in order to represent the contextual relationship of the data, the neural network used for fault diagnosis is generally Using recurrent neural network and its improved version of long short-term memory network and gated recurrent unit network. Another end-to-end neural network processing method is to convert one-dimensional sensor data into images and input them into convolutional neural networks for processing. This method makes the problem solving process complicated, and at the same time, it cannot effectively fuse different types of sensor data.
以上的方法存在的问题是:The problems with the above methods are:
(1)后一时刻的输出依赖于前一时刻的数据,因此这种串联型处理方式会使训练速度很慢;(1) The output at the next moment depends on the data at the previous moment, so this serial processing method will make the training speed very slow;
(2)网络训练过程中需要保存素有神经元的中间状态信息,因此需要大量的存储资源,从而导致训练数据集大,数据集制作成本高。现有的深度学习模型性能已经达到非常高的诊断正确率,然而其依赖庞大的数据训练集。比如比较流行的CWRU轴承数据集训练集有9900个样本,测试集有375个样本;(2) In the process of network training, it is necessary to save the intermediate state information of neurons, so a large amount of storage resources are required, resulting in a large training data set and high production costs of the data set. The performance of the existing deep learning model has reached a very high diagnostic accuracy rate, but it relies on a huge data training set. For example, the popular CWRU bearing data set has 9900 samples in the training set and 375 samples in the test set;
(3)模型参数量多,硬件资源需求高。现有用于故障检测的深度学习方法主要是循环神经网络、长短时记忆网络、门控循环单元网络,这几种网络的特点是训练时需要记忆中间变量状态数据,内存需求量大;(3) The number of model parameters is large, and the demand for hardware resources is high. The existing deep learning methods for fault detection are mainly recurrent neural networks, long short-term memory networks, and gated recurrent unit networks. The characteristics of these types of networks are that they need to memorize the state data of intermediate variables during training, and the memory requirements are large;
(4)诊断过程依赖所有时间信息,不能实时诊断。现有神经网络方法是对诊断信号从开始到结束全部使用了,信息贯穿全过程。而实时诊断只能使用当前时刻及之前的信息,下一时刻信息不可用,因此现有方法不能用于实时诊断。(4) The diagnosis process relies on all time information and cannot be diagnosed in real time. The existing neural network method uses all the diagnostic signals from the beginning to the end, and the information runs through the whole process. However, real-time diagnosis can only use the information at the current moment and before, and the information at the next moment is not available, so the existing methods cannot be used for real-time diagnosis.
由于现有的轴承故障诊断主流方法存在上述问题,从而导致相应方法在实际应用过程中存在现实困难,难以推广。为此,设计训练数据集小、硬件资源需求量小、能实时诊断的轻型网络具有很强的应用前景。Due to the above-mentioned problems in the existing mainstream methods of bearing fault diagnosis, the corresponding methods have practical difficulties in the actual application process and are difficult to promote. Therefore, designing a lightweight network with small training data sets, small hardware resource requirements, and real-time diagnosis has strong application prospects.
发明内容Contents of the invention
针对现有轴承故障诊断主流方法存在的训练数据集大,数据集制作成本高、模型参数量多,硬件资源需求高、诊断过程依赖所有时间信息,不能实时诊断的缺陷和问题,本发明提供一种用于实时轴承故障诊断的金字塔型时间卷积网络结构及诊断方法。Aiming at the defects and problems existing in the existing mainstream methods of bearing fault diagnosis, which have large training data sets, high data set production costs, large amount of model parameters, high hardware resource requirements, and the diagnosis process relies on all time information and cannot be diagnosed in real time, the present invention provides a A Pyramid Time Convolutional Network Structure and Diagnosis Method for Real-time Bearing Fault Diagnosis.
本发明解决其技术问题所采用的方案是:一种用于实时轴承故障诊断的金字塔型时间卷积网络结构,由数据输入、网络段1、网络段2和结果输出四部分组成,所述数据输入部分用于对从不同类型传感器接收到的数据集进行标准化处理,并使数据与网络结构适配,再将预处理后的数据传输至网络段1部分中;所述网络段1用于根据历史数据预测将来数据,由输入层、隐藏层1、隐藏层2和输出层四层神经元组成,所述隐藏层1、隐藏层2、输出层的每一层神经元分别与前一层的4个神经元连接,通过所述网络段1中神经元的连接方式进行网络训练,并将输出的预测序列传输至网络段2;所述网络段2包括输入层、隐藏层1、隐藏层2、隐藏层3、隐藏层4、隐藏层5和输出层,且每层神经元数量均为前一层的四分之一,输出层为1个神经元;所述网络段2对所述预测序列进行分类以得到多种不同的故障类型并传输至结果输出部分,所述结果输出部分来对其进行训练和诊断,并输出最终的诊断结果。The solution adopted by the present invention to solve its technical problems is: a pyramidal time convolution network structure for real-time bearing fault diagnosis, which consists of four parts: data input, network segment 1, network segment 2 and result output. The input part is used to standardize the data sets received from different types of sensors, and to adapt the data to the network structure, and then transmit the preprocessed data to the network segment 1; the network segment 1 is used according to Historical data predicts future data, which consists of four layers of neurons in the input layer, hidden layer 1, hidden layer 2, and output layer. 4 neurons are connected, and the network training is carried out through the connection mode of the neurons in the network segment 1, and the output prediction sequence is transmitted to the network segment 2; the network segment 2 includes an input layer, a hidden layer 1, and a hidden layer 2 , hidden layer 3, hidden layer 4, hidden layer 5 and output layer, and the number of neurons in each layer is 1/4 of the previous layer, and the output layer is 1 neuron; The sequence is classified to obtain multiple different fault types and transmitted to the result output part, which is used for training and diagnosis, and outputs the final diagnosis result.
上述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,所述数据输入部分通过均匀抽样的方法使数据与网络结构适配;通过最小最大标准化方法使不同属性的传感器数据标准化。In the above-mentioned pyramid-type temporal convolutional network structure for real-time bearing fault diagnosis, the data input part adapts the data to the network structure through a uniform sampling method; standardizes sensor data with different attributes through a minimum-maximum normalization method.
上述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,所述网络段1用于输出预测序列,包括:通过公式计算出神经元输出,其中a表示输入神经元值,b表示偏置,ReLU(·)表示激活函数W表示卷积核权值,且每层卷积核相同;The above-mentioned pyramidal time convolutional network structure for real-time bearing fault diagnosis, the network segment 1 is used to output the prediction sequence, including: through the formula Calculate the neuron output, where a represents the input neuron value, b represents the bias, ReLU(·) represents the activation function W represents the weight of the convolution kernel, and the convolution kernel of each layer is the same;
网络段1输出序列为OUT1=(o11,o12,…,o1i,…o1N),标签序列为并约束两者相等;The output sequence of network segment 1 is OUT1=(o1 1 ,o1 2 ,…,o1 i ,…o1 N ), and the label sequence is and constrain both to be equal;
网络段I的损失函数为 The loss function of network segment I is
上述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,所述结果输出部分将不同通道的输出组成一个多维向量,并通过Softmax函数转换值域为[0,1]的数值。In the above-mentioned pyramid-type temporal convolutional network structure for real-time bearing fault diagnosis, the result output part forms a multi-dimensional vector with the outputs of different channels, and converts the value range to [0,1] through the Softmax function.
上述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,所述结果输出部分训练时采用OneHot编码方式将C种故障类型编码为V={vi,...,vC},该编码为一个C维向量,对应类别处为1,其余为0;通过计算编码和输出值之间的差异,误差反向传播更新网络参数,且损失函数为: In the above-mentioned pyramid-type temporal convolutional network structure for real-time bearing fault diagnosis, the OneHot coding method is used to encode the C fault types as V={v i ,...,v C } during the training of the result output part. Encoded as a C-dimensional vector, the corresponding category is 1, and the rest are 0; by calculating the difference between the encoding and the output value, the error backpropagation updates the network parameters, and the loss function is:
上述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,所述结果输出部分通过losstotal=λloss1+(1-λ)loss2计算出总损失函数,其中λ是一个超参数,能够调节网络性能。The above-mentioned pyramidal time convolution network structure for real-time bearing fault diagnosis, the result output part calculates the total loss function through loss total = λ loss 1 + (1-λ) loss 2 , where λ is a hyperparameter, which can Tune network performance.
一种用于实时轴承故障诊断的金字塔型时间卷积网络诊断方法,应用上述用于实时轴承故障诊断的金字塔型时间卷积网络结构,包括以下步骤:A pyramidal time convolution network diagnosis method for real-time bearing fault diagnosis, using the above-mentioned pyramid time convolution network structure for real-time bearing fault diagnosis, comprising the following steps:
S1、数据输入:对原始输入数据进行预处理,保证输入的样本数据能够与网络结构适配,同时对从不同属性的传感器采集到的数据进行标准化处理,并将已标准化处理的数据序列传输至网络段1;S1. Data input: Preprocess the original input data to ensure that the input sample data can be adapted to the network structure, and at the same time standardize the data collected from sensors with different attributes, and transmit the standardized data sequence to network segment 1;
S2、将从步骤一中输入的标准化数据序列作为标签在网络段1中进行网络训练,从而使其能够预测将来的数据序列,并将输出的预测数据序列传输至网络段2;S2. Use the standardized data sequence input from step 1 as a label to perform network training in network segment 1, so that it can predict future data sequences, and transmit the output predicted data sequence to network segment 2;
S3、网络段2对从上述S2传输的预测数据序列进行分类,其中各不同的通道输出与之相对应的多种故障类型;S3. The network segment 2 classifies the predicted data sequence transmitted from the above S2, wherein each of the different channels outputs a plurality of corresponding fault types;
S4、对上述S3中输出的各故障类型进行训练和诊断,计算出总损失函数,并利用Softmax函数将多分类的输出值转换为范围在[0,1]的概率分布,其中最大值对应的类别即为诊断结果,最后将诊断结果输出。S4. Carry out training and diagnosis for each fault type output in the above S3, calculate the total loss function, and use the Softmax function to convert the output value of the multi-classification into a probability distribution in the range of [0,1], where the maximum value corresponds to The category is the diagnosis result, and finally the diagnosis result is output.
与现有技术相比,本发明的有益效果是:本发明提供的用于实时轴承故障诊断的金字塔型时间卷积网络结构及诊断方法,训练数据集小、硬件资源需求量小、能实时诊断;其中时间卷积网络主要针对一维时序数据进行建模,能够用于对时序数据的预测;且该网络输入数据和输出数据具有相同长度,其将输入的一部分数据作为监督信息,余下的输出部分为将要预测的数据,不同于预测任务输入输出序列长度相等,故障诊断的输出为长度为一的标量数据,而本发明针对性的设计了金字塔型时间卷积网络,能够将不同类型的传感器数据同时输入,实现原始数据输入、故障类别输出的端到端网络;本发明提供的金字塔型时间卷积神经网络结构能够对不同传感器数据进行融合,且网络参数小、网络训练时需要的内存资源少且能够进行实时故障诊断。Compared with the prior art, the beneficial effects of the present invention are: the pyramid-type temporal convolution network structure and diagnostic method for real-time bearing fault diagnosis provided by the present invention have small training data sets, small hardware resource requirements, and real-time diagnosis ; Among them, the temporal convolutional network is mainly modeled for one-dimensional time series data, which can be used to predict time series data; and the input data and output data of the network have the same length, which uses part of the input data as supervisory information, and the remaining output Part of it is the data to be predicted, which is different from the prediction task whose input and output sequence lengths are equal, and the output of fault diagnosis is scalar data with a length of one. However, the present invention specifically designs a pyramid-type temporal convolutional network, which can combine different types of sensors The data is input at the same time to realize the end-to-end network of original data input and fault category output; the pyramid-type temporal convolutional neural network structure provided by the present invention can fuse different sensor data, and the network parameters are small, and the memory resources required for network training Few and capable of real-time fault diagnosis.
附图说明Description of drawings
图1为本发明的总体结构图;Fig. 1 is the general structural diagram of the present invention;
图2为本发明网络段1部分结构示意图;Fig. 2 is a partial structural schematic diagram of network section 1 of the present invention;
图3为本发明两通道网络神经元连接示意图;Fig. 3 is a schematic diagram of the connection of neurons in the two-channel network of the present invention;
图4为本发明网络段2部分结构示意图;Fig. 4 is a schematic structural diagram of part 2 of the network section of the present invention;
图5为本发明结果输出部分结构示意图。Fig. 5 is a structural schematic diagram of the result output part of the present invention.
具体实施方式Detailed ways
下面结合附图和实施例对本发明进一步说明。The present invention will be further described below in conjunction with the accompanying drawings and embodiments.
请参阅图1-5,本发明提供了一种用于实时轴承故障诊断的金字塔型时间卷积网络结构及诊断方法,针对性的设计神经元数量少的金字塔型轻量化网络,能够将不同类型的传感器数据同时输入,实现原始数据输入、故障类别输出的端到端网络,具有网络参数小、网络训练时需要的内存资源少且能够进行实时故障诊断的优势。Please refer to Figures 1-5, the present invention provides a pyramid-type time convolution network structure and diagnosis method for real-time bearing fault diagnosis, and a pyramid-type lightweight network with a small number of neurons is designed in a targeted manner, which can integrate different types of Simultaneously input sensor data, realize the end-to-end network of original data input and fault category output, which has the advantages of small network parameters, less memory resources required for network training and real-time fault diagnosis.
实施例一:Embodiment one:
本实施例提供一种用于实时轴承故障诊断的金字塔型时间卷积网络结构,由数据输入、网络段1、网络段2和结果输出四部分组成,其中数据输入部分根据数据集情况能够灵活调整数据输入通道,能够将多种类型的传感器数据同时输入,本实施例以渥太华大学轴承诊断数据集为例,该数据集共有12种情况,每个样本数据包含振动数据和转速数据两个通道。This embodiment provides a pyramidal time convolution network structure for real-time bearing fault diagnosis, which consists of four parts: data input, network segment 1, network segment 2 and result output, wherein the data input part can be flexibly adjusted according to the data set situation The data input channel can input multiple types of sensor data at the same time. This embodiment takes the bearing diagnosis data set of the University of Ottawa as an example. The data set has 12 cases, and each sample data includes two channels of vibration data and rotational speed data.
首先数据输入部分用于对数据进行预处理,一方面通过均匀抽样的方法使数据与网络结构适配,另一方面通过最小最大标准化方法使不同属性的传感器数据标准化,包括以下步骤:First, the data input part is used to preprocess the data. On the one hand, the uniform sampling method is used to adapt the data to the network structure, and on the other hand, the sensor data of different attributes is standardized through the minimum and maximum normalization method, including the following steps:
1)设置数据输入点数2N,本实施例中N=4096;1) Set the number of data input points 2N, N=4096 in the present embodiment;
2)设原始样本数据序列为X,采用均匀抽样法将原始样本数据中第m通道数据Xm采样为2N点序列 2) Let the original sample data sequence be X, and use the uniform sampling method to sample the mth channel data X m in the original sample data into a 2N point sequence
3)通过最小最大标准化方法将不同属性的传感器数据进行标准化,即通过将映射到[0,1]区间变成X′m,公式为:3) Standardize the sensor data of different attributes through the min-max normalization method, that is, by Mapping to the [0,1] interval becomes X′ m , the formula is:
其中表示/>的第i个元素,/>表示/>的第i个元素;in means /> the ith element of , /> means /> The i-th element of ;
从而得到标准化后的X′m,其中 So as to get the standardized X′ m , where
4)最后将标准化后的X′m输入到网络段1的神经元中。4) Finally, input the standardized X'm into the neurons of network segment 1.
网络段1的作用主要是根据历史数据预测将来数据,网络段1由四层神经元组成,如图2所示,分别为输入层、隐藏层1、隐藏层2和输出层,每层神经元数量为N,通道数为M,本实施例中N=4096,M=2;其中隐藏层1、隐藏层2、输出层的每一层神经元分别与前一层的4个神经元连接,即,隐藏层1的神经元与输入层当前时刻开始的前4个神经元连接,同一列的神经元表示同一时刻;隐藏层2中的神经元与隐藏层1的4个神经元连接,神经元之间的间隔为4,通过这样的连接设置,隐藏层2的神经元与输入层的16个神经元就建立了关联;同样输出层的神经元与隐藏层2的4个神经元相连,神经元之间的间隔为16;如图2为单通道连接方式,而针对多通道连接,例如图3为两通道连接,就是后一层神经元与前一层所有通道相同位置的所有神经元进行连接;但是实际连接时由于每层神经元数量存在不足,因此在输入层左边补3个值为0的神经元,在隐藏层1左边补15个,隐藏层2左边补63个,从而保证每层神经元数量的完整。The role of network segment 1 is mainly to predict future data based on historical data. Network segment 1 is composed of four layers of neurons, as shown in Figure 2, which are input layer, hidden layer 1, hidden layer 2 and output layer. Each layer of neurons The number is N, and the number of channels is M. In this embodiment, N=4096, and M=2; wherein each layer of neurons in hidden layer 1, hidden layer 2, and output layer is connected to 4 neurons in the previous layer respectively, That is, the neurons in hidden layer 1 are connected to the first 4 neurons from the current moment in the input layer, and the neurons in the same column represent the same moment; the neurons in hidden layer 2 are connected to the 4 neurons in hidden layer 1, and the neurons in the same column represent the same moment; The interval between cells is 4. Through such a connection setting, the neurons of the hidden layer 2 are associated with the 16 neurons of the input layer; similarly, the neurons of the output layer are connected with the 4 neurons of the hidden layer 2. The interval between neurons is 16; Figure 2 shows a single-channel connection, while for multi-channel connections, for example, Figure 3 shows a two-channel connection, that is, all the neurons in the same position as the neurons in the previous layer and all the channels in the previous layer However, due to the insufficient number of neurons in each layer during the actual connection, 3 neurons with a value of 0 are added to the left side of the input layer, 15 neurons are added to the left side of the hidden layer 1, and 63 neurons are added to the left side of the hidden layer 2, so as to ensure The complete number of neurons in each layer.
网络段1实现数据预测的过程包括:The process of implementing data prediction in network segment 1 includes:
(1)输入数据序列为前一阶段得到的标准化序列其中“1”代表序列元素从下标1开始;输入数据序列标签值为/>其中“k”表示序列元素从下标k开始;将上述数据序列作为标签进行网络训练以使网络具备能够预测k个元素之后的序列;(1) The input data sequence is the standardized sequence obtained in the previous stage Among them, "1" means that the sequence element starts from subscript 1; the input data sequence label value is /> Among them, "k" means that the sequence elements start from the subscript k; the above data sequence is used as a label for network training so that the network can predict the sequence after k elements;
(2)通过该网络段1中神经元的连接方式进行网络训练,并输出预测序列,包括:(2) Carry out network training through the connection mode of neurons in the network segment 1, and output a prediction sequence, including:
通过公式计算出神经元输出,其中a表示输入神经元值,b表示偏置,ReLU(·)表示激活函数W表示卷积核权值,且每层卷积核相同;by formula Calculate the neuron output, where a represents the input neuron value, b represents the bias, ReLU(·) represents the activation function W represents the weight of the convolution kernel, and the convolution kernel of each layer is the same;
网络段1输出序列为OUT1=(o11,o12,…,o1i,…o1N),标签序列为并约束两者相等;The output sequence of network segment 1 is OUT1=(o1 1 ,o1 2 ,…,o1 i ,…o1 N ), and the label sequence is and constrain both to be equal;
网络段1的损失函数为 The loss function of network segment 1 is
将上述网络段1输出的预测序列输入至网络段2中,通过网络段2对其进行分类,分类后能够输出网络段1预测的不同的故障类别。The prediction sequence output by the above-mentioned network segment 1 is input into the network segment 2, and it is classified by the network segment 2, and the different fault categories predicted by the network segment 1 can be output after classification.
其中网络段2由7层神经元组成,如图4所示,分别为输入层、隐藏层1-5、输出层,其中输入层通道数为M,其余均为C(根据实际应用场景中故障诊断任务的类别来确定C值),本实施例中C=12,输入层神经元数量与网络段1相同均为N,从隐藏层1隐藏层2、隐藏层3、隐藏层4、隐藏层5直至输出层,每层神经元数量均为前一层的四分之一,输出层为1个神经元。本实施例中输入层为4096个神经元,隐藏层1为1024个神经元,隐藏层2为256个神经元,隐藏层3为64个神经元,隐藏层4为16个神经元,隐藏层5为4个神经元;且层与层之间神经元的连接方式与网络段1相同,C个通道输出对应C种故障类型。The network segment 2 is composed of 7 layers of neurons, as shown in Figure 4, which are the input layer, hidden layers 1-5, and output layer respectively. The number of channels in the input layer is M, and the rest are C (according to the failure The category of diagnosis task determines C value), in the present embodiment, C=12, and input layer neuron quantity is identical with network section 1 and is N, from hidden layer 1 hidden layer 2, hidden layer 3, hidden layer 4, hidden layer 5 Up to the output layer, the number of neurons in each layer is a quarter of that of the previous layer, and the output layer is 1 neuron. In the present embodiment, the input layer is 4096 neurons, the hidden layer 1 is 1024 neurons, the hidden layer 2 is 256 neurons, the hidden layer 3 is 64 neurons, and the hidden layer 4 is 16 neurons. 5 is 4 neurons; and the connection mode of neurons between layers is the same as that of network segment 1, and C channel outputs correspond to C types of faults.
在网络段2对故障类别进行分类后通过结果输出部分来对其进行训练和诊断,参见图5,包括:After the network segment 2 classifies the fault category, it is trained and diagnosed through the result output part, see Figure 5, including:
(1)C个通道的输出组成一个C维向量,通过Softmax函数转换值域为[0,1]的数值,采用公式为 (1) The output of C channels forms a C-dimensional vector, and the value range of [0,1] is converted by the Softmax function, and the formula is:
(2)训练时采用OneHot编码方式将C种故障类型编码为V={vi,...,vC},该编码为一个C维向量,对应类别处为1,其余为0;(2) The OneHot encoding method is used to encode C types of faults as V={v i ,...,v C } during training, which is a C-dimensional vector, with 1 for the corresponding category and 0 for the rest;
(3)通过计算编码和输出值之间的差异,误差反向传播更新网络参数,损失函数为: (3) By calculating the difference between the encoded and output values, the error backpropagation updates the network parameters, and the loss function is:
(4)通过以下公式计算出总损失函数:losstotal=λloss1+(1-λ)loss2;其中λ是一个超参数,能够调节网络性能;(4) Calculate the total loss function by the following formula: loss total = λloss 1 + (1-λ)loss 2 ; where λ is a hyperparameter that can adjust network performance;
(5)在进行诊断时,通过上述公式计算出来的的值进行推断,其中最大值对应的类别即为最终的诊断结果。(5) When making a diagnosis, calculated by the above formula The value is inferred, and the category corresponding to the maximum value is the final diagnosis result.
本发明所述的金字塔型时间卷积神经网络结构,具有网络参数小、网络训练时需要的内存资源少且能够进行实时故障诊断,同时还具有能够对不同传感器数据进行融合标准化的优势。The pyramid-type temporal convolutional neural network structure of the present invention has small network parameters, requires few memory resources during network training, can perform real-time fault diagnosis, and has the advantages of being able to fuse and standardize different sensor data.
实施例二:Embodiment two:
本实施例提供一种用于实时轴承故障诊断的金字塔型时间卷积网络诊断方法,应用上述实施例一所述的用于实时轴承故障诊断的金字塔型时间卷积网络结构,包括以下步骤:This embodiment provides a pyramid-type time convolution network diagnosis method for real-time bearing fault diagnosis, applying the pyramid-type time convolution network structure for real-time bearing fault diagnosis described in the first embodiment above, including the following steps:
S1、数据输入:对原始输入数据进行预处理,保证输入的样本数据能够与网络结构适配,同时对从不同属性的传感器采集到的数据进行标准化处理,并将已标准化处理的数据序列传输至网络段1;S1. Data input: Preprocess the original input data to ensure that the input sample data can be adapted to the network structure, and at the same time standardize the data collected from sensors with different attributes, and transmit the standardized data sequence to network segment 1;
S2、将从步骤一中输入的标准化数据序列作为标签在网络段1中进行网络训练,从而使其能够预测将来的数据序列,并将输出的预测数据序列传输至网络段2;S2. Use the standardized data sequence input from step 1 as a label to perform network training in network segment 1, so that it can predict future data sequences, and transmit the output predicted data sequence to network segment 2;
S3、网络段2对从上述S2传输的预测数据序列进行分类,其中各不同的通道输出与之相对应的多种故障类型;S3. The network segment 2 classifies the predicted data sequence transmitted from the above S2, wherein each of the different channels outputs a plurality of corresponding fault types;
S4、对上述S3中输出的各故障类型进行训练和诊断,计算出总损失函数,并利用Softmax函数将多分类的输出值转换为范围在[0,1]的概率分布,其中最大值对应的类别即为诊断结果,最后将诊断结果输出。S4. Carry out training and diagnosis for each fault type output in the above S3, calculate the total loss function, and use the Softmax function to convert the output value of the multi-classification into a probability distribution in the range of [0,1], where the maximum value corresponds to The category is the diagnosis result, and finally the diagnosis result is output.
以上所述仅为本发明的较佳实施例,并不限制本发明,凡在本发明的精神和原则范围内所做的任何修改、等同替换和改进,均应包含在本发明的保护范围之内。The above descriptions are only preferred embodiments of the present invention, and do not limit the present invention. Any modifications, equivalent replacements and improvements made within the spirit and principle of the present invention shall be included in the protection scope of the present invention. Inside.
Claims (7)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202310548789.3A CN116662928A (en) | 2023-05-16 | 2023-05-16 | Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method |
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202310548789.3A CN116662928A (en) | 2023-05-16 | 2023-05-16 | Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method |
Publications (1)
| Publication Number | Publication Date |
|---|---|
| CN116662928A true CN116662928A (en) | 2023-08-29 |
Family
ID=87718253
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN202310548789.3A Pending CN116662928A (en) | 2023-05-16 | 2023-05-16 | Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method |
Country Status (1)
| Country | Link |
|---|---|
| CN (1) | CN116662928A (en) |
Citations (5)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106897714A (en) * | 2017-03-23 | 2017-06-27 | 北京大学深圳研究生院 | A kind of video actions detection method based on convolutional neural networks |
| CN108304856A (en) * | 2017-12-13 | 2018-07-20 | 中国科学院自动化研究所 | Image classification method based on cortex thalamus computation model |
| CN110136097A (en) * | 2019-04-10 | 2019-08-16 | 南方电网科学研究院有限责任公司 | A Method and Device for Insulator Fault Identification Based on Feature Pyramid |
| CN110376522A (en) * | 2019-09-03 | 2019-10-25 | 宁夏西北骏马电机制造股份有限公司 | A kind of Method of Motor Fault Diagnosis of the deep learning network of data fusion |
| US20220026556A1 (en) * | 2020-07-24 | 2022-01-27 | Aptiv Technologies Limited | Methods and Systems for Predicting a Trajectory of an Object |
-
2023
- 2023-05-16 CN CN202310548789.3A patent/CN116662928A/en active Pending
Patent Citations (5)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106897714A (en) * | 2017-03-23 | 2017-06-27 | 北京大学深圳研究生院 | A kind of video actions detection method based on convolutional neural networks |
| CN108304856A (en) * | 2017-12-13 | 2018-07-20 | 中国科学院自动化研究所 | Image classification method based on cortex thalamus computation model |
| CN110136097A (en) * | 2019-04-10 | 2019-08-16 | 南方电网科学研究院有限责任公司 | A Method and Device for Insulator Fault Identification Based on Feature Pyramid |
| CN110376522A (en) * | 2019-09-03 | 2019-10-25 | 宁夏西北骏马电机制造股份有限公司 | A kind of Method of Motor Fault Diagnosis of the deep learning network of data fusion |
| US20220026556A1 (en) * | 2020-07-24 | 2022-01-27 | Aptiv Technologies Limited | Methods and Systems for Predicting a Trajectory of an Object |
Similar Documents
| Publication | Publication Date | Title |
|---|---|---|
| CN115859142B (en) | Small sample rolling bearing fault diagnosis method based on convolution transformer generation countermeasure network | |
| CN109146246B (en) | Fault detection method based on automatic encoder and Bayesian network | |
| CN109297689B (en) | Large-scale hydraulic machinery intelligent diagnosis method introducing weight factors | |
| CN112947385B (en) | A method and system for aircraft fault diagnosis based on improved Transformer model | |
| CN111340238A (en) | A fault diagnosis method, device, equipment and storage medium for an industrial system | |
| KR102804886B1 (en) | Diagnosing method of an engine condition | |
| CN114993669B (en) | Multi-sensor information fusion transmission system fault diagnosis method and system | |
| CN111026058B (en) | Semi-supervised deep learning fault diagnosis method based on Wasserstein distance and autoencoder | |
| CN115238785B (en) | A method and system for fault diagnosis of rotating machinery based on image fusion and ensemble networks | |
| CN111397902B (en) | Rolling bearing fault diagnosis method based on feature alignment convolutional neural network | |
| CN114152442A (en) | Rolling bearing cross-working condition fault detection method based on migration convolutional neural network | |
| CN114722952B (en) | Bearing fault detection and classification integrated method based on representation learning | |
| CN114331214A (en) | Domain-adaptive bearing voiceprint fault diagnosis method and system based on reinforcement learning | |
| CN111428788B (en) | Deep learning-based multi-fault diagnosis method and system for steam turbine generator set rotor | |
| CN113984389A (en) | A Fault Diagnosis Method for Rolling Bearings Based on Multiple Receptive Fields and Improved Capsule Graph Neural Network | |
| CN112763967A (en) | BiGRU-based intelligent electric meter metering module fault prediction and diagnosis method | |
| CN112284735A (en) | Fault diagnosis of multi-sensor rolling bearing based on one-dimensional convolution and dynamic routing | |
| Zhang et al. | A flexible monitoring framework via dynamic-multilayer graph convolution network | |
| CN118709073A (en) | A motor bearing fault diagnosis method based on improved CNN model | |
| CN117932307A (en) | Edge-cloud collaborative multi-level fault diagnosis method and system based on stacked autoencoder | |
| CN111783941B (en) | Mechanical equipment diagnosis classification method based on probability confidence convolutional neural network | |
| CN116662928A (en) | Pyramid type time convolution network structure for real-time bearing fault diagnosis and diagnosis method | |
| CN117760731B (en) | Unbalanced sample rolling bearing fault diagnosis method and system based on Soft-IntroVAE and 1D-2DA-FCNN | |
| CN115556099B (en) | A sustainable learning industrial robot fault diagnosis system and method | |
| CN118094436A (en) | A method and system for detecting anomalies of fault-sensitive self-supervised equipment |
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 | ||
| CB02 | Change of applicant information |
Country or region after: China Address after: No. 1869, Hanghai East Road, Guancheng Hui District, Zhengzhou City, Henan Province, China 450000 Applicant after: Zhengzhou Hengda Intelligent Control Technology Co.,Ltd. Applicant after: Zhengzhou Coal Machinery Intelligent Control Technology Innovation Center Co.,Ltd. Address before: No. 167, 9th Street, Zhengzhou Economic and Technological Development Zone, Zhengzhou City, Henan Province, 450000 Applicant before: Zhengzhou Hengda Intelligent Control Technology Co.,Ltd. Country or region before: China Applicant before: Zhengzhou Coal Machinery Intelligent Control Technology Innovation Center Co.,Ltd. |
|
| CB02 | Change of applicant information |