CN115510612A - Method for predicting remaining service life of lithium ion battery - Google Patents

Method for predicting remaining service life of lithium ion battery Download PDF

Info

Publication number
CN115510612A
CN115510612A CN202211018092.7A CN202211018092A CN115510612A CN 115510612 A CN115510612 A CN 115510612A CN 202211018092 A CN202211018092 A CN 202211018092A CN 115510612 A CN115510612 A CN 115510612A
Authority
CN
China
Prior art keywords
convolution
data
output
service life
attention
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
CN202211018092.7A
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.)
Guangzhou University
Original Assignee
Guangzhou University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Guangzhou University filed Critical Guangzhou University
Priority to CN202211018092.7A priority Critical patent/CN115510612A/en
Publication of CN115510612A publication Critical patent/CN115510612A/en
Pending legal-status Critical Current

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F30/00Computer-aided design [CAD]
    • G06F30/20Design optimisation, verification or simulation
    • 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
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F2111/00Details relating to CAD techniques
    • G06F2111/08Probabilistic or stochastic CAD
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F2119/00Details relating to the type or aim of the analysis or the optimisation
    • G06F2119/04Ageing analysis or optimisation against ageing

Landscapes

  • Engineering & Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Evolutionary Computation (AREA)
  • General Engineering & Computer Science (AREA)
  • Artificial Intelligence (AREA)
  • Computational Linguistics (AREA)
  • Health & Medical Sciences (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Computer Hardware Design (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Geometry (AREA)
  • Data Mining & Analysis (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Charge And Discharge Circuits For Batteries Or The Like (AREA)

Abstract

The invention relates to the field of lithium ion battery capacity detection, and discloses a method for predicting the remaining service life of a lithium ion battery, which comprises the following steps: respectively extracting V, I and T data in the charging process of each battery, and processing the data into matrix shapes required by two subnets; inputting data into an AFSC subnet, and adaptively giving a weight to each element in each charging characteristic spectrogram; the third step: inputting data into a ConvLSTM subnet to obtain hidden information of which the characteristic spectrogram fuses 20 kinds of cycle states; the contributions of the two subnets are fused through the two multilayer perceptrons, a high-accuracy early life prediction value is provided, and a predictor is guided to carry out RUL prediction; the life predictor remains muted until the percentage remaining useful life reaches a threshold value, and the predictor is activated to predict the remaining useful life. The method and the device improve the capability of the model for identifying the aging characteristics of the battery and provide high-precision prediction of the remaining service life of the battery.

Description

一种锂离子电池剩余使用寿命预测方法A method for predicting the remaining service life of lithium-ion batteries

技术领域technical field

本发明涉及锂离子电池容量检测领域,具体涉及一种锂离子电池剩余使用寿命预测方法。The invention relates to the field of lithium-ion battery capacity detection, in particular to a method for predicting the remaining service life of a lithium-ion battery.

背景技术Background technique

近年来,锂离子电池在高能量密度、降低记忆效应、低自放电率、长寿命周期等方面取得了显著的优势。在电动汽车、便携式电子产品、航空航天、智能电源系统等多个领域发挥了重要作用。但是,随着时间的推移,锂离子电池不可避免地会出现老化现象和性能下降,其表现为容量下降,内阻增加。电池老化会导致电池漏电、绝缘损坏、部分短路。如果检测不及时,可能会导致更严重的情况。对电池的寿命进行预测与健康管理是一门在实际生命周期条件下评估系统可靠性、检测早期故障并预测故障进展的方法和技术,可以让用户提前做出维护决策,防止意外故障造成的损失。因此,准确的剩余使用寿命预测对电池健康状态的监控和及时做出失效更换、保障使用安全具有十分重要的现实意义。In recent years, lithium-ion batteries have achieved significant advantages in terms of high energy density, reduced memory effect, low self-discharge rate, and long life cycle. It has played an important role in many fields such as electric vehicles, portable electronic products, aerospace, and intelligent power systems. However, with the passage of time, lithium-ion batteries will inevitably experience aging phenomena and performance degradation, which is manifested as a decrease in capacity and an increase in internal resistance. Battery aging can lead to battery leakage, insulation damage, and partial short circuits. If not detected in time, it can lead to more serious conditions. Prediction and health management of battery life is a method and technology to evaluate system reliability, detect early failures and predict failure progress under actual life cycle conditions, allowing users to make maintenance decisions in advance and prevent losses caused by unexpected failures . Therefore, accurate remaining service life prediction has very important practical significance for monitoring the battery health status, making timely failure replacement, and ensuring the safety of use.

然而,电池的容量衰减作为一种典型的长时间序列数据,利用有限的前期循环数据推测后期的容量衰减趋势成为严峻挑战。在当前的预测模型中,大多数模型从充放电过程中提取HI,例如内阻、放电功率、交流阻抗等,这些HI通常难以在线获取,而且放电功率等HI受设备的随机负荷影响而变化不定,给模型带来了更多的数据噪声,导致较差的鲁棒性。不仅如此,在电池的早期循环中,各种HI的变化十分微小,这使得寿命早期预测的建模工作更具挑战性。此外,训练模型的电池数据集大小极大地影响着模型的泛化性能。However, battery capacity fading is a typical long-term series data, and it is a severe challenge to predict the later capacity fading trend using limited early cycle data. In the current prediction models, most models extract HIs from the charging and discharging process, such as internal resistance, discharge power, AC impedance, etc. These HIs are usually difficult to obtain online, and HIs such as discharge power are affected by random loads of equipment and vary. , which brings more data noise to the model, resulting in poor robustness. Not only that, in the early cycle of the battery, the changes of various HIs are very small, which makes the modeling work of early life prediction more challenging. Furthermore, the size of the battery dataset on which the model is trained greatly affects the generalization performance of the model.

综上所述,当前的锂离子电池剩余使用寿命预测模型存在着没有足够能力解决长时间序列预测所带来的长期依赖和梯度爆炸问题,受随机的工作负荷干扰、无法识别早期循环数据中的微小差异并预测、所用数据集较小等关键挑战,导致剩余使用寿命的预测精度不高、鲁棒性弱、模型的泛化性能较差等关键问题,为此我们提出了一种锂离子电池剩余使用寿命预测方法。To sum up, the current lithium-ion battery remaining service life prediction model has insufficient ability to solve the long-term dependence and gradient explosion problems caused by long-term sequence prediction, and is affected by random workload interference and cannot identify early cycle data. Key challenges such as small differences and predictions, small data sets used, etc., lead to key problems such as low prediction accuracy, weak robustness, and poor generalization performance of the model for the remaining service life. For this reason, we propose a lithium-ion battery Remaining useful life prediction method.

发明内容Contents of the invention

(一)解决的技术问题(1) Solved technical problems

针对现有技术的不足,本发明提供一种锂离子电池剩余使用寿命预测方法,以解决上述的问题。Aiming at the deficiencies of the prior art, the present invention provides a method for predicting the remaining service life of a lithium-ion battery to solve the above problems.

(二)技术方案(2) Technical solution

为实现上述所述目的,本发明提供如下技术方案:In order to achieve the above-mentioned purpose, the present invention provides the following technical solutions:

一种锂离子电池剩余使用寿命预测方法,包括以下步骤:A method for predicting the remaining service life of a lithium-ion battery, comprising the following steps:

第一步:分别提取每个电池充电过程中的V、I和T数据作为衡量电池老化趋势的HI,将数据处理成两个子网所需的矩阵形状;Step 1: Extract the V, I and T data of each battery during the charging process as the HI to measure the battery aging trend, and process the data into the matrix shape required by the two subnets;

第二步:将数据输入到AFSC子网,分别经过深度卷积、全局注意、点卷积和局部注意,自适应调整V、I和T对模型的贡献度并赋予相应的权重,局部注意力机制遍历同一特征下不同循环的采样数据,为每一张充电特征谱图中的每一个元素都自适应地赋予了一个权重;Step 2: Input the data into the AFSC subnet, go through depth convolution, global attention, point convolution and local attention respectively, adaptively adjust the contribution of V, I and T to the model and assign corresponding weights, local attention The mechanism traverses the sampling data of different cycles under the same feature, and adaptively assigns a weight to each element in each charging feature spectrum;

第三步:将数据输入ConvLSTM子网中,先通过深度卷积对数据进行初步处理,全局注意自适应调整在20种循环状态下特征数据的输入权重,在局部注意力嵌入前,ConvLSTM通过“门”结构决定输入的时间序列中特征的保留、遗忘以及输出,得到的特征谱图融合了20种循环状态的隐藏信息;Step 3: Input the data into the ConvLSTM subnet, firstly process the data through deep convolution, and adjust the input weight of the feature data adaptively in the global attention in 20 cyclic states. Before the local attention is embedded, the ConvLSTM passes " The "gate" structure determines the retention, forgetting and output of features in the input time series, and the obtained feature spectrum combines the hidden information of 20 cyclic states;

第四步:两个子网的贡献通过两个多层感知器进行融合,提供高准确度的寿命早期预测值NEOL,并指导预测器进行RUL预测;Step 4: The contributions of the two sub-networks are fused through two multi-layer perceptrons to provide a high-accuracy early life prediction value NEOL and guide the predictor to perform RUL prediction;

第五步:寿命预测器保持缄默,直至百分比剩余使用寿命NRUL,%到10%、7.5%、5%或2.5%的阈值,预测器被激活进行剩余使用寿命的预测。Step 5: The lifetime predictor remains silent until the percentage remaining useful life N RUL,% reaches a threshold of 10%, 7.5%, 5% or 2.5%, and the predictor is activated to predict the remaining useful life.

优选的,所述第一步具体按照以下步骤实施:Preferably, the first step is specifically implemented according to the following steps:

S1:设置由包含124块商业磷酸铁锂/石墨电池组成,额定容量为1.1Ah,额定电压为3.3V的实验数据集;S1: Set up an experimental data set consisting of 124 commercial lithium iron phosphate/graphite batteries with a rated capacity of 1.1Ah and a rated voltage of 3.3V;

S2:在48通道的Abin充放电柜和30℃的恒温箱中,在72种充电策略和固定的放电倍率下循环至失效;S2: In a 48-channel Abin charge-discharge cabinet and a 30°C incubator, cycle to failure under 72 charging strategies and a fixed discharge rate;

S3:按照8:2的比例被随机划分为训练集与测试集;S3: Randomly divided into training set and test set according to the ratio of 8:2;

S4:每个电池的前5个循环被当作是电池最健康时衡量标准,记为初始状态,将预测起点前的15个循环的数据记为实时状态。S4: The first 5 cycles of each battery are regarded as the measure of the healthiest time of the battery, which is recorded as the initial state, and the data of the 15 cycles before the starting point of the prediction are recorded as the real-time state.

优选的,所述第二步的具有步骤如下:Preferably, the steps of the second step are as follows:

S1:对原始的3维矩阵进行深度卷积,一个卷积核负责一个通道,取其中一个通道做说明,记为X(i,V),对X(i,V)进行补零。从X(i,V)取出被卷积的子矩阵,记为X(i,V)(n),其卷积过程可以表示为:S1: Depth convolution is performed on the original 3-dimensional matrix. One convolution kernel is responsible for one channel. Take one of the channels as an explanation, denoted as X (i, V) , and zero-fill X (i, V) . Take out the convolved sub-matrix from X (i, V) , denote it as X (i, V) (n), and its convolution process can be expressed as:

Figure BDA0003812798350000031
Figure BDA0003812798350000031

其中,

Figure BDA0003812798350000032
Figure BDA0003812798350000033
分别是来自第k1个2-D卷积核的权重和偏置,⊙为哈达玛积,
Figure BDA0003812798350000034
为X(i,V)(n)与第k1个卷积核的运算结果,为了对每条曲线进行单独卷积,卷积核的宽度和步进被设为1,每次卷积的卷积核的数量为1,而X(i,V)(n)与卷积核的形状相同,输出的第k1个2-D特征映射可以表示为:in,
Figure BDA0003812798350000032
and
Figure BDA0003812798350000033
are the weight and bias from the k 1st 2-D convolution kernel, ⊙ is the Hadamard product,
Figure BDA0003812798350000034
is the operation result of X (i,V) (n) and the kth 1st convolution kernel. In order to perform separate convolution on each curve, the width and step of the convolution kernel are set to 1, and each convolution The number of convolution kernels is 1, and X (i,V) (n) has the same shape as the convolution kernel, and the output k - th 2-D feature map can be expressed as:

Figure BDA0003812798350000035
Figure BDA0003812798350000035

对I和T通道进行相同的操作,输出结果将进行批次标准化、最大池化和LeakyRectified Linear Unit激活,四个层通常被当作一个卷积单元操作,Leaky ReLU激活函数(α=0.05)如下:The same operation is performed on the I and T channels, and the output results will be batch normalized, max pooled and LeakyRectified Linear Unit activation. The four layers are usually operated as a convolution unit. The Leaky ReLU activation function (α=0.05) is as follows :

Figure BDA0003812798350000036
Figure BDA0003812798350000036

S2:将输出卷定义为V,全局平均池化层被用于获取三个通道的注意力得分sn,以自适应调整它们对模型的贡献,取V中的第n个通道的特征映射记为Vn,sn计算如下:S2: The output volume is defined as V, and the global average pooling layer is used to obtain the attention scores s n of the three channels to adaptively adjust their contribution to the model, and the feature map of the nth channel in V is recorded as For V n , s n is calculated as follows:

Figure BDA0003812798350000037
Figure BDA0003812798350000037

对的所得的注意力得分进行归一化,得到最终的全局权重因子

Figure BDA0003812798350000038
利用全局权重因子自适应赋予了模型对不同特征映射的权重,使得模型能专注在重要变量的特征提取上,计算如下所示:Normalize the resulting attention scores to get the final global weighting factor
Figure BDA0003812798350000038
The global weight factor is used to adaptively endow the model with weights for different feature maps, so that the model can focus on the feature extraction of important variables. The calculation is as follows:

Figure BDA0003812798350000039
Figure BDA0003812798350000039

通过连接gn(n=1,2,···,K)将得到赋予了权重的输出卷

Figure BDA0003812798350000041
By connecting g n (n=1,2,...,K) will get the weighted output volume
Figure BDA0003812798350000041

S3:对

Figure BDA0003812798350000042
进行补零中并取第m个卷积核大小的子矩阵记为
Figure BDA0003812798350000043
则点卷积的卷积结果可表示为:S3: yes
Figure BDA0003812798350000042
Perform zero padding and take the sub-matrix of the size of the mth convolution kernel as
Figure BDA0003812798350000043
Then the convolution result of point convolution can be expressed as:

Figure BDA0003812798350000044
Figure BDA0003812798350000044

Figure BDA0003812798350000045
Figure BDA0003812798350000046
与第k2个卷积核的运算结果,卷积前后形状相同,
Figure BDA0003812798350000047
Figure BDA0003812798350000048
分别是来自第k2个3-D卷积核的权重和偏置,输出的第k2个2-D特征映射可以表示为:
Figure BDA0003812798350000045
yes
Figure BDA0003812798350000046
The operation result of the kth 2nd convolution kernel has the same shape before and after convolution,
Figure BDA0003812798350000047
and
Figure BDA0003812798350000048
are the weights and biases from the k2th 3 -D convolution kernel, respectively, and the output k2th 2 -D feature map can be expressed as:

Figure BDA0003812798350000049
Figure BDA0003812798350000049

S4:将前一个卷积层的输出卷表示为F,定义一个与F具有相同形状的矩阵A,A中的元素Ai,j为对应特征映射中的元素

Figure BDA00038127983500000410
的注意力权值,通过两个全连接层生成注意力权重矩阵A,对应的元素Ai,j可表示为:S4: Denote the output volume of the previous convolutional layer as F, define a matrix A with the same shape as F, and the elements A i, j in A are the elements in the corresponding feature map
Figure BDA00038127983500000410
The attention weights of , the attention weight matrix A is generated through two fully connected layers, and the corresponding elements A i, j can be expressed as:

Figure BDA00038127983500000411
Figure BDA00038127983500000411

其中,δ和ω为权重,b和c为偏置,nFc为神经元数目,下角标为元素在矩阵中的索引,g(·)和f(·)分别代表双曲正切函数和Sigmoid函数,分别表示如下:Among them, δ and ω are weights, b and c are offsets, n Fc is the number of neurons, the subscript is the index of the element in the matrix, g(·) and f(·) represent the hyperbolic tangent function and the Sigmoid function respectively , respectively as follows:

Figure BDA00038127983500000412
Figure BDA00038127983500000412

Figure BDA00038127983500000413
Figure BDA00038127983500000413

Sigmoid函数将权重矩阵的元素控制在0-1以内,通过两矩阵的哈达玛积控制进The Sigmoid function controls the elements of the weight matrix within 0-1, through the Hadamard product control of the two matrices.

入下一层网络的信息流大小,输出的输出卷Ll如下所示:The size of the information flow into the next layer of network, the output output volume L l is as follows:

Ll=A⊙FlL l = A⊙F l .

优选的,所述第三步中局部注意力是对卷积LSTM处理后的特征谱图进一步提取有用的信息,使得模型集中注意在所有数据帧都具有的共同特征上。Preferably, the local attention in the third step is to further extract useful information from the feature spectrum processed by the convolutional LSTM, so that the model focuses on the common features that all data frames have.

优选的,所述第三步的具体步骤如下:Preferably, the specific steps of the third step are as follows:

输入的矩阵先经过两次深度卷积单元操作后嵌入全局注意力机制,将获得的输入卷增加维度变成5维张量以满足ConvLSTM的输入,ConvLSTM细胞内的门函数和数据流传输的关键方程如下:The input matrix first undergoes two deep convolution unit operations and then embeds the global attention mechanism to increase the dimension of the obtained input volume into a 5-dimensional tensor to meet the input of ConvLSTM, the gate function in the ConvLSTM cell and the key to data stream transmission The equation is as follows:

ft=σ(WXf*Xt+Whf*ht-1+bf);f t = σ(W Xf *X t +W hf *h t-1 +b f );

it=σ(WXi*Xt+Whg*ht-1+bi); i t = σ(W Xi *X t +W hg *h t-1 +bi );

gt=tanh(WXg*Xt+Whg*ht-1+bg);g t = tanh(W Xg *X t +W hg *h t-1 +b g );

ot=σ(WXo*Xt+Who*ht-1+bo);o t = σ(W Xo *X t +W ho *h t-1 +b o );

Ct=ft⊙Ct-1+it⊙gtC t = f t ⊙C t-1 +i t ⊙g t ;

ht=ot⊙tanh(Ct);h t = o t ⊙ tanh(C t );

其中,f代表遗忘门的输出,i代表输入门输出,o代表输出门输出,g代表候选记忆,C代表ConvLSTM的细胞状态,h为隐藏层输出,X代表输入,WX~和Wh~是2-D卷积核,下角标t表示对应的时刻,符号“*”代表卷积运算,“⊙”代表哈达玛积,ConvLSTM的输出加入局部注意力后成为子网2的输出。Among them, f represents the output of the forget gate, i represents the output of the input gate, o represents the output of the output gate, g represents the candidate memory, C represents the cell state of ConvLSTM, h represents the output of the hidden layer, X represents the input, W X ~ and W h ~ It is a 2-D convolution kernel, the subscript t represents the corresponding moment, the symbol "*" represents the convolution operation, and "⊙" represents the Hadamard product. The output of ConvLSTM becomes the output of subnetwork 2 after adding local attention.

优选的,所述第四步的具体包括:Preferably, the fourth step specifically includes:

连接两个子网的输出并定义为

Figure BDA0003812798350000051
通过两个多层感知器融合两个子网的贡献值,对电池的剩余使用寿命进行预测,计算如下:Concatenate the outputs of the two subnets and define as
Figure BDA0003812798350000051
The remaining service life of the battery is predicted by fusing the contribution values of the two subnetworks through two multi-layer perceptrons, which are calculated as follows:

Figure BDA0003812798350000052
Figure BDA0003812798350000052

(三)有益效果(3) Beneficial effects

与现有技术相比,本发明提供的锂离子电池剩余使用寿命预测方法,具备以下有益效果:Compared with the prior art, the method for predicting the remaining service life of the lithium-ion battery provided by the present invention has the following beneficial effects:

1、该锂离子电池剩余使用寿命预测方法,基于电池充电过程数据建模,排除了随机工作负荷对模型产生的干扰,使得模型具有更强的鲁棒性、实用性和泛化性能。1. The remaining service life prediction method of lithium-ion batteries is based on battery charging process data modeling, which eliminates the interference of random workloads on the model, making the model more robust, practical and generalizable.

2、该锂离子电池剩余使用寿命预测方法,将可直接测量的V、I和T数据作为HI,数据简单易得且与电池寿命呈强相关,有利于电池健康状况的实时监控和寿命预测。2. The method for predicting the remaining service life of lithium-ion batteries uses directly measurable V, I and T data as HI. The data is easy to obtain and is strongly correlated with battery life, which is conducive to real-time monitoring of battery health and life prediction.

3、该锂离子电池剩余使用寿命预测方法,首次提出了一个既可以用于电池寿命早期预测和RUL的预测器。3. The method for predicting the remaining service life of lithium-ion batteries proposes for the first time a predictor that can be used for both early prediction of battery life and RUL.

4、该锂离子电池剩余使用寿命预测方法,AFSC子网擅长从早期循环数据中自适应调整早期循环数据的输入权重并进行不同特征之间融合;ConvLSTM子网擅长从后期循环数据中抓取时空特征,减少了记忆细胞的冗余度,有效地捕捉到了长序列数据的长期依赖关系,减少了梯度爆炸现象。两者的融合贡献了同时进行早期和后期RUL的精准预测。4. In this lithium-ion battery remaining service life prediction method, the AFSC subnet is good at adaptively adjusting the input weight of early cycle data from early cycle data and performing fusion between different features; the ConvLSTM subnet is good at capturing time and space from late cycle data feature, which reduces the redundancy of memory cells, effectively captures the long-term dependencies of long sequence data, and reduces the phenomenon of gradient explosion. The fusion of the two contributes to accurate prediction of both early and late RUL simultaneously.

5、该锂离子电池剩余使用寿命预测方法,注意力机制的加入提高了模型对重要信息的提取,摒弃无用信息的能力,进一步提升了模型的预测精度。5. In this lithium-ion battery remaining service life prediction method, the addition of the attention mechanism improves the model's ability to extract important information and discard useless information, further improving the prediction accuracy of the model.

附图说明Description of drawings

图1为本发明实施例剩余使用寿命预测方法的流程示意意;FIG. 1 is a schematic flow diagram of a method for predicting remaining service life according to an embodiment of the present invention;

图2为本发明实施例所用的124个电池数据集的容量衰减曲线图;Fig. 2 is the capacity fading curve diagram of 124 battery data sets used in the embodiment of the present invention;

图3为本发明实施例V、I和T在不同循环下的规律性差异;Fig. 3 is the regularity difference of the embodiment of the present invention V, I and T under different cycles;

图4为本发明实施例两个子网络的数据输入结构;Fig. 4 is the data input structure of two sub-networks of the embodiment of the present invention;

图5为本发明实施例电池剩余使用寿命预测模型结构示意;FIG. 5 is a schematic structural diagram of a battery remaining service life prediction model according to an embodiment of the present invention;

图6为本发明实施例ConvLSTM的结构示意;FIG. 6 is a schematic diagram of the structure of ConvLSTM according to the embodiment of the present invention;

图7为本发明实施例不同预测起点下,模型对电池寿命的早期预测性能;Figure 7 shows the early prediction performance of the model for battery life under different prediction starting points in the embodiment of the present invention;

图8为本发明实施例不同的预警点下,模型的RUL预测性能。Fig. 8 shows the RUL prediction performance of the model under different warning points according to the embodiment of the present invention.

具体实施方式detailed description

下面将结合本发明实施例中的附图,对本发明实施例中的技术方案进行清楚、完整地描述,显然,所描述的实施例仅仅是本发明一部分实施例,而不是全部的实施例。基于本发明中的实施例,本领域普通技术人员在没有做出创造性劳动前提下所获得的所有其他实施例,都属于本发明保护的范围。The following will clearly and completely describe the technical solutions in the embodiments of the present invention with reference to the accompanying drawings in the embodiments of the present invention. Obviously, the described embodiments are only some, not all, embodiments of the present invention. Based on the embodiments of the present invention, all other embodiments obtained by persons of ordinary skill in the art without making creative efforts belong to the protection scope of the present invention.

实施例Example

请参阅图1-8,本发明实施例提供的锂离子电池剩余使用寿命预测方法,包括以下步骤:Please refer to Figures 1-8, the method for predicting the remaining service life of a lithium-ion battery provided by an embodiment of the present invention includes the following steps:

步骤1,分别提取每个电池充电过程中的V、I和T数据作为衡量电池老化趋势的HI,将数据处理成两个子网所需的矩阵形状。Step 1, extract the V, I and T data of each battery during the charging process as the HI to measure the battery aging trend, and process the data into the matrix shape required by the two sub-networks.

步骤1具体按照以下步骤实施:Step 1 is specifically implemented according to the following steps:

步骤1.1,实验数据集由包含124块商业磷酸铁锂/石墨电池组成,额定容量为1.1Ah,额定电压为3.3V。这些电池在48通道的Abin充放电柜和30℃的恒温箱中,在72种充电策略和固定的放电倍率下循环至失效。数据集按照8:2的比例被随机划分为训练集与测试集,这意味着将有99个累计拥有52种充电策略和25个拥有20种充电策略的电池数据,分别用于RUL的估计和模型泛化性能的验证。In step 1.1, the experimental data set consists of 124 commercial lithium iron phosphate/graphite batteries with a rated capacity of 1.1Ah and a rated voltage of 3.3V. These batteries were cycled to failure under 72 charging strategies and fixed discharge rates in a 48-channel Abin charge-discharge cabinet and a 30°C incubator. The data set is randomly divided into training set and test set according to the ratio of 8:2, which means that there will be 99 battery data with 52 charging strategies and 25 battery data with 20 charging strategies, which are used for RUL estimation and RUL respectively. Validation of model generalization performance.

图2给出了124个电池数据集的容量衰减曲线图。Figure 2 presents the capacity decay curves for 124 battery datasets.

步骤1.2,电池的V、I、T数据随着循环的进行表现出了不同程度的偏移。而且不同寿命的电池,在电池初始状态的循环中已经表现出明显的差异,这些规律性差异与电池的寿命呈强相关性。因此,输入的原始数据应该体现出不同循环状态下的差异。每个电池的前5个循环被当作是电池最健康时衡量标准,记为初始状态。将预测起点前的15个循环的数据记为实时状态,如并被用以与电池的初始状态相比较。该数据输入结构可以同时用于进行电池寿命早期预测和后期剩余使用寿命实时预测,这取决于预测起点的选取,模型的灵活性非常高。例如采用前20个循环的V、I和T数据进行早期寿命预测时,预测起点=20,数据结构为[1,5]+[6,20](初始状态+实时状态),区间内数字代表所用到的循环序号。而对于RUL预测,对于一个1000个循环寿命的电池来说,假如预测起点=800,则数据结构为[1,5]+[786,800]。In step 1.2, the V, I, and T data of the battery show different degrees of deviation as the cycle progresses. Moreover, batteries with different lifespans have shown obvious differences in the cycle of the initial state of the battery, and these regular differences are strongly correlated with the lifespan of the battery. Therefore, the input raw data should reflect the differences in different loop states. The first 5 cycles of each battery are regarded as the measure of the healthiest time of the battery, which is recorded as the initial state. The data of 15 cycles before the predicted starting point is recorded as the real-time state, and is used to compare with the initial state of the battery. This data input structure can be used for both early prediction of battery life and real-time prediction of remaining service life in the later period, depending on the selection of the starting point of prediction, and the flexibility of the model is very high. For example, when using the V, I and T data of the first 20 cycles for early life prediction, the prediction starting point = 20, the data structure is [1,5]+[6,20] (initial state + real-time state), and the numbers in the interval represent The sequence number of the loop to use. As for RUL prediction, for a battery with a cycle life of 1000, if the prediction starting point=800, the data structure is [1,5]+[786,800].

图3为V、I和T在不同循环下的规律性差异。Figure 3 shows the regularity difference of V, I and T under different cycles.

图4为两个子网的数据输入结构。Figure 4 shows the data input structure of the two subnets.

步骤2,将数据输入到AFSC子网,分别经过深度卷积、全局注意、点卷积和局部注意等步骤,自适应调整V、I和T对模型的贡献度并赋予相应的权重;局部注意力机制遍历同一特征下不同循环的采样数据,为每一张充电特征谱图中的每一个元素都自适应地赋予了一个权重,使得AFSC子网对每个时间采样点下的变化规律拥有高度的灵敏性。Step 2, input the data into the AFSC subnet, and go through the steps of deep convolution, global attention, point convolution and local attention, respectively, to adaptively adjust the contribution of V, I and T to the model and assign corresponding weights; local attention The force mechanism traverses the sampling data of different cycles under the same feature, and adaptively assigns a weight to each element in each charging characteristic spectrum, so that the AFSC subnetwork has a high degree of control over the variation rules at each time sampling point. sensitivity.

步骤2具体按照以下步骤实施:Step 2 is specifically implemented according to the following steps:

步骤2.1,对原始的3维矩阵进行深度卷积,一个卷积核负责一个通道。取其中一个通道(电压)做说明,记为X(i,V)。为了避免边缘数据的丢失,对X(i,V)进行补零。从X(i,V)取出被卷积的子矩阵,记为X(i,V)(n),其卷积过程可以表示为:Step 2.1, perform deep convolution on the original 3D matrix, and one convolution kernel is responsible for one channel. Take one of the channels (voltage) for illustration, denoted as X (i,V) . In order to avoid loss of edge data, zero padding is performed on X (i, V) . Take out the convolved sub-matrix from X (i, V) , denote it as X (i, V) (n), and its convolution process can be expressed as:

Figure BDA0003812798350000081
Figure BDA0003812798350000081

其中,

Figure BDA0003812798350000082
Figure BDA0003812798350000083
分别是来自第k1个2-D卷积核的权重和偏置,⊙为哈达玛积。
Figure BDA0003812798350000084
为X(i,V)(n)与第k1个卷积核的运算结果。为了对每条曲线进行单独卷积,卷积核的宽度和步进被设为1,每次卷积的卷积核的数量为1。而X(i,V)(n)与卷积核的形状相同。输出的第k1个2-D特征映射可以表示为:in,
Figure BDA0003812798350000082
and
Figure BDA0003812798350000083
are the weight and bias from the k 1th 2-D convolution kernel, respectively, and ⊙ is the Hadamard product.
Figure BDA0003812798350000084
is the operation result of X (i,V) (n) and the kth 1st convolution kernel. To convolve each curve individually, the kernel width and stride are set to 1, and the number of kernels per convolution is 1. And X (i, V) (n) has the same shape as the convolution kernel. The output k1th 2 -D feature map can be expressed as:

Figure BDA0003812798350000085
Figure BDA0003812798350000085

对I和T通道进行相同的操作,输出结果将进行批次标准化、最大池化和LeakyRectified Linear Unit(Leaky ReLU)激活,以缓解训练过程中的梯度爆炸现象。以上四个层通常被当作一个卷积单元操作。Leaky ReLU激活函数(α=0.05)如下:The same operation is performed on the I and T channels, and the output results will be subjected to batch normalization, maximum pooling, and LeakyRectified Linear Unit (Leaky ReLU) activation to alleviate the gradient explosion during training. The above four layers are usually operated as a convolutional unit. The Leaky ReLU activation function (α=0.05) is as follows:

Figure BDA0003812798350000086
Figure BDA0003812798350000086

步骤2.2,将上步骤的输出卷定义为V,全局平均池化层被用于获取三个通道的注意力得分sn,以自适应调整它们对模型的贡献。取V中的第n个通道的特征映射记为Vn,sn计算如下:In step 2.2, the output volume of the previous step is defined as V, and the global average pooling layer is used to obtain the attention scores s n of the three channels to adaptively adjust their contributions to the model. Take the feature map of the nth channel in V and record it as V n , and s n is calculated as follows:

Figure BDA0003812798350000087
Figure BDA0003812798350000087

对的所得的注意力得分进行归一化,得到最终的全局权重因子

Figure BDA0003812798350000088
利用全局权重因子自适应赋予了模型对不同特征映射的权重,使得模型能专注在重要变量的特征提取上,计算如下所示:Normalize the resulting attention scores to get the final global weighting factor
Figure BDA0003812798350000088
The global weight factor is used to adaptively endow the model with weights for different feature maps, so that the model can focus on the feature extraction of important variables. The calculation is as follows:

Figure BDA0003812798350000089
Figure BDA0003812798350000089

通过连接gn(n=1,2,···,K)将得到赋予了权重的输出卷

Figure BDA00038127983500000810
用作下一层的输入。By connecting g n (n=1,2,...,K) will get the weighted output volume
Figure BDA00038127983500000810
used as input for the next layer.

步骤2.3,对

Figure BDA00038127983500000811
进行补零中并取第m个卷积核大小的子矩阵记为
Figure BDA00038127983500000812
则点卷积的卷积结果可表示为:Step 2.3, yes
Figure BDA00038127983500000811
Perform zero padding and take the sub-matrix of the size of the mth convolution kernel as
Figure BDA00038127983500000812
Then the convolution result of point convolution can be expressed as:

Figure BDA00038127983500000813
Figure BDA00038127983500000813

类似地,

Figure BDA0003812798350000091
Figure BDA0003812798350000092
与第k2个卷积核的运算结果,卷积前后形状相同。
Figure BDA0003812798350000093
Figure BDA0003812798350000094
分别是来自第k2个3-D卷积核的权重和偏置。输出的第k2个2-D特征映射可以表示为:Similarly,
Figure BDA0003812798350000091
yes
Figure BDA0003812798350000092
The operation result of the kth 2nd convolution kernel has the same shape before and after convolution.
Figure BDA0003812798350000093
and
Figure BDA0003812798350000094
are the weights and biases from the k - th 3-D convolution kernel, respectively. The output k2th 2 -D feature map can be expressed as:

Figure BDA0003812798350000095
Figure BDA0003812798350000095

步骤2.4,将前一个卷积层的输出卷表示为F。为了探究可直接测量变量曲线内各个时间采样点数据对模型的贡献,定义了一个与F具有相同形状的矩阵A,A中的元素Ai,j为对应特征映射中的元素

Figure BDA0003812798350000096
的注意力权值。本文中通过两个全连接层生成注意力权重矩阵A,对应的元素Ai,j可表示为:Step 2.4, denote the output volume of the previous convolutional layer as F. In order to explore the contribution of the data at each time sampling point in the variable curve that can be directly measured to the model, a matrix A with the same shape as F is defined, and the elements A i,j in A are the elements in the corresponding feature map
Figure BDA0003812798350000096
attention weight. In this paper, the attention weight matrix A is generated through two fully connected layers, and the corresponding elements A i, j can be expressed as:

Figure BDA0003812798350000097
Figure BDA0003812798350000097

其中,δ和ω为权重,b和c为偏置,nFc为神经元数目。下角标为元素在矩阵中的索引。g(·)和f(·)分别代表双曲正切函数和Sigmoid函数,分别表示如下:Among them, δ and ω are weights, b and c are biases, and n Fc is the number of neurons. The lower corner is the index of the element in the matrix. g(·) and f(·) represent the hyperbolic tangent function and the Sigmoid function respectively, which are expressed as follows:

Figure BDA0003812798350000098
Figure BDA0003812798350000098

Figure BDA0003812798350000099
Figure BDA0003812798350000099

Sigmoid函数将权重矩阵的元素控制在0-1以内,通过两矩阵的哈达玛积控制进入下一层网络的信息流大小,输出的输出卷Ll如下所示:The Sigmoid function controls the elements of the weight matrix within 0-1, and controls the size of the information flow entering the next layer of the network through the Hadamard product of the two matrices. The output volume L l of the output is as follows:

Ll=A⊙Fl (11)L l =A⊙F l (11)

图5给出了本发明公开的一种基于AFSC-ConvLSTM的新型锂离子电池剩余使用寿命预测模型结构示意。FIG. 5 shows a schematic structure of a new lithium-ion battery remaining service life prediction model based on AFSC-ConvLSTM disclosed in the present invention.

步骤3,将数据输入ConvLSTM子网中,先通过深度卷积对数据进行初步处理,全局注意自适应调整在20种循环状态下特征数据的输入权重;在局部注意力嵌入前,ConvLSTM通过“门”结构决定输入的时间序列中特征的保留、遗忘以及输出,得到的特征谱图融合了20种循环状态的隐藏信息。局部注意力则是对卷积LSTM处理后的特征谱图进一步提取有用的信息,使得模型“集中注意”在所有数据帧都具有的共同特征上。Step 3: Input the data into the ConvLSTM subnetwork, firstly process the data through deep convolution, and adjust the input weight of the feature data adaptively in the global attention in 20 cyclic states; before the local attention is embedded, the ConvLSTM passes the "gate "The structure determines the retention, forgetting and output of features in the input time series, and the obtained feature spectrum combines the hidden information of 20 cyclic states. Local attention is to further extract useful information from the feature spectrum processed by the convolutional LSTM, so that the model "focuses" on the common features that all data frames have.

步骤3具体按照以下步骤实施:Step 3 is specifically implemented according to the following steps:

步骤3.1,与子网1类似,输入的矩阵先经过两次深度卷积单元操作后嵌入全局注意力机制,此处不再赘述。将获得的输入卷增加维度变成5维张量以满足ConvLSTM的输入。ConvLSTM细胞内的门函数和数据流传输的关键方程如下:Step 3.1, similar to subnetwork 1, the input matrix is embedded in the global attention mechanism after two deep convolution unit operations, which will not be repeated here. Increase the dimension of the obtained input volume into a 5-dimensional tensor to meet the input of ConvLSTM. The key equations of the gate function and data flow transmission in the ConvLSTM cell are as follows:

ft=σ(WXf*Xt+Whf*ht-1+bf) (12)f t =σ(W Xf *X t +W hf *h t-1 +b f ) (12)

it=σ(WXi*Xt+Whg*ht-1+bi) (13)i t =σ(W Xi* X t +W hg *h t-1 +b i ) (13)

gt=tanh(WXg*Xt+Whg*ht-1+bg) (14)g t =tanh(W Xg *X t +W hg *h t-1 +b g ) (14)

ot=σ(WXo*Xt+Who*ht-1+bo) (15)o t =σ(W Xo *X t +W ho *h t-1 +b o ) (15)

Ct=ft⊙Ct-1+it⊙gt (16)C t =f t ⊙C t-1 +i t ⊙g t (16)

ht=ot⊙tanh(Ct) (17)h t =o t ⊙tanh(C t ) (17)

其中,f代表遗忘门的输出;i代表输入门输出;o代表输出门输出;g代表候选记忆;C代表ConvLSTM的细胞状态;h为隐藏层输出;X代表输入;WX~和Wh~是2-D卷积核;下角标t表示对应的时刻。符号“*”代表卷积运算,“⊙”代表哈达玛积。ConvLSTM的输出加入局部注意力后成为子网2的输出,此处不加以赘述。Among them, f represents the output of the forget gate; i represents the output of the input gate; o represents the output of the output gate; g represents the candidate memory; C represents the cell state of ConvLSTM; h represents the output of the hidden layer; X represents the input; W X ~ and W h ~ is a 2-D convolution kernel; the subscript t indicates the corresponding moment. The symbol "*" represents the convolution operation, and "⊙" represents the Hadamard product. The output of ConvLSTM becomes the output of subnetwork 2 after adding local attention, which will not be described here.

图6给出了ConvLSTM的结构示意。Figure 6 shows the structure of ConvLSTM.

步骤4,两个子网的贡献通过两个多层感知器进行融合,提供高准确度的寿命早期预测值NEOL,并指导预测器进行RUL预测。In step 4, the contributions of the two subnetworks are fused through two multi-layer perceptrons to provide a high-accuracy early life prediction value NEOL and guide the predictor to perform RUL prediction.

步骤4具体包括:Step 4 specifically includes:

连接两个子网的输出并定义为

Figure BDA0003812798350000101
通过两个多层感知器融合两个子网的贡献值,对电池的剩余使用寿命进行预测,计算如下:Concatenate the outputs of the two subnets and define as
Figure BDA0003812798350000101
The remaining service life of the battery is predicted by fusing the contribution values of the two subnetworks through two multi-layer perceptrons, which are calculated as follows:

Figure BDA0003812798350000102
Figure BDA0003812798350000102

其中符号释义与方程(8)类似,不同的是方程(18)中的f(·)均表示为如方程(3)所示的激活函数。The interpretation of the symbols is similar to Equation (8), except that f(·) in Equation (18) is expressed as the activation function shown in Equation (3).

图7给出了本发明公开方法不同预测起点下,模型对电池寿命的早期预测性能。Fig. 7 shows the early prediction performance of the model on battery life under different prediction starting points of the method disclosed in the present invention.

步骤5,寿命预测器保持缄默,直至百分比剩余使用寿命NRUL,%(相对NEOL而言)到10%、7.5%、5%或2.5%的阈值,预测器被激活进行剩余使用寿命的预测。Step 5, the life predictor remains silent until the percentage remaining useful life N RUL,% (relative to NEOL ) reaches a threshold of 10%, 7.5%, 5% or 2.5%, and the predictor is activated to predict the remaining useful life .

图8给出了本发明公开方法不同的预警点下,模型的RUL预测性能。Fig. 8 shows the RUL prediction performance of the model under different warning points of the method disclosed in the present invention.

本发明上述实施例的重点是:提取每个电池充电过程中的V、I和T数据作为HI;将HI并行输入AFSC和ConvLSTM子网络中,AFSC自适应调整早期循环数据的输入权重并进行不同特征之间融合,ConvLSTM擅长从后期循环数据中抓取时空特征,捕捉HI序列中的长期依赖关系;对两个子网分别嵌入全局注意力机制和局部注意力机制,通过全局注意力机制识别V、I和T矩阵中的关键数据帧,局部注意力机制助力于关键数据帧下精确到每个数据采样点的重要特征选取,提升了模型识别电池老化特征的能力;最后两个子网的输出通过两个多层感知器构建模型的输出,提供了高精度的电池剩余使用寿命预测。The focus of the above embodiments of the present invention is to extract the V, I and T data in each battery charging process as HI; input HI in parallel into the AFSC and ConvLSTM sub-networks, and the AFSC adaptively adjusts the input weight of the early cycle data and performs different Fusion between features, ConvLSTM is good at capturing spatio-temporal features from late cycle data, capturing long-term dependencies in HI sequences; embedding global attention mechanism and local attention mechanism for the two subnets, and identifying V, For the key data frames in the I and T matrices, the local attention mechanism helps to select important features accurate to each data sampling point under the key data frames, which improves the ability of the model to identify battery aging characteristics; the output of the last two subnets is passed through two The output of the model built by a multi-layer perceptron provides a high-precision prediction of the remaining service life of the battery.

尽管已经示出和描述了本发明的实施例,对于本领域的普通技术人员而言,可以理解在不脱离本发明的原理和精神的情况下可以对这些实施例进行多种变化、修改、替换和变型,本发明的范围由所附权利要求及其等同物限定。Although the embodiments of the present invention have been shown and described, those skilled in the art can understand that various changes, modifications and substitutions can be made to these embodiments without departing from the principle and spirit of the present invention. and modifications, the scope of the invention is defined by the appended claims and their equivalents.

Claims (6)

1.一种锂离子电池剩余使用寿命预测方法,其特征在于,包括以下步骤:1. A lithium-ion battery remaining service life prediction method, is characterized in that, comprises the following steps: 第一步:分别提取每个电池充电过程中的V、I和T数据作为衡量电池老化趋势的HI,将数据处理成两个子网所需的矩阵形状;Step 1: Extract the V, I and T data of each battery during the charging process as the HI to measure the battery aging trend, and process the data into the matrix shape required by the two subnets; 第二步:将数据输入到AFSC子网,分别经过深度卷积、全局注意、点卷积和局部注意,自适应调整V、I和T对模型的贡献度并赋予相应的权重,局部注意力机制遍历同一特征下不同循环的采样数据,为每一张充电特征谱图中的每一个元素都自适应地赋予了一个权重;Step 2: Input the data into the AFSC subnet, go through depth convolution, global attention, point convolution and local attention respectively, adaptively adjust the contribution of V, I and T to the model and assign corresponding weights, local attention The mechanism traverses the sampling data of different cycles under the same feature, and adaptively assigns a weight to each element in each charging feature spectrum; 第三步:将数据输入ConvLSTM子网中,先通过深度卷积对数据进行初步处理,全局注意自适应调整在20种循环状态下特征数据的输入权重,在局部注意力嵌入前,ConvLSTM通过“门”结构决定输入的时间序列中特征的保留、遗忘以及输出,得到的特征谱图融合了20种循环状态的隐藏信息;Step 3: Input the data into the ConvLSTM subnet, firstly process the data through deep convolution, and adjust the input weight of the feature data adaptively in the global attention in 20 cyclic states. Before the local attention is embedded, the ConvLSTM passes " The "gate" structure determines the retention, forgetting and output of features in the input time series, and the obtained feature spectrum combines the hidden information of 20 cyclic states; 第四步:两个子网的贡献通过两个多层感知器进行融合,提供高准确度的寿命早期预测值NEOL,并指导预测器进行RUL预测;Step 4: The contributions of the two sub-networks are fused through two multi-layer perceptrons to provide a high-accuracy early life prediction value NEOL and guide the predictor to perform RUL prediction; 第五步:寿命预测器保持缄默,直至百分比剩余使用寿命XRUL,%到10%、7.5%、5%或2.5%的阈值,预测器被激活进行剩余使用寿命的预测。Step 5: The life predictor remains silent until the percentage remaining useful life X RUL,% reaches a threshold of 10%, 7.5%, 5% or 2.5%, and the predictor is activated to predict the remaining useful life. 2.根据权利要求1所述的锂离子电池剩余使用寿命预测方法,其特征在于:所述第一步具体按照以下步骤实施:2. The lithium-ion battery remaining service life prediction method according to claim 1, characterized in that: the first step is specifically implemented according to the following steps: S1:设置由包含124块商业磷酸铁锂/石墨电池组成,额定容量为1.1Ah,额定电压为3.3V的实验数据集;S1: Set up an experimental data set consisting of 124 commercial lithium iron phosphate/graphite batteries with a rated capacity of 1.1Ah and a rated voltage of 3.3V; S2:在48通道的Abin充放电柜和30℃的恒温箱中,在72种充电策略和固定的放电倍率下循环至失效;S2: In a 48-channel Abin charge-discharge cabinet and a 30°C incubator, cycle to failure under 72 charging strategies and a fixed discharge rate; S3:按照8:2的比例被随机划分为训练集与测试集;S3: Randomly divided into training set and test set according to the ratio of 8:2; S4:每个电池的前5个循环被当作是电池最健康时衡量标准,记为初始状态,将预测起点前的15个循环的数据记为实时状态。S4: The first 5 cycles of each battery are regarded as the measure of the healthiest time of the battery, which is recorded as the initial state, and the data of the 15 cycles before the starting point of the prediction are recorded as the real-time state. 3.根据权利要求1所述的锂离子电池剩余使用寿命预测方法,其特征在于:所述第二步的具有步骤如下:3. The lithium-ion battery remaining service life prediction method according to claim 1, characterized in that: the steps of the second step are as follows: S1:对原始的3维矩阵进行深度卷积,一个卷积核负责一个通道,取其中一个通道做说明,记为X(i,V),对X(i,V)进行补零。从X(i,V)取出被卷积的子矩阵,记为X(i,V)(n),其卷积过程可以表示为:S1: Depth convolution is performed on the original 3-dimensional matrix. One convolution kernel is responsible for one channel. Take one of the channels as an explanation, denoted as X (i, V) , and zero-fill X (i, V) . Take out the convolved sub-matrix from X (i, V) , denote it as X (i, V) (n), and its convolution process can be expressed as:
Figure FDA0003812798340000021
Figure FDA0003812798340000021
其中,
Figure FDA00038127983400000211
Figure FDA00038127983400000212
分别是来自第k1个2-D卷积核的权重和偏置,⊙为哈达玛积,
Figure FDA0003812798340000022
为X(i,V)(n)与第k1个卷积核的运算结果,为了对每条曲线进行单独卷积,卷积核的宽度和步进被设为1,每次卷积的卷积核的数量为1,而X(i,V)(n)与卷积核的形状相同,输出的第k1个2-D特征映射可以表示为:
in,
Figure FDA00038127983400000211
and
Figure FDA00038127983400000212
are the weight and bias from the k 1st 2-D convolution kernel, ⊙ is the Hadamard product,
Figure FDA0003812798340000022
is the operation result of X (i,V) (n) and the kth 1st convolution kernel. In order to perform separate convolution on each curve, the width and step of the convolution kernel are set to 1, and each convolution The number of convolution kernels is 1, and X (i,V) (n) has the same shape as the convolution kernel, and the output k - th 2-D feature map can be expressed as:
Figure FDA0003812798340000023
Figure FDA0003812798340000023
对I和T通道进行相同的操作,输出结果将进行批次标准化、最大池化和LeakyRectified Linear Unit激活,四个层通常被当作一个卷积单元操作,Leaky ReLU激活函数(α=0.05)如下:The same operation is performed on the I and T channels, and the output results will be batch normalized, max pooled and LeakyRectified Linear Unit activation. The four layers are usually operated as a convolution unit. The Leaky ReLU activation function (α=0.05) is as follows :
Figure FDA0003812798340000024
Figure FDA0003812798340000024
S2:将输出卷定义为V,全局平均池化层被用于获取三个通道的注意力得分sn,以自适应调整它们对模型的贡献,取V中的第n个通道的特征映射记为Vn,sn计算如下:S2: The output volume is defined as V, and the global average pooling layer is used to obtain the attention scores s n of the three channels to adaptively adjust their contribution to the model, and the feature map of the nth channel in V is recorded as For V n , s n is calculated as follows:
Figure FDA0003812798340000025
Figure FDA0003812798340000025
对的所得的注意力得分进行归一化,得到最终的全局权重因子
Figure FDA0003812798340000026
利用全局权重因子自适应赋予了模型对不同特征映射的权重,使得模型能专注在重要变量的特征提取上,计算如下所示:
Normalize the resulting attention scores to get the final global weighting factor
Figure FDA0003812798340000026
The global weight factor is used to adaptively endow the model with weights for different feature maps, so that the model can focus on the feature extraction of important variables. The calculation is as follows:
Figure FDA0003812798340000027
Figure FDA0003812798340000027
通过连接gn(n=1,2,…,K)将得到赋予了权重的输出卷
Figure FDA0003812798340000028
By connecting g n (n=1,2,…,K) will get the weighted output volume
Figure FDA0003812798340000028
S3:对
Figure FDA0003812798340000029
进行补零中并取第m个卷积核大小的子矩阵记为
Figure FDA00038127983400000210
则点卷积的卷积结果可表示为:
S3: yes
Figure FDA0003812798340000029
Perform zero padding and take the sub-matrix of the size of the mth convolution kernel as
Figure FDA00038127983400000210
Then the convolution result of point convolution can be expressed as:
Figure FDA0003812798340000031
Figure FDA0003812798340000031
Figure FDA0003812798340000032
Figure FDA0003812798340000033
与第k2个卷积核的运算结果,卷积前后形状相同,
Figure FDA0003812798340000034
Figure FDA0003812798340000035
分别是来自第k2个3-D卷积核的权重和偏置,输出的第k2个2-D特征映射可以表示为:
Figure FDA0003812798340000032
yes
Figure FDA0003812798340000033
The operation result of the kth 2nd convolution kernel has the same shape before and after convolution,
Figure FDA0003812798340000034
and
Figure FDA0003812798340000035
are the weights and biases from the k2th 3 -D convolution kernel, respectively, and the output k2th 2 -D feature map can be expressed as:
Figure FDA0003812798340000036
Figure FDA0003812798340000036
S4:将前一个卷积层的输出卷表示为F,定义一个与F具有相同形状的矩阵A,A中的元素Ai,j为对应特征映射中的元素
Figure FDA0003812798340000037
的注意力权值,通过两个全连接层生成注意力权重矩阵A,对应的元素Ai,j可表示为:
S4: Denote the output volume of the previous convolutional layer as F, define a matrix A with the same shape as F, and the elements A i, j in A are the elements in the corresponding feature map
Figure FDA0003812798340000037
The attention weights of , the attention weight matrix A is generated through two fully connected layers, and the corresponding elements A i, j can be expressed as:
Figure FDA0003812798340000038
Figure FDA0003812798340000038
其中,δ和ω为权重,b和c为偏置,nFc为神经元数目,下角标为元素在矩阵中的索引,g(·)和f(·)分别代表双曲正切函数和Sigmoid函数,分别表示如下:Among them, δ and ω are weights, b and c are offsets, n Fc is the number of neurons, the subscript is the index of the element in the matrix, g(·) and f(·) represent the hyperbolic tangent function and the Sigmoid function respectively , respectively as follows:
Figure FDA0003812798340000039
Figure FDA0003812798340000039
Figure FDA00038127983400000310
Figure FDA00038127983400000310
Sigmoid函数将权重矩阵的元素控制在0-1以内,通过两矩阵的哈达玛积控制进入下一层网络的信息流大小,输出的输出卷Ll如下所示:The Sigmoid function controls the elements of the weight matrix within 0-1, and controls the size of the information flow entering the next layer of the network through the Hadamard product of the two matrices. The output volume L l of the output is as follows: Ll=A⊙FlL l = A⊙F l .
4.根据权利要求1所述的锂离子电池剩余使用寿命预测方法,其特征在于:所述第三步中局部注意力是对卷积LSTM处理后的特征谱图进一步提取有用的信息,使得模型集中注意在所有数据帧都具有的共同特征上。4. The lithium-ion battery remaining service life prediction method according to claim 1, characterized in that: in the third step, local attention is to further extract useful information from the feature spectrum after convolution LSTM processing, so that the model Focus on the common characteristics that all data frames share. 5.根据权利要求1所述的锂离子电池剩余使用寿命预测方法,其特征在于:所述第三步的具体步骤如下:5. The lithium-ion battery remaining service life prediction method according to claim 1, characterized in that: the specific steps of the third step are as follows: 输入的矩阵先经过两次深度卷积单元操作后嵌入全局注意力机制,将获得的输入卷增加维度变成5维张量以满足ConvLSTM的输入,ConvLSTM细胞内的门函数和数据流传输的关键方程如下:The input matrix first undergoes two deep convolution unit operations and then embeds the global attention mechanism to increase the dimension of the obtained input volume into a 5-dimensional tensor to meet the input of ConvLSTM, the gate function in the ConvLSTM cell and the key to data stream transmission The equation is as follows: ft=σ(WXf*Xt+Whf*ht-1+bf);f t = σ(W Xf *X t +W hf *h t-1 +b f ); it=σ(WXi*Xt+Whg*ht-1+bi);i t = σ(W Xi* X t +W hg *h t-1 +b i ); gt=tanh(WXg*Xt+Whg*ht-1+bg);g t = tanh(W Xg *X t +W hg *h t-1 +b g ); ot=σ(WXo*Xt+Who*ht-1+bo);o t = σ(W Xo *X t +W ho *h t-1 +b o ); Ct=ft⊙Ct-1+it⊙gtC t = f t ⊙C t-1 +i t ⊙g t ; ht=ot⊙tanh(Ct);h t = o t ⊙ tanh(C t ); 其中,f代表遗忘门的输出,i代表输入门输出,o代表输出门输出,g代表候选记忆,C代表ConvLSTM的细胞状态,h为隐藏层输出,X代表输入,WX~和Wh~是2-D卷积核,下角标t表示对应的时刻,符号“*”代表卷积运算,“⊙”代表哈达玛积,ConvLSTM的输出加入局部注意力后成为子网2的输出。Among them, f represents the output of the forget gate, i represents the output of the input gate, o represents the output of the output gate, g represents the candidate memory, C represents the cell state of ConvLSTM, h represents the output of the hidden layer, X represents the input, W X ~ and W h ~ It is a 2-D convolution kernel, the subscript t represents the corresponding moment, the symbol "*" represents the convolution operation, and "⊙" represents the Hadamard product. The output of ConvLSTM becomes the output of subnetwork 2 after adding local attention. 6.根据权利要求1所述的锂离子电池剩余使用寿命预测方法,其特征在于:所述第四步的具体包括:6. The lithium-ion battery remaining service life prediction method according to claim 1, characterized in that: the fourth step specifically includes: 连接两个子网的输出并定义为
Figure FDA0003812798340000041
通过两个多层感知器融合两个子网的贡献值,对电池的剩余使用寿命进行预测,计算如下:
Concatenate the outputs of the two subnets and define as
Figure FDA0003812798340000041
The remaining service life of the battery is predicted by fusing the contribution values of the two subnetworks through two multi-layer perceptrons, which are calculated as follows:
Figure FDA0003812798340000042
Figure FDA0003812798340000042
CN202211018092.7A 2022-08-24 2022-08-24 Method for predicting remaining service life of lithium ion battery Pending CN115510612A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202211018092.7A CN115510612A (en) 2022-08-24 2022-08-24 Method for predicting remaining service life of lithium ion battery

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202211018092.7A CN115510612A (en) 2022-08-24 2022-08-24 Method for predicting remaining service life of lithium ion battery

Publications (1)

Publication Number Publication Date
CN115510612A true CN115510612A (en) 2022-12-23

Family

ID=84501507

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202211018092.7A Pending CN115510612A (en) 2022-08-24 2022-08-24 Method for predicting remaining service life of lithium ion battery

Country Status (1)

Country Link
CN (1) CN115510612A (en)

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN116027204A (en) * 2023-02-20 2023-04-28 山东大学 Method and device for predicting remaining service life of lithium battery based on data fusion
CN116068448A (en) * 2023-03-17 2023-05-05 国网江苏省电力有限公司 A method, device, and storage medium for estimating the state of health (SOH) of an energy storage battery
CN117556261A (en) * 2024-01-08 2024-02-13 浙江大学 A MCNN-based life prediction method and system for diaphragm pump check valves

Cited By (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN116027204A (en) * 2023-02-20 2023-04-28 山东大学 Method and device for predicting remaining service life of lithium battery based on data fusion
CN116027204B (en) * 2023-02-20 2023-06-20 山东大学 Lithium battery residual service life prediction method and device based on data fusion
CN116068448A (en) * 2023-03-17 2023-05-05 国网江苏省电力有限公司 A method, device, and storage medium for estimating the state of health (SOH) of an energy storage battery
CN117556261A (en) * 2024-01-08 2024-02-13 浙江大学 A MCNN-based life prediction method and system for diaphragm pump check valves
CN117556261B (en) * 2024-01-08 2024-05-14 浙江大学 A method and system for predicting the life of a diaphragm pump check valve based on MCNN

Similar Documents

Publication Publication Date Title
CN115510612A (en) Method for predicting remaining service life of lithium ion battery
Shen et al. Deep convolutional neural networks with ensemble learning and transfer learning for capacity estimation of lithium-ion batteries
CN111443294B (en) Method and device for indirectly predicting remaining life of lithium ion battery
CN110929763B (en) Mechanical fault diagnosis method of medium voltage vacuum circuit breaker based on multi-source data fusion
CN109061504B (en) Method and system for predicting remaining service life of lithium ion batteries of same type and different types
CN107797067B (en) A deep learning-based method for predicting lifetime migration of lithium-ion batteries
CN110703101B (en) A method for predicting the cycle capacity decline of lithium-ion batteries between subsections
CN113406521B (en) Lithium battery health state online estimation method based on feature analysis
CN116047314B (en) A method for predicting the state of health of a rechargeable battery
CN115656857A (en) Multi-scale fusion prediction method for remaining service life of lithium ion battery
CN113777515A (en) A kind of electric vehicle charging safety warning method
CN111308375B (en) LSTM-FFNN-based electric forklift lithium ion battery health state prediction method
CN114726045B (en) A Lithium Battery SOH Estimation Method Based on IPEA-LSTM Model
Tang et al. Health and lifespan prediction considering degradation patterns of lithium-ion batteries based on transferable attention neural network
CN111027625A (en) Battery screening method based on SAE and K-means clustering algorithm
CN114578234A (en) A Degradation and Capacity Prediction Model for Li-ion Batteries Considering Causal Features
CN110879373A (en) Oil-immersed transformer fault diagnosis method with neural network and decision fusion
CN115963420A (en) A Method for Analyzing Factors Influencing Battery SOH
CN112287597B (en) Lead-acid storage battery SOH estimation method based on VPGA-GPR algorithm
CN118795373B (en) Intelligent estimation method of lithium battery state for wide temperature range scenarios of photoelectric storage charging and discharging
CN115128469A (en) Capacity degradation analysis and online estimation method of power lithium battery based on digital twin
CN115481796A (en) Method for predicting remaining service life of battery based on Bayesian hybrid neural network
Hu et al. Health factor analysis and remaining useful life prediction for batteries based on a cross-cycle health factor clustering framework
CN118641967A (en) Lithium-ion battery health status estimation method and system based on charging data fragments
CN118330469A (en) Lithium-ion battery health state estimation method based on temporal graph neural network

Legal Events

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