Differential Equation-Informed Neural Networks For State-of-Charge Estimation
Differential Equation-Informed Neural Networks For State-of-Charge Estimation
Abstract— State-of-charge (SOC) estimation is crucial for etc. [4]. Therefore, it is essential to establish an advanced
improving the safety, reliability, and performance of the battery. battery management system (BMS) to monitor the internal
Neural networks-based methods for battery SOC estimation state of the battery in real-time, ensuring the safe and reliable
have received extensive attention due to the flexibility and
applicability. However, owing to complicated electrochemical operation of the battery [5]. As a direct representation of the
dynamics and multiphysics coupling, a trivial, black-box emu- remaining battery power, the state-of-charge (SOC) estimation
lation of batteries that senses only voltage, current, and enables BMS to ascertain the instantaneous peak power and
surface temperature obviously cannot result in high-performance health status accurately, so as to ensure that the battery
SOC estimation. To address this problem, this article pro- operates safely and find out the abnormalities of the battery
poses a class of differential equation-informed neural networks
(DENNs) including differential equation-informed multilayer timely [6]. Therefore, SOC estimation methods play a crucial
perception (DE-MLP), differential equation-informed recurrent role in BMS and have become a research focus for many
neural network (DE-RNN), and differential equation-informed scholars.
long short-term memory (DE-LSTM), to estimate battery SOC. Researchers are continuously exploring new approaches and
In the proposed methods, the underlying physical laws in the algorithms to improve SOC estimation accuracy. According
form of the differential equation are embedded in the training of
neural networks, such that the network parameters are updated to the existing literature, the mainly used SOC estimation
toward optimal faster. We also implement an inverse problem in methods include ampere hour integration method [7], open
DENNs, which simultaneously estimates the unknown parameters circuit voltage method [8], model-based methods [9], [10],
of the differential equation and network parameters. In addition, and data-driven methods [11], [12], [13], [14], [15]. Among
the approximation theory and error analysis for DENNs are
them, the ampere-hour integration method relies on accurate
provided. The experiments in this article are performed in
real datasets, and the results illustrate the effectiveness of the SOC values and high-precision current sensors, while the
proposed methods under different working conditions. Compared open-circuit voltage (OCV) method requires the battery to
with the traditional neural networks, the proposed DENNs be stationary for a long time to obtain an accurate SOC.
achieve more stable and accurate SOC estimation performance. Both of the methods are not suitable for the complex and
Index Terms— Differential equation-informed neural networks, time-varying BMS in the vehicle. Instead, model-based SOC
state estimation, state-of-charge (SOC). estimation is a closed-loop control that can obtain good
SOC estimates by combining different Kalman filtering [16],
I. I NTRODUCTION [17], [18]. Therefore, model-based methods have become the
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
where S(t) is the hidden layer output; W(t) ∈ Rl×d and V(t) ∈ We denote S OC(t; X) as the solution of PDE, in which t
Rl×d are network weight parameters; o(t) is the model output; denotes time and X is the system input. The system input
b(t) and c(t) are network bias parameters; σ is a nonlinear X can be bounded in domain χ and t ∈ [0, tend ] is the
activation function. time interval. In the battery system, the system parameters are
The RNN model can be formulated as follows: unknown and time-varying, and therefore system identification
is required at the same time.
(
H(t) = σ (W(X(t), H(t)) + b(t))
(5) Theoretically, neural networks possess the ability of univer-
o(t) = V(t)H(t) + c(t) sal function approximation, making them capable of learning
where H(t) is the hidden layer output with recursive form. any unknown function between inputs and outputs. Therefore,
The LSTM model can be expressed by they can be utilized to learn the nonlinear mapping between
system inputs and the outputs of differential equations. In order
f g (t) = σ ( W f X(t), H(t) + b f (t)
to solve differential equations through optimization methods,
i(t) = σ ( Wi (X(t), H(t) + bi (t))
the PDE errors are represented in the following manner:
g = tanh( WC (X(t), H(t) + bC (t))
∂ S OC(t) η
C(t)
(6) ζ (t; S OC) = + I (t)
C(t) = C(t − 1) f g (t) + C(t)i(t) ∂t
g
Q
∂U1 (t)
1
H(t) = tanh(C(t))o(t) ϱ(t; S OC) = − I (t) (8)
∂t C1 (t)
o(t) = σ ( Wo (H(t − 1), X(t)) + b(t)
η(U L (t) − h(S OC(t)) + I (t)R0 (t))
.
+
R1 (t)C1 (t)
where f g is the forget gate, which controls whether the
previous information in the memory cell time is accumulated In order to create a convex optimization, the square of the
to the memory cell of the current time; i t is the input gate, error is employed
which controls whether information flows into the memory
cell; Ct denotes memory unit enables LSTM unit to save, eζ (t) = ζ 2 (t; S OC), eϱ (t) = ϱ2 (t; S OC). (9)
read, reset, and update long-distance historical information; ot In order to implement a neural network that follows the phys-
is output gate, which controls whether the information in the ical laws governing dynamic systems, a PINN is formulated
memory cell flows into the current hidden state at the current as f (x(t); 2(t)). The data fitting error is as follows:
time; and W∗ and b∗ represent the weights and bias of the
corresponding gate, respectively. e f (t) = f (x(t); 2(t)) − e
f (x(t); 2(t)) (10)
Generally, the battery signal is a sequential signal that uses a where 2 denotes the parameters of the neural network;
feedback-enabled recurrent neural network (RNN) to improve ef (x(t); 2(t)) is the estimated output.
the performance of state-of-charge estimation, compared to We formulate the loss function for the DENN of the battery
nonRNNs. system
Jmmse (2) = ℓ f + α ℓζ + ℓϱ
III. D IFFERENTIAL E QUATION -I NFORMED N EURAL (11)
N ETWORK FOR SOC E STIMATION where α is the constraint factor. For each of the M differential
A. Differential Equation-Informed Neural Networks states and N algebraic states, the mean squared error generates
The 1-RC model has been widely used to understand a corresponding loss term
and analyze the complex dynamic electrochemical behavior N
1 X i
of battery systems. As the focus of this article is on the ℓf = e ∀i = 1, . . . , N (12)
N i=1 f
introduction of a DENN for battery systems, we will use
this model as a guiding example. Note that we develop a N
1 X i
general framework, which can be extended to a more complex ℓζ = e ∀i = 1, . . . , M (13)
N i=1 ζ
model. In order to incorporate the physical mechanism of
N
batteries into the training of the network model, the error 1 X i
ℓϱ = e ∀i = 1, . . . , M. (14)
of the computational physics model needs to be calculated. N i=1 ϱ
Therefore, the partial differential (1) can be transformed into
∂ S OC(t) The DENN incorporates the PDE and boundary condition
η
= − I (t) errors into the loss function, enabling the neural network to
∂t
Q learn and obey the fundamental laws of physics during train-
∂U (t)
η(U L (t) − h(S OC(t)) + I (t)R0 (t))
1
=− ing. Then, the estimated 2(t) can be solved by minimizing
∂t R1 (t)C1 (t) the loss function
1 N M
I (t). α X i
+ 1 X i
2
b(t) = arg min eζ + eϱi .
C1 (t) ef + (15)
2 N M i=1
(7) i=1
By taking the gradient of the loss function with respect to
The differential equation associated the system inputs
2(t), we can obtain
{U L (t), I (t), T (t), t} ∈ χ(t) and system parameters
{R1 (t), C1 (t), R0 (t), Q(t)} ∈ with state variables S OC(t). g(t) = ∇2 Jmmse (2). (16)
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
There are various optimizers commonly used in deep Algorithm 1 Differential Equation-Informed Neural Networks
learning networks, including the adaptive moment estima- for SOC Estimation
tion (Adam) optimizer, stochastic gradient descent (SGD) Initialization Set the initial state S OC(0); initial state
optimizer, adaptive gradient (Adagrad) optimizer, root mean 2\ adam (0); biased first moment estimate m(0); biased second
square prop (RMSProp) optimizer, and batch gradient descent raw moment estimate t (0); set a small positive parameter
(BGD) optimizer. The desired optimizers are straightforward ε; neural network hyperparameters.
to implement and have low memory requirements. Addition-
ally, they are not affected by changes in the scale of the Computation Train the neural network to find the best param-
gradient and their hyperparameters are easy to interpret, with eters 2
bopt using sampled batches:
the learning rate able to be adjusted automatically without While the algorithm is not converged do
significant fine-tuning. The Adam optimizer is widely used in 1: Compute fitting error by Eq. (10)
deep learning due to its fast convergence and ability to com- 2: Compute PED error by Eq. (9)
bine the advantages of both momentum and RMSProp [33]. 3: Construct loss function by Eq. (15)
By utilizing the Adam optimizer, the model parameters can be 4: Compute gradients by Eq. (16)
updated 5: Update biased first-moment estimate by Eq. (20)
6: Update biased second raw moment estimate by Eq. (21)
m
\ adam (t) 7: Compute biased-corrected first-moment estimate by
2
\ adam (t) = 2
\ adam (t − 1) + αadam · p (17)
v[adam (t) + ε Eq. (18)
m adam (t) 8: Compute biased-corrected second raw moment estimate
m
\ adam (t) = (18)
1 − β1t by Eq. (19)
vadam (t) 9: Update network parameters by Eq. (17)
v[adam (t) = (19) Until convergence
1 − β2t
m adam (t) = β1 m adam (t − 1) + (1 − β1 ) · g(t) (20)
vadam (t) = β2 vadam (t − 1) + (1 − β2 ) · g 2 (t). (21) and physical laws are considered during training, the space of
The overall architecture is shown in Fig. 2. From Fig. 2, acceptable solutions for the neural network parameters can be
the architecture of proposed methods combines data-driven constrained. This results in a lower demand for both training
learning with physics-driven learning. While traditional neural data and neural network size. The implementation of proposed
networks are trained solely on data, the proposed methods methods is summarized in Algorithm 1.
leverage both available data and underlying physical laws to
learn the relationship between inputs and outputs. This allows B. DENNs for Solving Inverse Problems
them to make accurate predictions even with limited data. In ECM, certain parameters of the battery system, such
During the training process, the weight matrices of a neu- as the polarization capacitor (C1 ) and diffusion resistance
ral network can be optimized by minimizing the objective (R1 ), are represented by an RC network that characterizes
function (15). This objective function penalizes any deviations the dynamic voltage behavior and mass transport effects.
between the neural network predictions and the training data. Additionally, the ohmic internal resistance (R0 ) reflects the
In the first term of the objective function, the underlying electrical resistance of various battery components and causes
physical model is not considered, and it often requires a large accumulation and dissipation of charge in the electrical double
amount of training data as well as a large neural network layer. The battery’s OCV is replaced by h(S OC(t)), which
size. However, when the second term is taken into account accounts for the OCV under different aging levels and states of
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
Fig. 3. Performance comparison of different methods at 0 ◦ C. (a) HWFET condition: SOC estimate. (b) CC-CV condition with the second cycle: SOC
estimate. (c) HWFET condition: MAE of SOC estimate. (d) CC-CV condition with the second cycle: MAE of SOC estimate.
charge. However, due to the time-varying operating conditions K = (k1 , k2 , . . . , kn ) ∈ Zn+ , where n is the number of variables
of the battery system, this information is uncertain and needs in the PDE. We define |K | to be the sum of all components
to be estimated or predicted at regular intervals. in K , and t K = t1k1 , t2k2 , . . . , tnkn as the corresponding variables
PINNs are powerful tools for tackling the challenges of sys- raised to the power of k1 , k2 , . . . , kn , respectively, and
tem identification and data-driven discovery of PDEs. When
it comes to implementation, solving inverse problems with ∂ |K |
DK = (23)
physics-informed neural network is just as straightforward as ∂t1k1 ∂t2k2 , . . . , ∂tnkn
solving forward problems. The only distinction is that we
where Zn+ denotes the set of d-dimensional nonnegative inte-
include additional estimators to address the unknown param-
gers in Rn . If D L ρ1 ∈ C(Rn ) for all L ⩽ K and L ∈ Zn+ ,
eters. The architecture of these networks remains unchanged
we have function ρ1 ∈ C K (Rn ). We set
but with the inclusion of system parameters as a subset of
network parameters during the minimization (15) process in s
1
,...,K s j
\
CK Rn = C K Rn
the neural network training. Therefore, we have (24)
j=1
N M
1 X i α X i
2
b(t),
b(t) = arg min ef + eζ + eϱi . (22) and for all |L| ⩽ k
2, N i=1 M i=1
\
C k Rn = C K Rn = ρ1 : D L ρ1 ∈ C Rn
This allows for more accurate modeling of complex systems (25)
|K |=k
and can lead to valuable insights and discoveries.
is a special case.
C. Approximation Theory and Error Analysis for DENNs Theorem 1: Assume φ ∈ C k (R) and φ is not a polynomial,
with K = max{|K i |} : i = 1, 2, . . . , s and K i ∈ Zn+ , i =
The fundamental question concerning DENNs is whether a
1, 2, . . . , s. For any ϵ > 0, ρ1 ∈ C K ,...,K (Rn ) and L ∈ Zn+
1 s
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
Fig. 4. Performance comparison of different methods at 0 ◦ C. (a) CC-CV condition with the third cycle: SOC estimate. (b) CC-CV condition with the fourth
cycle: SOC estimate. (c) CC-CV condition with the third cycle: MAE of SOC estimate. (d) CC-CV condition with the fourth cycle: MAE of SOC estimate.
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
ON
E STIMATION R ESULTS (M EASURE I NDEXES : MAE AND MSE) BASED
MSE L OSS AT D IFFERENT T EMPERATURES AND
O PERATING C ONDITIONS
TABLE II
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
Fig. 5. Estimation results based on MSE loss at −20 ◦ C. (a) Case 1: SOC estimate. (b) Case 2: SOC estimate. (c) Case 1: MAE of SOC estimate. (d) Case 2:
MAE of SOC estimate.
Fig. 6. Estimation results based on MSE loss. (a) Case 3: SOC estimate. (b) Case 4: SOC estimate. (c) Case 3: MAE of SOC estimate. (d) Case 4: MAE
of SOC
Authorized estimate.
licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
ON
E STIMATION R ESULTS (M EASURE I NDEXES : NLL AND MSE) BASED
NLL L OSS AT D IFFERENT T EMPERATURES AND
O PERATING C ONDITIONS
TABLE IV
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
B. SOC Estimation by DENNs of Different Constraint C. SOC Estimation by DENNs in Different Initial Weights
Factors It is important for assessing how different initial weights
In the process of training, the different coefficients used in affect model performance. To address this concern, we present
the physical constraints loss can impact the convergence speed the changes in model performance (MAE and MSE) with dif-
and accuracy of the estimation. Therefore, we conduct exper- ferent initial weights in Table VI below. To show the influence
iments to investigate the effects of changing the coefficients of initial weights, we vary the variance of normal sampling
of the physical constraints loss. Specifically, we incorporate (using the torch.nn.normal function). This will enable us to
the modified coefficient into the loss calculation formula and quantitatively assess the variability in MAE and MSE metrics
perform tests to observe the results. This approach allows and gain a clearer insight into the sensitivity of the models
us to determine the impact of the physical constraints loss to weight initialization. As can be seen from Table VI, when
on the training process without repeating previous steps. The the variance of normal sampling changes from 0.001 to 0.1,
calculation of the loss function is as follows: the performance (MAE and MSE) of the proposed methods
experiences only a slight decline, and they are still sufficient
loss = lossmodel + α ∗ lossde (29) to achieve better performance than traditional methods.
where lossmodel denotes the data fitting error loss function,
lossde denotes the differential equation error loss function, and D. SOC Estimation by DENNs With Noises
α is the constraint factor that controls the degree to which BMSs operate in dynamic and unpredictable environments,
physical laws affect training. The train datasets are the four where various factors such as fluctuations in temperature,
standard dynamic conditions and the test set is in HWFET sensor failures, and transmission errors can cause inaccuracies
condition with 0 ◦ C degree. in the collected voltage, current, and temperature signals.
We set α = 0 as the baseline neural network without To evaluate the robustness of our DENN methods, we delib-
physical constraints and varied α to control the degree of erately introduced different types of noise into the collected
dependence of the model on the underlying physical laws. data during testing. These noise distributions are designed
We evaluate the performance of the different methods under to simulate measurement errors commonly encountered in
HWFET with 0 ◦ C conditions, and the results are presented in real-world battery management. The addition of noise to
Fig. 7 and Table V. Our findings indicate that as the physics the collected data allows us to test the performance of our
constraint coefficient α increases, the performance of the DE- PINN in estimating SOC under more realistic conditions.
MLP, DE-RNN, and DE-LSTM is improved. However, the By incorporating the physics-based relationships between
improvement in DE-LSTM performance is not as significant the system variables, our approach is able to effectively
as that of the improvement in DE-MLP and DE-RNN per- mitigate the impact of noise on the accuracy of SOC
formances. This could be attributed to the fact that LSTM is estimation.
a more complex model than MLP and RNN, which brings In this experiment, we introduce two types of noise into
difficulty to extending DENNs and affects their performance. the voltage, current, and temperature signals to enhance the
Interestingly, we observe that when α is set to 0.4, 0.6, and model’s noise resistance. Specifically, we add Gaussian dis-
0.8, the DE-MLP with physical constraints outperforms the tribution noise and uniform distribution noise to the signals
DE-RNN and DE-LSTM. These results suggest that finding during the training process. The calculation formulas of noises
an optimal α can significantly improve the accuracy of SOC are as follows:
estimation. PINNs can make a simpler model to achieve Xinput = Xinput + a ∗ noisegaussian (30)
better performance than more complex networks. In summary,
Xinput = Xinput + a ∗ noiseuniform . (31)
our experiments demonstrate that incorporating physical con-
straints into neural network models can enhance their accuracy During our experiment, the Gaussian distribution is generated
in SOC estimation. The optimal α value, however, remains an with a standard deviation of 1 and mean 0, while the uniform
open question that requires further investigation. distribution is generated by ranging from −1 to 1. We utilized
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
Fig. 7. Estimation results based on MSE loss with different constraint factors under HWFET condition and 0 ◦ C. (a) MAE. (b) MSE.
TABLE VI
E STIMATION R ESULTS (M EASURE I NDEXES : MAE AND MSE) BASED ON MSE L OSS IN D IFFERENT I NITIAL W EIGHTS
TABLE VII
E STIMATION R ESULTS (M EASURE I NDEXES : MAE AND MSE) BASED ON MSE L OSS IN D IFFERENT N OISES
the data from experiment A for training, which involves four performance against noise than MLP, RNN, and LSTM. Addi-
standard dynamic conditions at 0 ◦ C. The test set is based tionally, the SOC estimation error of models with physical
on the HWFET condition at a temperature of 0 ◦ C. The constraints is comparatively lower than those without physical
aim of the experiment is to evaluate the performance of constraints in uniform distribution noise. It is worth noting
the proposed methods in handling noisy signals under these that the impact of added Gaussian or uniform noise on RNN
specific conditions. and LSTM is minimal, regardless of whether it has physical
Table VII and Fig. 8 provide the performance comparison constraints or not. Although the estimation error of DE-MLP
of different methods subjected to varying degrees of noise. increases, it still has a lower MAE and MSE than the MLP
In the Gaussian distribution noise, when the noise level is without physical constraints. Interestingly, in Table VII and
low or high, methods with physical constraints show a better Fig. 8, in the Gaussian or uniform distribution noise, the
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
Fig. 8. Estimation results based on MSE loss in different noises. (a) MAE in Gaussian distribution noise. (b) MSE in Gaussian distribution noise. (c) MAE
in uniform distribution noise. (d) MSE in uniform distribution noise.
MAE and MSE of LSTM with physical constraints are the R EFERENCES
least variables compared to MLP and RNN with physical [1] T. Su, N. Lyu, Z. Zhao, H. Wang, and Y. Jin, “Safety warning of
constraints. All proposed methods exhibit higher accuracy than lithium-ion battery energy storage station via venting acoustic signal
the traditional methods. detection for grid application,” J. Energy Storage, vol. 38, Jun. 2021,
Art. no. 102498.
[2] Z. Huang and A. Mu, “Research and analysis of performance improve-
V. C ONCLUSION ment of vanadium redox flow battery in microgrid: A technology
This article proposes a class of novel methods for accu- review,” Int. J. Energy Res., vol. 45, no. 10, pp. 14170–14193,
Aug. 2021.
rately estimating the SOC of batteries using the DENNs [3] X. Hu, J. Han, X. Tang, and X. Lin, “Powertrain design and control in
method, including the differential equation-informed multi- electrified vehicles: A critical review,” IEEE Trans. Transport. Electrific.,
layer perception (DE-MLP), differential equation-informed vol. 7, no. 3, pp. 1990–2009, Sep. 2021.
[4] M. Hannan, M. Lipu, A. Hussain, and A. Mohamed, “A review of
RNN (DE-RNN), and differential equation-informed long lithium-ion battery state of charge estimation and management system in
short-term memory (DE-LSTM). The proposed methods not electric vehicle applications: Challenges and recommendations,” Renew.
only embed the physics laws in data-driven methods to esti- Sustain. Energy Rev., vol. 78, pp. 834–854, Oct. 2017.
mate SOC but also solve an inverse problem using DENNs [5] J. Y. Yong, V. K. Ramachandaramurthy, K. M. Tan, and
N. Mithulananthan, “A review on the state-of-the-art technologies
to simultaneously estimate the unknown parameters of the of electric vehicle, its impacts and prospects,” Renew. Sustain. Energy
differential equation and network parameters. We conduct Rev., vol. 49, pp. 365–385, Sep. 2015.
experiments in different conditions and real-world datasets [6] C. Bian, H. He, and S. Yang, “Stacked bidirectional long short-term
memory networks for state-of-charge estimation of lithium-ion batter-
to evaluate the performance of the proposed methods. Our ies,” Energy, vol. 191, Jan. 2020, Art. no. 116538.
experimental results show that the proposed DENNs outper- [7] K. S. Ng, C.-S. Moo, Y.-P. Chen, and Y.-C. Hsieh, “Enhanced Coulomb
form traditional methods in terms of accuracy, stability, and counting method for estimating state-of-charge and state-of-health of
lithium-ion batteries,” Appl. Energy, vol. 86, no. 9, pp. 1506–1511,
robustness in different noise environments, thus highlighting Sep. 2009.
their potential for practical applications. Overall, the proposed [8] M. Petzl and M. A. Danzer, “Advancements in OCV measurement and
methods offer a promising solution for accurately estimating analysis for lithium-ion batteries,” IEEE Trans. Energy Convers., vol. 28,
no. 3, pp. 675–681, Sep. 2013.
SOC in batteries, which is a crucial factor in ensuring the
[9] Q. Wang, J. Wang, P. Zhao, J. Kang, F. Yan, and C. Du, “Correlation
reliability and longevity of batteries in various applications, between the model accuracy and model-based SOC estimation,” Elec-
including electric vehicles and renewable energy systems. The trochimica Acta, vol. 228, pp. 146–159, Feb. 2017.
proposed methods can be extended to EMs to improve the [10] X. Liu, Q. Li, L. Wang, M. Lin, and J. Wu, “Data-driven state
of charge estimation for power battery with improved extended
SOC estimation performance, which will be investigated in Kalman filter,” IEEE Trans. Instrum. Meas., vol. 72, pp. 1–10,
the future work. 2023.
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
1000315 IEEE TRANSACTIONS ON INSTRUMENTATION AND MEASUREMENT, VOL. 73, 2024
[11] Z. Ni and Y. Yang, “A combined data-model method for state-of-charge [30] D. Ma, K. Gao, Y. Mu, Z. Wei, and R. Du, “An adaptive tracking-
estimation of lithium-ion batteries,” IEEE Trans. Instrum. Meas., vol. 71, extended Kalman filter for SOC estimation of batteries with model
pp. 1–11, 2022. uncertainty and sensor error,” Energies, vol. 15, no. 10, p. 3499,
[12] Q. Shi, Z. Jiang, Z. Wang, X. Shao, and L. He, “State of charge May 2022.
estimation by joint approach with model-based and data-driven [31] X. Lai, Y. Zheng, and T. Sun, “A comparative study of different
algorithm for lithium-ion battery,” IEEE Trans. Instrum. Meas., vol. 71, equivalent circuit models for estimating state-of-charge of lithium-ion
pp. 1–10, 2022. batteries,” Electrochimica Acta, vol. 259, pp. 566–577, Jan. 2018.
[13] K. Yu, H. Wang, L. Mao, Q. He, and Q. Wu, “IC curve-based lithium- [32] M. Einhorn, F. V. Conte, C. Kral, and J. Fleig, “Comparison, selection,
ion battery SOC estimation at high rate charging current,” IEEE Trans. and parameterization of electrical battery models for automotive appli-
Instrum. Meas., vol. 71, pp. 1–9, 2022. cations,” IEEE Trans. Power Electron., vol. 28, no. 3, pp. 1429–1437,
[14] C. Li, F. Xiao, and Y. Fan, “An approach to state of charge Mar. 2013.
estimation of lithium-ion batteries based on recurrent neural net- [33] D. P. Kingma and J. Ba, “Adam: A method for stochastic optimization,”
works with gated recurrent unit,” Energies, vol. 12, no. 9, p. 1592, in Proc. Int. Conf. Learn. Represent. (ICLR), 2015, pp. 1–12.
Apr. 2019. [34] L. Lu, X. Meng, Z. Mao, and G. E. Karniadakis, “DeepXDE: A deep
[15] F. Yang, X. Song, F. Xu, and K.-L. Tsui, “State-of-charge estimation learning library for solving differential equations,” SIAM Rev., vol. 63,
of lithium-ion batteries via long short-term memory network,” IEEE no. 1, pp. 208–228, Jan. 2021.
Access, vol. 7, pp. 53792–53799, 2019. [35] C. Vidal, P. Kollmeyer, M. Naguib, P. Malysz, O. Gross, and A. Emadi,
[16] R. Xiong, F. Sun, Z. Chen, and H. He, “A data-driven multi-scale “Robust xEV battery state-of-charge estimator design using a feedfor-
extended Kalman filtering based parameter and state estimation approach ward deep neural network,” SAE Int. J. Adv. Current Practices Mobility,
of lithium-ion polymer battery in electric vehicles,” Appl. Energy, vol. 2, pp. 2872–2880, Jan. 2020.
vol. 113, pp. 463–476, Jan. 2014. [36] W. Hernandez and J. L. Maldonado-Correa, “Power performance verifi-
[17] M. Partovibakhsh and G. Liu, “An adaptive unscented Kalman fil- cation of a wind turbine by using the Wilcoxon signed-rank test,” IEEE
tering approach for online estimation of model parameters and Trans. Energy Convers., vol. 32, no. 1, pp. 394–396, Mar. 2017.
state-of-charge of lithium-ion batteries for autonomous mobile robots,” [37] B. Lakshminarayanan, A. Pritzel, and C. Blundell, “Simple and scal-
IEEE Trans. Control Syst. Technol., vol. 23, no. 1, pp. 357–363, able predictive uncertainty estimation using deep ensembles,” 2016,
Jan. 2015. arXiv:1612.01474.
[18] L. Dang, Y. Huang, Y. Zhang, and B. Chen, “Multi-kernel correntropy [38] H. Al Osman and S. Shirmohammadi, “Machine learning in measure-
based extended Kalman filtering for state-of-charge estimation,” ISA ment Part 2: Uncertainty quantification,” IEEE Instrum. Meas. Mag.,
Trans., vol. 129, pp. 271–283, Oct. 2022. vol. 24, no. 3, pp. 23–27, May 2021.
[19] F. Yang, W. Li, C. Li, and Q. Miao, “State-of-charge estimation of
lithium-ion batteries based on gated recurrent neural network,” Energy,
vol. 175, pp. 66–75, May 2019.
[20] E. Chemali, P. J. Kollmeyer, M. Preindl, R. Ahmed, and A. Emadi,
“Long short-term memory networks for accurate state-of-charge esti-
mation of Li-ion batteries,” IEEE Trans. Ind. Electron., vol. 65, no. 8,
pp. 6730–6739, Aug. 2018.
[21] Y. Guo, Z. Zhao, and L. Huang, “SoC estimation of lithium bat-
tery based on improved BP neural network,” Energy Proc., vol. 105,
pp. 4153–4158, May 2017. Lujuan Dang received the B.S. degree in infor-
[22] M. S. Hossain Lipu, M. A. Hannan, A. Hussain, M. H. Saad, mation science and technology from Northwest
A. Ayob, and M. N. Uddin, “Extreme learning machine model for state- University, Xi’an, China, in 2015; the M.S. degree
of-charge estimation of lithium-ion battery using gravitational search in electronic and information engineering from
algorithm,” IEEE Trans. Ind. Appl., vol. 55, no. 4, pp. 4225–4234, Southwest University, Chongqing, China, in 2018;
Jul. 2019. and the Ph.D. degree in artificial intelligence and
[23] A. Khalid, A. Sundararajan, I. Acharya, and A. I. Sarwat, “Prediction robotics (IAIR) from Xi’an Jiaotong University,
of Li-ion battery state of charge using multilayer perceptron and long Xi’an, in March, 2022.
short-term memory models,” in Proc. IEEE Transp. Electrific. Conf. She is currently an Assistant Professor with Xi’an
Expo (ITEC), Detroit, MI, USA, Jun. 2019, pp. 1–6. Jiaotong University. She has published one book,
[24] M. A. Hannan et al., “SOC estimation of Li-ion batteries with learning one chapter, and more than 15 articles in various
rate-optimized deep fully convolutional network,” IEEE Trans. Power journals and conference proceedings, with current research interests including
Electron., vol. 36, no. 7, pp. 7349–7353, Jul. 2021. state estimation and information-theoretic learning.
[25] G. E. Hinton, S. Osindero, and Y.-W. Teh, “A fast learning algorithm
for deep belief nets,” Neural Comput., vol. 18, no. 7, pp. 1527–1554,
Jul. 2006.
[26] X. Jin, S. Cai, H. Li, and G. E. Karniadakis, “NSFnets
(Navier-Stokes flow nets): Physics-informed neural networks for the
incompressible Navier-Stokes equations,” J. Comput. Phys., vol. 426,
Feb. 2021, Art. no. 109951.
[27] M. Raissi, P. Perdikaris, and G. E. Karniadakis, “Physics-informed
neural networks: A deep learning framework for solving forward and
inverse problems involving nonlinear partial differential equations,” Jinjie Yang is currently pursuing the undergraduate
J. Comput. Phys., vol. 378, pp. 686–707, Feb. 2019. degree with the Institute of Artificial Intelligence and
[28] A. D. Jagtap, K. Kawaguchi, and G. E. Karniadakis, “Adaptive Robotics (IAIR), Xi’an Jiaotong University, Xi’an,
activation functions accelerate convergence in deep and physics- China, where he will pursue the master’s degree in
informed neural networks,” J. Comput. Phys., vol. 404, Mar. 2020, Professor Badong Chen’s Group.
Art. no. 109136. His research interests include machine learning
[29] A. D. Jagtap, E. Kharazmi, and G. E. Karniadakis, “Conservative and information-theoretic learning.
physics-informed neural networks on discrete domains for conservation
laws: Applications to forward and inverse problems,” Comput. Methods
Appl. Mech. Eng., vol. 365, Jun. 2020, Art. no. 113028.
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.
DANG et al.: DENNs FOR SOC ESTIMATION 1000315
Meiqin Liu (Senior Member, IEEE) received the Badong Chen (Senior Member, IEEE) received the
B.E. and Ph.D. degrees in control theory and con- Ph.D. degree in computer science and technology
trol engineering from Central South University, from Tsinghua University, Beijing, China, in 2008.
Changsha, China, in 1994 and 1999, respectively. He is currently a Professor with the Institute of
She was a Post-Doctoral Research Fellow with the Artificial Intelligence and Robotics, Xi’an Jiaotong
Huazhong University of Science and Technology, University, Xi’an, China. He has authored or coau-
Wuhan, China, from 1999 to 2001. She was a thored more than 200 articles in various journals
Visiting Scholar with the University of New Orleans, and conference proceedings. His research interests
New Orleans, LA, USA, from 2008 to 2009. She are in signal processing, machine learning, artificial
was a Professor with the College of Electrical intelligence, and robotics.
Engineering, Zhejiang University, Hangzhou, China, Dr. Chen serves as a Technical Committee Member
from 2001 to 2021. She is currently a Professor with the Institute of for IEEE Signal Processing Society (SPS) Machine Learning for Signal
Artificial Intelligence and Robotics, Xi’an Jiaotong University, Xi’an, China. Processing (MLSP). He has served as a PC or an SPC Member for top-
She has authored more than 200 articles in major journals and international ranked conferences, including Uncertainty in Artificial Intelligence (UAI),
conferences. She has led 16 national or provincial or ministerial projects in IJCAI, and AAAI. He has won the 2022 Outstanding Paper Award of
the past five years, including nine projects funded by the National Natural IEEE T RANSACTIONS ON C OGNITIVE AND D EVELOPMENTAL S YSTEMS.
Science Foundation of China (NSFC). Her work was supported by the He has been selected as the General Co-Chair of 2022 IEEE International
Zhejiang Provincial Natural Science Fund for Distinguished Young Scholars Workshop on Machine Learning for Signal Processing. He serves (or has
in 2010 and by the National Science Fund for Excellent Young Scholars of served) as an Associate Editor for several international journals, including
China in 2012. Her current research interests include theory and application of IEEE T RANSACTIONS ON N EURAL N ETWORKS AND L EARNING S YSTEMS,
artificial intelligence, multisensor networks, information fusion, and nonlinear IEEE T RANSACTIONS ON C OGNITIVE AND D EVELOPMENTAL S YSTEMS,
systems. Neural Networks, and The Journal of the Franklin Institute.
Dr. Liu received the Second Prize of the Science and Technology Award of
Zhejiang Province in 2013 and the First Prize of the Natural Science Award
of Chinese Association of Automation in 2019.
Authorized licensed use limited to: NATIONAL INSTITUTE OF TECHNOLOGY CALICUT. Downloaded on January 05,2024 at 12:43:19 UTC from IEEE Xplore. Restrictions apply.