Next Article in Journal
AI-Driven UAV and IoT Traffic Optimization: Large Language Models for Congestion and Emission Reduction in Smart Cities
Previous Article in Journal
Adaptive Q-Learning Grey Wolf Optimizer for UAV Path Planning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Multi-Timescale Method for State of Charge Estimation for Lithium-Ion Batteries in Electric UAVs Based on Battery Model and Data-Driven Fusion

by
Xiao Cao
and
Li Liu
*
School of Aerospace Engineering, Beijing Institute of Technology, Beijing 100081, China
*
Author to whom correspondence should be addressed.
Drones 2025, 9(4), 247; https://doi.org/10.3390/drones9040247
Submission received: 27 February 2025 / Revised: 20 March 2025 / Accepted: 23 March 2025 / Published: 26 March 2025

Abstract

:
This study focuses on the critical problem of precise state of charge (SOC) estimation for electric unmanned aerial vehicle (UAV) battery systems, addressing a fundamental challenge in enhancing energy management reliability and flight safety. The current data-driven methods require big data and high computational complexity, and model-based methods need high-quality model parameters. To address these challenges, a multi-timescale fusion method that integrates battery model and data-driven technologies for SOC estimation in lithium-ion batteries has been developed. Firstly, under the condition of no data or insufficient data, an adaptive extended Kalman filtering with multi-innovation algorithm (MI-AEKF) is introduced to estimate SOC based on the Thévenin model in a fast timescale. Then, a hybrid bidirectional time convolutional network (BiTCN), bidirectional gated recurrent unit (BiGRU), and attention mechanism (BiTCN-BiGRU-Attention) deep learning model using battery model parameters is used to correct SOC error in a relatively slow timescale. The performance of the proposed model is validated under various dynamic profiles of battery. The results show that the the maximum error (ME), mean absolute error (MAE) and the root mean square error (RMSE) for zero data-driving, insufficient data-driving, and sufficient data-driving under various dynamic conditions are below 2.3%, 1.3% and 1.5%, 0.9%, 0.4% and 0.4%, and 0.6%, 0.3% and 0.3%, respectively, which showcases the robustness and remarkable generalization performance of the proposed method. These findings significantly advance energy management strategies for Li-ion battery systems in UAVs, thereby improving operational efficiency and extending flight endurance.

1. Introduction

Electric unmanned aerial vehicles (UAVs), as an efficient and convenient flight platform, have been widely utilized in military reconnaissance, surveillance, and patrol missions, as well as in civil activities such as aerial photography, mapping, environmental monitoring, and power line inspections [1,2]. Due to their environmental friendliness, high efficiency, ease of operation, and high safety, electric UAVs can reduce the risks associated with manual operations and enhance the performance of mission execution. The widespread adoption of lithium-ion batteries in electric UAV systems is primarily attributed to their exceptional power density properties [3]. For all-electric UAV platforms, which rely exclusively on lithium-ion battery systems, the SOC directly determines operational safety and mission success.
Aimed at planning different missions and optimizing flight performance in electric UAVs, an efficient battery management system (BMS) can not only accurately evaluate the UAV’s ability to complete specific tasks and enhance flight safety but also increase flight duration by optimizing energy management strategies and extending the lifespan of lithium-ion batteries [4]. As one of the main parameters of BMS, SOC reflects the remaining capacity within the battery [5]. In fact, achieving accurate SOC estimation remains challenging due to the inherent dynamic and heterogeneous nature of battery systems, as well as the influence of numerous external environmental and operational factors [6]. Therefore, attaining precision and robustness in the estimation of SOC is crucial for the BMS of electric UAVs.
Currently, there exist two widely utilized conventional methods for SOC estimation in electric UAVs. These include the ampere-hour method and the open-circuit voltage (OCV) method [7,8]. However, obtaining accurate SOC using the ampere-hour method is challenging owing to the inaccuracy of the measuring sensors and the deficiency in mechanisms for feedback correction [9,10]. On the other hand, the OCV method faces significant challenges, including the need for a substantial amount of time to achieve equilibrium conditions for accurate OCV measurements when establishing the SOC–OCV correlation [11,12]. As a result, researchers have developed alternative approaches, such as model-based and data-driven methods, to estimate SOC more effectively.
The model-based approach estimates the SOC by constructing a mathematical relationship between measurable parameters and internal battery states, enabling real-time monitoring and self-correcting capabilities through continuous state estimation. In recent years, the widely used battery models include the electrochemical model and the equivalent circuit model (ECM). The electrochemical model offers a more precise and explicit representation of the intricate chemical reaction process occurring within the battery. However, it has difficulty in estimating SOC online due to its complex mathematical model form and high computational burden [13,14]. The ECM abstracts the intricate electrochemical processes within a battery by representing the equilibrium potential through OCV and modeling polarization phenomena using resistor–capacitor networks [15,16]. The simplification makes it easy for online SOC estimation. Numerous filtering techniques and state observers have been extensively utilized for the estimation of SOC, including the extended Kalman filter (EKF) [17,18,19], unscented Kalman filter (UKF) [20,21], the H ∞ filters [22,23], the proportional-integral observers [24,25], and the particle filter observer (PF) [26,27]. However, the precision of the battery model and the performance of the filter or observer strongly affect the SOC estimation. Furthermore, as the battery ages and its parameters change, the accuracy of SOC estimation continues to decline.
In recent years, data-driven approaches for SOC estimation have garnered considerable attention. In contrast with the model-based methods, it does not need to analyze the internal electrochemical mechanisms of the battery, instead relying solely on the relationship between external input signals and corresponding output responses to estimate SOC through data-driven mapping. Numerous researchers have tried to use data-driven methods to estimate SOC and have obtained remarkable results. Early research investigated the application of multi-layer perceptron (MLP) networks for SOC estimation, but these approaches demonstrated limitations in effectively capturing temporal dependencies within continuous time-series data [28]. To solve this problem, some machine learning methods have been introduced, such as support vector machines (SVMs) [29], long short-term memory (LSTM) [30,31], gated recurrent units (GRUs) [32,33], and convolution neural networks (CNNs) [33], as they can deal with sequential data and capture mapping features. Although the aforementioned methods have demonstrated promising performance in the domain of SOC estimation, the feature extraction capabilities of single machine learning (ML) models remain constrained, limiting their ability to generalize across diverse operating conditions encountered in SOC estimation tasks. To enhance the accuracy and robustness of SOC estimation, researchers propose a hybrid ML model. Bian et al. [34] introduced a novel network architecture combining multi-channel CNN with bidirectional LSTM for SOC estimation. It used multiple CNNs to extract locally characteristics from different channels and then input these features into the bidirectional LSTM layer to capture intercorrelated features and thus sequentially estimate the SOC. Hu et al. [35] developed a TCN-LSTM architecture that demonstrates superior estimation capabilities compared to standalone TCN or LSTM models. Sherkatghanad et al. [36] proposed a CNN-Bi-LSTM framework which demonstrated robust performance in achieving accurate SOC estimations under varying temperature conditions. Given that the training of data-driven model requires high-fidelity and large-sample sets, it is difficult to obtain ideal training set data in noisy real-world applications.
The aforementioned studies for estimating SOC based on the data-driven method have a poor interpretability due to the fact that their decision-making process is a black box. Therefore, some scholars have explored the fusion of data-driven and model-based methods to estimate the SOC. Chen et al. [37] and Tang et al. [38] utilized data-driven and fusion-based methods as ECMs to predict the battery’s terminal voltage, which is then integrated as the observation equation within the EKF framework for SOC estimation. However, these methods concentrate on the development of battery model construction and filter optimization, ignoring the error compensation brought by the models. From another perspective, Wang et al. [39] used a back-propagation neural network (BPNN) to compensate for the model’s estimation error of the dual EKF method, further improving the SOC estimation precision. However, the parameter identification for DEKF requires high computational complexity and precision. Hou et al. [40] employed the model’s error from the EKF as the input signals, and the SOC was estimated by the eXtreme gradient boosting model (XGBoost), which is used to compensate the estimation error of the model-based method. However, this method relied on data to correct the model due to the simplicity of the battery model. To reduce data dependence, Oh et al. [41] utilized an electrochemical–thermal model to estimate the SOC under insufficient data, and the model results were used for training neural network models to supplement SOC estimation errors. However, the above studies relied heavily on model data to correct the SOC estimation, and the ML method could not be explored in depth due to the need for the related features to compensate the estimation errors.
Due to the challenges faced by SOC estimation for lithium-ion batteries in electric UAVs in practical applications, such as changes in model parameters, fragmented data collection, and the impact of environmental factors on state estimation, a multi-timescale fusion method that integrates a battery model with time memory and a data-driven model trained on post-run data is proposed in this paper. The method, in different timescales, is based on the model-based method and supplemented by the data-driven model. Under the assumption that the test data are insufficient, or even zero, the model-based method is used to estimate the initial SOC with high accuracy in a fast timescale and has excellent interpretability. Then, a BiTCN-BIGRU-Attention model is adopted to correct the SOC estimation error in a relatively slow timescale. Accurate SOC estimation for lithium-ion batteries is achieved across diverse dynamic operating conditions. The main contributions of this work are summarized as follows:
(1) A multi-timescale fusion-based method is introduced to enhance the precision of SOC estimation for lithium-ion batteries in electric UAVs. The proposed method can quickly and accurately estimate the SOC when cycle data are insufficient and correct the SOC estimation error in a relatively slow timescale without adding additional data.
(2) The proposed framework is grounded in a model-based approach and supplemented by a data-driven model operating in different timescales. The initial SOC estimation is obtained by Thévenin ECM and the multi-innovation AEKF (MI-AEKF) algorithm in a fast timescale, and the SOC error correction is obtained by the BiTCN-BIGRU-Attention model in a slow timescale. Integrating both two parts improves the interpretability of the model and reduces the computational burden.
(3) By using multi-history information, the MI-AEKF algorithm can not only reduce error accumulation but also increase noise adaptability, enabling rapid and accurate estimation of the initial SOC in a fast timescale when cycle data are insufficient.
(4) By fusing BiTCN, BiGRU, and the attention mechanism model, the problems of insufficient long-term dependency learning ability in the single BiTCN model and the computational and memory burden of the single BiGRU model are solved, and its performance is optimized by the attention mechanism.
The remainder of this paper is presented as follows: Section 2 introduces the multi-timescale method framework, the Thévenin equivalent circuit model, the MI-AEKF method, and the BiTCN-BIGRU-Attention model. The battery datasets and estimation settings are described Section 3. In Section 4, the performance of the proposed method is thoroughly analyzed and discussed. Finally, the conclusions are presented in Section 5.

2. Multi-Timescale Method

2.1. Architecture of the Method

The architecture of the multi-timescale method is composed of two components—the fast-timescale initial SOC estimation and the slow=timescale SOC error compensation—as indicated in Figure 1. Firstly, under the condition where the battery data are insufficient or entirely absent, the model-based method is employed for high-frequency and accurate SOC estimation in electric UAVs. The voltage, current, and temperature data obtained from the electric UAV mission flight are entered into the fast-timescale battery model, and the parameters of the Thévenin equivalent circuit model are identified through the data. Next, the initial SOC is rapidly estimated through the MI-AEKF method, referred to as S O C ¯ ( t , l ) . Due to errors, such as in model parameter identification and model variation, the SOC estimation is inaccurate. To compensate for the estimation error, the parameter matrix A = U ( t ) I ( t ) T ( t ) U o c v U ( t ) e r r o r S O C ( t ) S O C ( t 1 ) R 0 R p C p derived from the battery model operating cycle under the mission profile is incorporated into the BiTCN-BIGRU-Attention model for training, enabling error correction through the robust non-linear processing capabilities inherent in the data-driven model. In order to reduce the data acquisition and storage of the operating cycle and minimize the training amount and difficulty of the data-driven model, a relatively slow timescale is adopted to compensate the SOC estimation and further improve the SOC estimation accuracy, named S O C ( t , L ) e r r o r . Therefore, the corrected SOC estimation is expressed as follows:
S O C ( t ) = S O C ¯ ( t , l ) + S O C ( t , L ) e r r o r
where S O C ( t ) is the SOC estimation of the proposed method, S O C ¯ ( t , l ) denotes the initial estimation results obtained by the battery model, S O C ( t , L ) e r r o r is the corrected error value by the BiTCN-BIGRU-Attention model, and the subscript l 1 , , L and L are the fast timescale and slow timescale, respectively. When the intermediate compensation value of the slow timescale is needed, it can be obtained by the interpolation function.

2.2. Battery Model

In order to accurately obtain lithium-ion battery information and realize battery state estimation, a Thévenin model is chosen in this study. The model is widely used due to its high accuracy in voltage dynamics, static characteristic, and low complexity. Its circuit structure is shown in Figure 2. Based on Kirchhoff’s circuit theory, the ECM for the lithium-ion battery is formulated using the state and observation equations as follows:
d S O C d t = η I b Q b d U p d t = U p R p C p + I b C p U t = U o c v ( S O C ) U p R 0 I b
where I b is the working current for the battery, the discharge direction of which is positive; η is the coulomb efficiency coefficient; Q b is the nominal capacity of the battery; R p and C p are the polarization resistance and polarization capacitance in the battery ECM, respectively; U p represents the terminal voltage across the battery polarization capacitor C p in the ECM; R 0 is the ohmic resistance; U t is the battery terminal voltage; and U o c v is the OCV, demonstrating a strictly monotonic non-linear dependence on the battery’s SOC.
Considering that the battery model parameters change slowly during operation, the state and measurement equations of the battery model are discretized as follows:
S O C k U p , k = 1 0 0 e T s / R p C p S O C k 1 U p , k 1 + η T s / Q b R p ( 1 e T s / R p C p ) I b , k 1
U t , k = U o c v ( S O C k ) U p , k R 0 I b , k
where the subscript k is the sampling interval, and T s is the sampling time.

2.3. SOC Estimation Based on the MI-AEKF

Because of the non-linear functional relationship between U o c v and SOC, EKF is employed to address the non-linear characteristics of the battery model. This method extends the conventional KF through first-order Taylor expansion of both state and measurement functions, thereby achieving local linearization of the non-linear system. The dicretized state-space equations can be expressed as follows:
x k = f x k 1 , I b , k 1 + w k 1 U t , k = g x k , I b , k + ν k
where f and g are the state non-linear and measurement non-linear function, respectively; x k = [ S O C k U p , k ] T is the state variable of the battery model; w k 1 N ( 0 , Q ) and ν k N ( 0 , R ) represent the covariance matrices of the Gaussian process noise and Gaussian measurement noise, respectively. Q and R represent the process noise covariance matrix and measurement noise covariance matrix, respectively.
The SOC estimation based on EKF iterates according to the following steps:
Step1: State one-step prediction
x ^ k / k 1 = f x ^ k 1 , I b , k 1 + ω k 1
where x ^ k / k 1 is the state variable predicted at time k; x ^ k 1 is the corrected state variable.
Step2: Error covariance prediction
P k / k 1 = ϕ k 1 P k 1 ϕ k 1 T + Q k 1
where P k / k 1 represents the predicted error covariance at time step k in the estimation process. P k 1 represents the posterior error covariance after correction, and ϕ denotes the Jacobian matrix of the state transition function f.
Step3: Calculate the Kalman gain
K k = P k / k 1 H k T H k P k / k 1 H k T + R k 1
where H represents the Jacobian matrix of the measurement function g in the observation model.
Step4: Status update
x ^ k = x ^ k / k 1 + K k U t , k g x ^ k / k 1 , I b , k
Step5: Error covariance update
P k = I K k H k P k / k 1
where I is the identity matrix.
For a non-linear SOC estimation, the above traditional EKF uses k 1 moment state information to update the state variables of the system. Inaccurate state information will decrease the estimation accuracy of EKF. Therefore, the observed value of the error information is defined as follows:
e k = U t , k g x ^ k / k 1 , I b , k
where e k is the information error at time k.
However, the use of the information error e k alone at time k may greatly increase the error in the SOC estimation. In order to make full use of the past effective error information, the single-state error information is extended to a multi-information vector, which can be expressed as follows:
E j , k = e k e k 1 e k j + 1 = U t , k g x ^ k / k 1 , I b , k U t 1 , k 1 g x ^ k 1 / k 2 , I b , k 1 U t j + 1 , k j + 1 g x ^ k j + 1 / k j , I b , k j + 1
where the subscript j is the length of the extending information at time k, and e k j + 1 is the information error at time k j + 1 , which is used to correct the current error. In addition, the Kalman gain at time k is extended as follows:
K j , k = K k K k 1 K k j + 1
Therefore, the state update of Equation (9) based on multi-innovation can be represented as follows:
x ^ k = x ^ k / k 1 + C m K j , k E j , k
where C m = c k c k 1 c k j + 1 T is the weight coefficient matrix for multi-information vector. For the state update x ^ k at time k, the influence of error information in the extending information vector E j , k on the state update varies. The closer the error information is to time k, the larger the weight coefficient will be. For example, if the length of the error information is taken as j = 3 , and the weight coefficient matrix is taken as C m = 0.95 0.5 0.1 T , then the state update is represented as follows: x ^ k = x ^ k / k 1 + 0.95 K k e k + 0.5 K k 1 e k 1 + 0.1 K k 2 e k 2 .
Inaccurate covariance R affects the filtering result by updating the Kalman gain K k , which, in turn, causes a decrease in SOC estimation accuracy. In order to improve the performance of SOC estimation, an adaptive noise method is used in this paper. According to [42], the adaptive covariance R ^ k is expressed as follows:
R ^ k = ( 1 d k ) R ^ k 1 + d k D k , e i g ( D k ) > 0 ( 1 d k ) R ^ k 1 + d k ( e k e k T ) , e i g ( D k ) 0
where D k = e k e k T H k P k / k 1 H k T is the filter stability prediction matrix, and e i g is the eigenvalue of the matrix d k = ( 1 b ) / ( 1 b k + 1 ) , where b 0 , 1 is the forgetting factor and is suggested as the value of 0.95∼0.99.
To sum up, the MI-AEKF is applied to initially estimate the SOC using Equations (6)–(15), and its implementation process is shown in Algorithm 1.
Algorithm 1 The algorithmic procedure of MI-AEKF for SOC estimation
  1:
Initialize k = 0 , initialize state vector x ^ 0 = E ( x 0 ) , initialize covariance P 0 = E x x ^ 0 x x ^ 0 T ;
  2:
Iterative calculation: while K ≤ threshold:
  3:
State one-step prediction: x ^ k / k 1 = f x ^ k 1 , I b , k 1 + ω k 1
  4:
Error covariance prediction: P k / k 1 = ϕ k 1 P k 1 ϕ k 1 T + Q k 1
  5:
Calculate the Kalman gain: K k = P k / k 1 C k T H k P k / k 1 H k T + R ^ k 1
  6:
Multi-innovation error and Kalman gain matrix:
E j , k = e k e k 1 e k j 1 = U t , k g x ^ k / k 1 , I b , k U t 1 , k 1 g x ^ k 1 / k 2 , I b , k 1 U t j + 1 , k j + 1 g x ^ k j + 1 / k j , I b , k j + 1 K j , k = K k K k 1 K k j + 1
  7:
Status update: x ^ k = x ^ k / k 1 + C m K j , k E j , k
  8:
Error covariance update: P k = I K k H k P k / k 1
 
  9:
Adaptive covariance R ^ k update:
R ^ k = ( 1 d k ) R ^ k 1 + d k D k , e i g ( D k ) > 0 ( 1 d k ) R ^ k 1 + d k ( e k e k T ) , e i g ( D k ) 0
10:
Prepare for the next moment: x k = x ^ k , k = k + 1

2.4. Data-Driven Model for SOC Error Correction

The SOC error correction is based on the BiTCN-BiGRU-Attention architecture for feature extraction of the input data. The following describes the specific process of SOC error correction from three aspects: input data, internal network, and output layer. Figure 3 illustrates the overall structure for SOC error correction. Firstly, the input data are from model parameters and EFK’s first estimate of SOC. Next, the dimension transformation of the input features is extracted through the BiTCN layer. Then, the BiTCN layer’s output is learned and weighted through the BiGRU and attention layers. In addition, the flatten and dropout layers are used to prevent overfitting. Finally, the SOC error correction is predicted by the output layer.

2.4.1. Structure of the BiTCN

The one-dimensional convolutional neural network (1D-CNN) architecture, an adaptation of conventional CNN frameworks, has proven particularly effective for feature representation learning in sequential data analysis. As an improved form of traditional 1D-CNN, TCN, proposed by Bai et al. [43], is a convolution model that has significant advantages in sequence modeling tasks. The one-dimensional CNN can perform local feature extraction, while TCNs extend to capture long-range features. Furthermore, TCNs’ architecture integrates three fundamental components—causal convolutions for temporal dependency preservation, dilated convolutions for extended receptive fields, and residual connections for enhanced gradient flow—collectively enabling effective extraction of both local and global temporal patterns. The mathematical formula of the TCNs is as follows:
G t = f X ( t ) , X ( t 1 ) , , X t N + 1
where G t is the system output at time step t, X ( t ) = [ x 1 , x 2 , , x t ] represents the corresponding input vector at the same temporal instance, and N represents the receptive field size, which determines the range of dependencies.
The incorporation of dilated convolutions in TCNs’ architecture enables efficient modeling of long-range temporal dependencies while maintaining computational efficiency through parameter conservation. This architectural framework has been extended to the bidirectional TCN (BiTCN), which implements parallel processing through dual TCN modules operating in complementary temporal directions—forward and backward sequence analysis—as shown in Figure 4. The BiTCN model, by integrating bidirectional information, deeply extracts the features of the input sequence and enhances the robustness of the model. The mathematical representation of the BiTCN is presented below:
G t = C G t , G t
where G is the forward direction of the input sequence, while G represents the backward direction and C ( . ) represents the fusion concatenation operation of the encoding information from both forward and backward directions.

2.4.2. Structure of the BiGRU

GRUs have emerged as a prominent architecture in sequential data processing tasks due to their ability to selectively retain and forget information, avoiding the gradient disappearance problem encountered by traditional RNNs. Their structure introduces an update gate and a reset gate. The update gate merges the forget gate and input gate of LSTM, which can simplify the structure and improve the performance. Meanwhile, the reset gate can control the degree of forgetting of historical information. By incorporating gating mechanisms, GRUs effectively learn sequential tasks, and their mathmatical formulation is as follows:
v t = σ W z h t 1 , x t r t = σ W r h t 1 , x t h ˜ t = tanh W w r t h t 1 , x t h t = ( 1 v t ) h t 1 + v t h ˜ t
where v t is the update gate; r t is the reset gate; σ ( . ) is the activation function; W z , W r , and W w represent the weight matrix coefficients; x t denotes the input information; h t 1 is output state of the previous time step; h ˜ t is the current hidden state information; and h t indicates the current output value.
The bidirectional GRU (BiGRU) architecture extends the conventional GRU framework through the integration of dual processing layers—a forward-oriented GRU layer for standard sequence analysis, and a reverse-oriented GRU layer for complementary temporal pattern extraction—as shown in Figure 5. This bidirectional configuration facilitates comprehensive sequence understanding by simultaneously capturing both past and future contextual information. The mathematical equation is expressed as follows:
h t b i = h t f , h t b
where h t f and h t b are the forward GRU and the backward GRU, respectively.

2.4.3. Attention Mechanism

Recognizing the inherent limitations of the BiGRU in modeling extended temporal sequences, which may compromise the precision of SOC estimation, an attention mechanism is incorporated subsequently into the BiGRU layer. This architectural enhancement processes the hidden state representations from the BiGRU, thereby improving the model’s predictive accuracy and temporal dependency capture.
The attention mechanism dynamically reallocates weights to input features based on their relative significance, enabling the model to efficiently process extensive hidden layer representations and identify critical information for learning. This adaptive weighting process enhances model performance and generalization capabilities by focusing computational resources on the most relevant input features, with the degree of relevance quantified through attention scores. The attention weights are computed through the softmax activation function, followed by output evaluation using the hyperbolic tangent (tanh) activation function to ensure appropriate value normalization. Therefore, the attention mechanism can be mathematically expressed as follows:
s c o r e ( h ˜ t , h s ) = W , h ˜ t , h s a t = exp s c o r e ( h ˜ t , h s ) s s c o r e ( h ˜ t , h s ) c t = s a t h s n t = tanh W c c t ; h ˜ t
where h ˜ t is the output information of the previous hidden layer, W is the learnable weight, a t represents the computed attention score for historical information, c t denotes the weighted combination of multiple attention scores through fusion operations, W c is the weight coefficient, and n t is the output.

3. SOC Estimation Discription

3.1. Battery Dataset

To verify the accuracy and feasibility of the proposed method, we adopt the Panasonic NCR 18650PF lithium-ion battery, which is a high-performance lithium-ion battery suitable for electric UAVs. The specific parameters of the battery are listed in Table 1. Due to the fact that electric UAVs and electric vehicles (EVs) both involve multi-stage task execution, the typical mission profile of a UAV includes takeoff, cruise, mission execution, and return, while the mission profile of an EV involves driving under various types of road conditions. Both types of mission profile require accurate estimation of the lithium-ion battery SOC. Given that electric vehicles (EVs) have established a series of standard test mission profiles, this paper selects nine mission profiles of EVs to approximate the tasks of electric UAVs. These profiles are the US06 Supplemental FTP Driving Schedule (US06), the Urban Dynamometer Driving Schedule (UDDS), the Highway Fuel Economy Driving Schedule (HWFET), the LA92 Dynamometer Driving Schedule (LA92), Cycle 1, Cycle 2, Cycle 3, Cycle 4, and Neural Network (NN). The specific mission profiles were measured by Dr. Phillip Kollmeyer at the McMaster University [44]. Furthermore, the nine drive cycles were tested under five different testing temperature conditions: 20 °C, 10 °C, 0 °C, 10 °C, and 25 °C. In this paper, four temperature conditions ( 10 °C, 0 °C, 10 °C) from the dataset were used, while zero, two (Cycle 1–2), four (Cycle 1–4), or five drive cycles (Cycle 1–4 and NN) were utilized for model training, respectively, and four drive cycles (US06, HFWET, UDDS, and LA92) were used for model testing.

3.2. Parameter Identification and Setting

The ECM parameters used in the process of estimating S O C ¯ or SOC the using model-based method are identified by the recursive least squares with the forgetting factor (FFRLS) algorithm in this paper. The sampled current and voltage are used as the inputs, and the outputs are the T h e v e n i n model parameters. The sampling time in the fast timescale is 0.1 s for the Panasonic NCR 18650PF battery. The identification results of FFRLS algorithm and the T h e v e n i n model parameters under the 25 °C Hybrid PulsePower Characteristic (HPPC) dynamic profile are shown in Figure 6 and Figure 7. It can be seen from Figure 6a,b that the errors of terminal voltage using FFRLS are basically within ± 0.05 V, which indicates the feasibility and accuracy of the identification method. As shown in Figure 7a–d, a polynomial fitting is performed on the mapping from the U o c v , R 0 , R p , and C p to SOC to establish the corresponding relationship for use in the subsequent SOC estimation process.
The experimental setup involves a fast timescale l = 0.1 s for the MI-AEKF and a slow timescale L = 3 s for the BiTCN-BiGRU-Attention model. The average method is used to process the parameter matrix A = [ U ( t ) I ( t ) T ( t ) U o c v U ( t ) e r r o r S O C ( t ) S O C ( t 1 ) R 0 R p C p ] from the fast timescale to the slow timescale, where the parameter matrix needs to normalize before being input into the BiTCN-BiGRU-Attention model. For the MI-AEKF, we utilize a multi-information length j = 10 and the forgetting factor b of 0.99. For the BiTCN-BiGRU-Attention, an Adam optimizer is employed during the model training process with a learning rate (lr) of 1 × 10 3 . Training hyperparameters of maximum training epoch and batch size are set to 120 and 64, respectively. In the BiTCN, we employ 64 filters with a kernel size set to 3 for positive and inverse residual units. For the BiGRU, we use 128 positive and inverse residual units. A dropout rate of 0.1 is applied to the outputs of the hybrid model.

3.3. Performance Index

In order to assess the effectiveness of the proposed method, the maximum error (ME), mean absolute error (MAE) and the root mean square error (RMSE) are utilized to quantify the accuracy of the SOC estimation and are mathematically defined as follows:
M E = max 1 i n ( y i y ^ i )
M A E = 1 n i = 1 n y i y ^ i
R M S E = 1 n i = 1 n y i y ^ i 2
where y i and y ^ i are the actual and estimated SOC values, respectively; and n is the size of the samples to be evaluated in the dataset.

4. Results and Discussion

4.1. Estimation Results Using MI-AEKF

Figure 8 shows the fast-timescale SOC estimation performance of the proposed MI-AEKF across various dynamic operating conditions. The sampling time of the fast timescale adopted by the MI-AEKF method is 0.1 s. Moreover, to effectively utilize previous data for SOC estimation, the innovation length is selected as 10. The results show that the proposed method achieves an RMSE under 1.5% and an ME within ± 2.5 % . It can be seen that the proposed method can achieve perfect performance under different mission conditions by using the MI-AEKF method without battery cycle data. The multi-innovation error from the AEKF can be fully utilized and ultimately achieve precise SOC estimation.
A comprehensive comparison of three critical performance metrics under various dynamic operating conditions is shown in Table 2. The LA92 profile shows the highest error, with an ME of 2.27%, and an MAE and RMSE of 1.23% and 1.41%, respectively. This can be attributed to the highest number of charge and discharge fluctuations resulting in the largest SOC error accumulation. The same situation happens in the UDDS, which has an estimation error with an ME of 1.91%, an MAE of 1.1%, and an RMSE of 1.19%, respectively. This is due to the MI-EKF method only taking the battery model into account for fast-timescale SOC estimation, while the three performance indicators are still ultimately maintained below 2.5%. In addition, Figure 6 shows that the proposed method’s estimation error increases gradually under different dynamic profiles, notably in the low-SOC region, owing to inaccuracies in the identified model parameters. Therefore, it is necessary to compensate for SOC estimation error when using a data-driven model.

4.2. Comparison of Different Data-Driven Models on SOC Error Correction

To assess the impact of data-driven modeling methods on SOC error correction, a comprehensive comparative analysis is employed for comparative analysis, including the backpropagation (BP) neural network, LSTM, gated recurrent unit (GRUs), relevance vector machine (RVM), TCN, and Transformer-LSTM. The four cycles and 1 NN conditions are used as the training and validation datasets, respectively, and both input and output parameters are consistent with the BiTCN-BiGRU-Attention model in the proposed methodology. Figure 9 illustrates the comparative performance metrics of various models evaluated on the NN validation dataset. Within a small value of SOC correction, the BiTCN-BiGRU-Attention model demonstrates the best performance, followed by the TCN, RVM, GRU, Transformer-LSTM, and LSTM, while the BP performs the worst, with an ME of 9.56%, an MAE of 1.26%, and an RMSE of 2.11%. The results show that the BiTCN-BiGRU-Attention, the TCN, the RVM, and the GRU can accurately compensate SOC estimation error. However, the RVM can better compensate for SOC errors in the case of sparse data, but it is inefficient in handling large-scale data and is actually unable to process large-scale data. The TCN can correct SOC error by capturing local dependencies within the battery through convolutional networks, but it operates within a local receptive field and is not as effective as GRU, RVM, and LSTM in handling long-term dependencies, resulting in an ME of 6.15%. The GRU has high computational efficiency with fewer model parameters, particularly in the prediction of small datasets with SOC correction, and it outperforms LSTM. The results of its RMSE of 1.85% and ME of 4.15% are both better than those of LSTM. However, it is less capable of handling the complex internal dependencies of the battery compared to LSTM, resulting in its MAE value being lower than that of LSTM. The BiTCN-BiGRU-Attention method integrates the local capturing ability of TCN for the internal dependencies of the battery and the time series prediction ability of GRU. Through BiTCN, BiGRU, and Attention, it enhances the capturing ability for the internal relationships of SOC correction and the prediction ability for time series. Its SOC correction ability is the best among the seven above-mentioned models. Therefore, the BiTCN-BiGRU-Attention model is used for SOC correction in this paper.

4.3. SOC Estimation Using Fusion Model

In this section, the proposed multi-timescale fusion model is evaluated alongside several estimation methods. In the comparison models, there are model-based methods such as the AEKF and unscented Kalman filter (UKF), traditional machine learning methods such as RVM and random forest (RF), and popular deep learning algorithms such as LSTM and GRU. The timescales and parameters of all data-driven models are consistent, where the sampling times of fast and slow timescales are 0.1 s and 3 s, respectively. The battery model and parameter identification of the AEKF and UKF are the same as the proposed method in fast-timescale estimation models, and only the SOC estimation algorithm is different. The current, voltage, average current, and average voltage are used as the inputs for machine learning and deep learning methods, and the output is SOC. With the exception of the AEKF and UKF, other comparison models are trained with the insufficient datasets (Cycle 1–2) and sufficient datasets (Cycle 1–4 and NN) at 25 °C to assess the performance of SOC estimation methods.
Figure 10 shows the SOC estimation results for UDDS and LA92 by different models under insufficient data-driven cycles. UDDS and LA92, with the largest SOC error in the fast timescale (see Figure 8), are selected to evaluate the estimation effect of different models. It can be see from Table 3 and Table 4 that the two machine learning models—RF and RVM—under insufficient data-driven conditions have the worst performance, with large error fluctuations, and an ME of more than 13%. Similarly, the performance of the deep learning methods—LSTM and GRU—is poor, and the RMSE and MAE are also at high levels. This may be due to overfitting between the time-history information of the model training and the SOC. Compared to data-driven methods, the model-based methods—AEKF and UKF—have a relatively high estimation accuracy under insufficient data-driven conditions, with an MAE and RMSE below 2%. The proposed fusion method, which has the best performance, can partially compensate SOC estimation error on the basis of fast and accurate S O C ¯ ( l ) estimation by the MI-AEKF model-based method. The results include an ME of 0.71%, an MAE of 0.33%, and an RMSE of 0.37% under UDDS driving conditions, and an ME of 0.88%, an MAE of 0.31%, and an RMSE of 0.38% under LA92 driving conditions.
The SOC estimation results for UDDS and LA92 under sufficient data-driven cycles are presented in Figure 11. Sufficiently data-driven models estimate closer to the SOC reference value than those under conditions of data insufficiency, showing significant improvement in three performance indexes. Compared with the conventional model-based methods of AEKF and UKF, most data-driven methods—excluding the RF method—show better performance for ME, while the MAE and RMSE have a poor performance. This may be caused by the fact that data-driven methods such as LSTM, GRU, and RVM have more powerful non-linear processing abilities to reduce the ME, while the MAE and RMSE are high due to the limited lithium-ion battery operation data in data-driven training sets and the low-timescale processing of the data. However, the proposed fusion method can obtain a good SOC compensation effect in small sufficiently data-driven sets. This can be attributed to the deep architecture and the long-term dependency learning ability of the proposed SOC estimation error compensation model. The performance of the proposed fusion method in Figure 11 and Table 3 and Table 4 shows higher estimation accuracy, which illustrates its superiority and robustness under UDDS and LA92 driving conditions.
In summary, the estimation error distributions of the proposed model under three data-driven conditions are depicted using box plots in Figure 12. It is clearly shown that the SOC estimation errors of the proposed method, when using only the MI-AEKF model, are mostly higher than the average values by 1.04% and 1.14% under UDDS and LA92 operating conditions, respectively. Moreover, the fluctuations in the SOC estimation error are relatively large. Under insufficiently data-driven conditions, the average error distributions of the UDDS and LA92 when using the fusion model are significantly reduced compared to the case using the MI-AEKF model only, with values of 0.34% and 0.29%, respectively. Although the estimation error is still above the average, the error values are more concentrated and the fluctuations are reduced. Under sufficiently data-driven conditions, the SOC estimation errors are lower than the average values by 0.2% and 0.23% under UDDS and LA92 operating conditions, respectively, which indicates that the majority of the SOC estimates are close to the true SOC values. Furthermore, the errors for the UDDS and LA92 conditions decrease between the MI-AEKF model and the sufficiently data-driven model due to the increased accuracy of the SOC error correction as the data cycle increases. The results show that the average error distributions under model-based conditions, insufficient conditions, and sufficient conditions are below 1.2%, illustrateing the superiority and robustness of the proposed method in SOC estimation across various dynamic operating profiles.

4.4. Performance Different Temperature Conditions

The SOC estimation of lithium-ion batteries can be influenced by external environmental factors, especially temperature. Therefore, accurate SOC estimation becomes critical under different temperature conditions. A comparison of the estimation performance of the proposed fusion method with that of the model-based methods (AEKF and UKF) and the data-driven approaches (RF, RVM, LSTM, and GRU) across different temperature conditions is analyzed in this section. In the fusion model, the SOC estimation error is incorporated into the BiTCN-BiGRU-Attention model for training in the slow timescale, which not only reduces the complexity of the battery model in fast-timescale initial SOC estimation but also achieves accurate error compensation. The model-based methods use the same battery model and parameters as the proposed method to estimate SOC on a fast timescale. The temperature, current, voltage, average current, and average voltage are used as inputs to the data-driven models, and the output is the SOC at different temperatures. Two driving conditions are used to reflect the models’ performance at different ambient temperatures, specifically driving in the UDDS for training at an environment of 10 °C, 10 °C, and 25 °C, and testing at 0 °C for the UDDS and US06.
The comparison of estimation performance and error distribution at 0 °C are presented in Figure 13. Operating under the same UDDS conditions, the data-driven methods have the worst performance in SOC estimation, especially the RF, with an error distribution of more than 10%; this may due to overfitting of the models under insufficiently data-driven conditions at different temperatures. Followed by the data-driven methods, the performance of the model-based methods AEKF and UKF was also poor without increasing the complexity of the model, with an ME of more than 5%. The proposed fusion method has the best performance, with an ME of 0.87%, an MAE of 0.43%, and an RMSE of 0.48%. Under the US06 conditions, the estimation performance is worse than it is under the UDDS conditions due to a lack of error compensation information. However, the proposed fusion method can accurately estimate the SOC, with both the MAE and RMSE being less than 1%. The results show that the proposed method has good robustness and accuracy in SOC estimation at different ambient temperatures.

5. Conclusions

In this study, a multi-timescale fusion method for SOC estimation in electric UAVs is proposed that integrates a battery model and data-driven technologies at different timescales. Firstly, the SOC is quickly estimated by the model-based method MI-AEKF in a fast timescale. In addition, the estimation error is corrected by the hybrid BiTCN-BiGRU-Attention model in a relatively slow timescale. Consequently, it achieves high accuracy and robust estimation for lithium-ion battery SOC under the three conditions of zero data, insufficient data, and sufficient data, respectively.
To validate the efficacy of the proposed methodology, a publicly available dataset with rich mission profiles is used. The results show that the ME, MAE, and RMSE for zero data, insufficient data, and sufficient data under various dynamic conditions, respectively, are as follows: below 2.3%, 1.3%, and 1.5%; below 0.9%, 0.4%, and 0.4%; and below 0.6%, 0.3% and 0.3%. The proposed fusion approach, which combines the ECM and data-driven model, demonstrates superior estimation accuracy in dealing with different cycle data, temperature changes, and complex mission conditions, and has exceptional generalizability.
Compared with other methods, the proposed fusion method not only achieves higher accuracy in SOC estimation, but also provides reliability and practical value for the use of lithium-ion batteries in electric UAVs. However, it should be noted that this study does not analyze the effects of battery life attenuation and the state of health. Therefore, it is necessary for future research to incorporate these factors into this algorithm and realize its application at the hardware level of the BMS for electric UAVs.

Author Contributions

Conceptualization, L.L.; Methodology, X.C.; Software, X.C.; Validation, X.C.; Formal analysis, X.C.; Investigation, X.C.; Resources, X.C.; Data curation, X.C.; Writing—original draft, X.C.; Writing—review & editing, L.L.; Supervision, L.L.; Project administration, L.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The original contributions presented in this study are included in the article. Further inquiries can be directed to the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Cheng, W.; Yi, Z.; Liang, J.; Song, Y.; Liu, D. An SOC and SOP joint estimation method of lithium-ion batteries in unmanned aerial vehicles. In Proceedings of the 2020 International Conference on Sensing, Measurement & Data Analytics in the era of Artificial Intelligence (ICSMD), Xi’an, China, 15–17 October 2020; pp. 247–252. [Google Scholar]
  2. Shuaibu, A.S.; Mahmoud, A.S.; Sheltami, T.R. A Review of Last-Mile Delivery Optimization: Strategies, Technologies, Drone Integration, and Future Trends. Drones 2025, 9, 158. [Google Scholar] [CrossRef]
  3. Monirul, I.M.; Qiu, L.; Ruby, R. Accurate state of charge estimation for UAV-centric lithium-ion batteries using customized unscented Kalman filter. J. Energy Storage 2025, 107, 114955. [Google Scholar] [CrossRef]
  4. Tian, W.; Liu, L.; Zhang, X.; Shao, J. Flight trajectory and energy management coupled optimization for hybrid electric UAVs with adaptive sequential convex programming method. Appl. Energy 2024, 364, 123166. [Google Scholar] [CrossRef]
  5. Uhm, T.; Kim, S. State-of-charge estimation for remaining flying time prediction of small UAV using adaptive robust extended Kalman filter. IEEE Trans. Aerosp. Electron. Syst. 2024, 61, 959–977. [Google Scholar] [CrossRef]
  6. Shibl, M.M.; Ismail, L.S.; Massoud, A.M. A machine learning-based battery management system for state-of-charge prediction and state-of-health estimation for unmanned aerial vehicles. J. Energy Storage 2023, 66, 107380. [Google Scholar] [CrossRef]
  7. Piller, S.; Perrin, M.; Jossen, A. Methods for state-of-charge determination and their applications. J. Power Sources 2001, 96, 113–120. [Google Scholar] [CrossRef]
  8. Chen, B.; Jiang, H.; Chen, X.; Li, H. Robust state-of-charge estimation for lithium-ion batteries based on an improved gas-liquid dynamics model. Energy 2022, 238, 122008. [Google Scholar] [CrossRef]
  9. Yang, N.; Zhang, X.; Li, G. State of charge estimation for pulse discharge of a LiFePO4 battery by a revised Ah counting. Electrochim. Acta 2015, 151, 63–71. [Google Scholar] [CrossRef]
  10. Sun, L.; Li, G.; You, F. Combined internal resistance and state-of-charge estimation of lithium-ion battery based on extended state observer. Renew. Sustain. Energy Rev. 2020, 131, 109994. [Google Scholar] [CrossRef]
  11. Petzl, M.; Danzer, M.A. Advancements in OCV measurement and analysis for lithium-ion batteries. IEEE Trans. Energy Convers. 2013, 28, 675–681. [Google Scholar] [CrossRef]
  12. Zhou, W.; Zheng, Y.; Pan, Z.; Lu, Q. Review on the battery model and SOC estimation method. Processes 2021, 9, 1685. [Google Scholar] [CrossRef]
  13. Li, H.; Zhang, W.; Yang, X.; Jiang, H.; Wang, Y.; Yang, T.; Chen, L.; Shen, H. State of charge estimation for lithium-ion battery using an electrochemical model based on electrical double layer effect. Electrochim. Acta 2019, 326, 134966. [Google Scholar] [CrossRef]
  14. Xu, Z.; Wang, J.; Lund, P.D.; Zhang, Y. Co-estimating the state of charge and health of lithium batteries through combining a minimalist electrochemical model and an equivalent circuit model. Energy 2022, 240, 122815. [Google Scholar] [CrossRef]
  15. Lai, X.; Wang, S.; Ma, S.; Xie, J.; Zheng, Y. Parameter sensitivity analysis and simplification of equivalent circuit model for the state of charge of lithium-ion batteries. Electrochim. Acta 2020, 330, 135239. [Google Scholar] [CrossRef]
  16. Kuipers, M.; Schröer, P.; Nemeth, T.; Zappen, H.; Blömeke, A.; Sauer, D.U. An algorithm for an online electrochemical impedance spectroscopy and battery parameter estimation: Development, verification and validation. J. Energy Storage 2020, 30, 101517. [Google Scholar] [CrossRef]
  17. Zhao, X.; Sun, B.; Zhang, W.; He, X.; Ma, S.; Zhang, J.; Liu, X. Error theory study on EKF-based SOC and effective error estimation strategy for Li-ion batteries. Appl. Energy 2024, 353, 121992. [Google Scholar] [CrossRef]
  18. Zhu, C.; Wang, S.; Yu, C.; Zhou, H.; Fernandez, C.; Guerrero, J.M. An improved Cauchy robust correction-sage Husa extended Kalman filtering algorithm for high-precision SOC estimation of Lithium-ion batteries in new energy vehicles. J. Energy Storage 2024, 88, 111552. [Google Scholar] [CrossRef]
  19. Lv, H.; Liao, Y.; Zhao, C.; Shang, X.; Zhang, F. State of charge estimation of lithium-titanate battery based on multi-model extended Kalman filter considering temperature and current rate. J. Energy Storage 2024, 77, 109890. [Google Scholar] [CrossRef]
  20. Wang, J.; Song, J.; Li, Y.; Ren, T.; Yang, Z. State of charge estimation for lithium-ion battery based on improved online parameters identification and adaptive square root unscented Kalman filter. J. Energy Storage 2024, 77, 109977. [Google Scholar] [CrossRef]
  21. Hosseininasab, S.; Momtaheni, N.; Pischinger, S.; Günther, M.; Bauer, L. State-of-charge estimation of Lithium-ion batteries using an adaptive dual unscented Kalman filter based on a reduced-order model. J. Energy Storage 2023, 73, 109011. [Google Scholar] [CrossRef]
  22. Chen, Z.; Zhao, H.; Shu, X.; Zhang, Y.; Shen, J.; Liu, Y. Synthetic state of charge estimation for lithium-ion batteries based on long short-term memory network modeling and adaptive H-Infinity filter. Energy 2021, 228, 120630. [Google Scholar] [CrossRef]
  23. Ning, Z.; Deng, Z.; Li, J.; Liu, H.; Guo, W. Co-estimation of state of charge and state of health for 48 v battery system based on cubature kalman filter and h-infinity. J. Energy Storage 2022, 56, 106052. [Google Scholar] [CrossRef]
  24. He, L.; Hu, X.; Yin, G.; Shao, X.; Liu, J.; Shi, Q. A voltage dynamics model of lithium-ion battery for state-of-charge estimation by proportional-integral observer. Appl. Energy 2023, 351, 121793. [Google Scholar] [CrossRef]
  25. He, L.; Hu, X.; Yin, G.; Wang, G.; Shao, X.; Liu, J. A current dynamics model and proportional–integral observer for state-of-charge estimation of lithium-ion battery. Energy 2024, 288, 129701. [Google Scholar] [CrossRef]
  26. Lai, X.; Huang, Y.; Han, X.; Gu, H.; Zheng, Y. A novel method for state of energy estimation of lithium-ion batteries using particle filter and extended Kalman filter. J. Energy Storage 2021, 43, 103269. [Google Scholar] [CrossRef]
  27. Geng, Y.; Pang, H.; Liu, X. State-of-charge estimation for lithium-ion battery based on PNGV model and particle filter algorithm. J. Power Electron. 2022, 22, 1154–1164. [Google Scholar] [CrossRef]
  28. Chemali, E.; Kollmeyer, P.J.; Preindl, M.; Emadi, A. State-of-charge estimation of Li-ion batteries using deep neural networks: A machine learning approach. J. Energy Storage 2018, 400, 242–255. [Google Scholar] [CrossRef]
  29. Jiao, S.; Zhang, G.; Zhou, M.; Li, G. A comprehensive review of research hotspots on battery management systems for UAVs. IEEE Access 2023, 11, 84636. [Google Scholar] [CrossRef]
  30. Bobobee, E.D.; Wang, S.; Takyi-Aninakwa, P.; Zou, C.; Appiah, E.; Hai, N. Improved particle swarm optimization–long short-term memory model with temperature compensation ability for the accurate state of charge estimation of lithium-ion batteries. J. Energy Storage 2024, 84, 110871. [Google Scholar] [CrossRef]
  31. Zhao, H.; Liao, C.; Zhang, C.; Wang, L.; Wang, L. State-of-charge estimation of lithium-ion battery: Joint long short-term memory network and adaptive extended Kalman filter online estimation algorithm. J. Power Sources 2024, 604, 234451. [Google Scholar] [CrossRef]
  32. Yang, K.; Wang, Y.; Tang, Y.; Zhang, S.; Zhang, Z. A temporal convolution and gated recurrent unit network with attention for state of charge estimation of lithium-ion batteries. J. Energy Storage 2023, 72, 108774. [Google Scholar] [CrossRef]
  33. Wu, F.; Wang, S.; Liu, D.; Cao, W.; Fernandez, C.; Huang, Q. An improved convolutional neural network-bidirectional gated recurrent unit algorithm for robust state of charge and state of energy estimation of new energy vehicles of lithium-ion batteries. J. Energy Storage 2024, 82, 110574. [Google Scholar] [CrossRef]
  34. Bian, C.; Yang, S.; Liu, J.; Zio, E. Robust state-of-charge estimation of Li-ion batteries based on multichannel convolutional and bidirectional recurrent neural networks. Appl. Soft Comput. 2022, 116, 108401. [Google Scholar] [CrossRef]
  35. Hu, C.; Cheng, F.; Ma, L.; Li, B. State of charge estimation for lithium-ion batteries based on TCN-LSTM neural networks. J. Electrochem. Soc. 2022, 169, 030544. [Google Scholar] [CrossRef]
  36. Sherkatghanad, Z.; Ghazanfari, A.; Makarenkov, V. A self-attention-based CNN-Bi-LSTM model for accurate state-of-charge estimation of lithium-ion batteries. J. Energy Storage 2024, 88, 111524. [Google Scholar] [CrossRef]
  37. Chen, C.; Xiong, R.; Yang, R.; Shen, W.; Sun, F. State-of-charge estimation of lithium-ion battery using an improved neural network model and extended Kalman filter. J. Clean. Prod. 2019, 234, 1153–1164. [Google Scholar] [CrossRef]
  38. Tang, A.; Huang, Y.; Liu, S.; Yu, Q.; Shen, W.; Xiong, R. A novel lithium-ion battery state of charge estimation method based on the fusion of neural network and equivalent circuit models. Appl. Energy 2023, 348, 121578. [Google Scholar] [CrossRef]
  39. Wang, C.; Wang, S.; Zhou, J.; Qiao, J.; Yang, X.; Xie, Y. A novel back propagation neural network-dual extended Kalman filter method for state-of-charge and state-of-health co-estimation of lithium-ion batteries based on limited memory least square algorithm. J. Energy Storage 2023, 59, 106563. [Google Scholar] [CrossRef]
  40. Hou, J.; Xu, J.; Lin, C.; Jiang, D.; Mei, X. State of charge estimation for lithium-ion batteries based on battery model and data-driven fusion method. Energy 2024, 290, 130056. [Google Scholar] [CrossRef]
  41. Oh, S.; Kim, J.; Moon, I. Hybrid data-driven deep learning model for state of charge estimation of Li-ion battery in an electric vehicle. J. Energy Storage 2024, 97, 112887. [Google Scholar] [CrossRef]
  42. Wu, A.; Lu, Y.; Guo, Z.; Hou, Z. Three-dimensional localization for moving target using modified Sage-Husa adaptive filter. J. Natl. Univ. Def. Technol. 2023, 45, 146–154. [Google Scholar]
  43. Bai, S.; Kolter, J.Z.; Koltun, V. An empirical evaluation of generic convolutional and recurrent networks for sequence modeling. arXiv 2018, arXiv:1803.01271. [Google Scholar]
  44. Kollmeyer, P. Panasonic 18650PF Li-Ion Battery Data; Mendeley Data, V1; Elsevier: Amsterdam, The Netherlands, 2018. [Google Scholar]
Figure 1. SOC estimation framework of lithium-ion battery based on multi-timescale method.
Figure 1. SOC estimation framework of lithium-ion battery based on multi-timescale method.
Drones 09 00247 g001
Figure 2. Thévenin equivalent circuit model.
Figure 2. Thévenin equivalent circuit model.
Drones 09 00247 g002
Figure 3. The overall structure for the SOC error correction.
Figure 3. The overall structure for the SOC error correction.
Drones 09 00247 g003
Figure 4. Schematic of the BiTCN structure.
Figure 4. Schematic of the BiTCN structure.
Drones 09 00247 g004
Figure 5. Schematic of the BiGRU structure.
Figure 5. Schematic of the BiGRU structure.
Drones 09 00247 g005
Figure 6. Identification results of FFRLS under 25 °C HPPC dynamic profile: (a) terminal voltage; (b) error.
Figure 6. Identification results of FFRLS under 25 °C HPPC dynamic profile: (a) terminal voltage; (b) error.
Drones 09 00247 g006
Figure 7. The’venin model parameters under 25 °C HPPC dynamic profile: (a) U o c v ; (b) R 0 ; (c) R p ; (d) C p .
Figure 7. The’venin model parameters under 25 °C HPPC dynamic profile: (a) U o c v ; (b) R 0 ; (c) R p ; (d) C p .
Drones 09 00247 g007
Figure 8. SOC estimation performance under various dynamic operating conditions without error correction: (a) US06; (b) UDDS; (c) LA92; (d) HWFT.
Figure 8. SOC estimation performance under various dynamic operating conditions without error correction: (a) US06; (b) UDDS; (c) LA92; (d) HWFT.
Drones 09 00247 g008
Figure 9. Performance evaluation of data-driven models tested on the validation dataset: (a) ME; (b) MAE; (c) RMSE.
Figure 9. Performance evaluation of data-driven models tested on the validation dataset: (a) ME; (b) MAE; (c) RMSE.
Drones 09 00247 g009
Figure 10. Estimation results of different models under insufficiently data-driven conditions: (a) UDDS; (b) estimation errors of UDDS; (c) LA92; (d) estimation errors of LA92.
Figure 10. Estimation results of different models under insufficiently data-driven conditions: (a) UDDS; (b) estimation errors of UDDS; (c) LA92; (d) estimation errors of LA92.
Drones 09 00247 g010
Figure 11. Estimation results of different models under sufficiently data-driven conditions: (a) UDDS; (b) estimation errors of UDDS; (c) LA92; (d) estimation errors of LA92.
Figure 11. Estimation results of different models under sufficiently data-driven conditions: (a) UDDS; (b) estimation errors of UDDS; (c) LA92; (d) estimation errors of LA92.
Drones 09 00247 g011
Figure 12. Distribution of SOC estimation errors.
Figure 12. Distribution of SOC estimation errors.
Drones 09 00247 g012
Figure 13. Estimation results of different models at 0 °C: (a) UDDS; (b) estimation errors of UDDS; (c) US06; (d) estimation errors of US06.
Figure 13. Estimation results of different models at 0 °C: (a) UDDS; (b) estimation errors of UDDS; (c) US06; (d) estimation errors of US06.
Drones 09 00247 g013
Table 1. The specific parameters of Panasonic NCR 18650PF battery.
Table 1. The specific parameters of Panasonic NCR 18650PF battery.
TypeValue
CapacityMin. 2.75 Ah/Typ. 2.9 Ah
Mass48 g
Energy storage9.9 Wh
Min/max voltage2.5 V/4.2 V
Nominal open circuit voltage3.6 V
Table 2. Comparison analysis of the fast-timescale SOC estimation performance under various dynamic profiles.
Table 2. Comparison analysis of the fast-timescale SOC estimation performance under various dynamic profiles.
Dynamic ProfilesME (%)MAE (%)RMSE (%)
US060.950.420.51
UDDS1.911.101.19
LA922.271.231.41
HWFT1.360.680.82
Table 3. Comparative performance of SOC estimation under UDDS dynamic profiles.
Table 3. Comparative performance of SOC estimation under UDDS dynamic profiles.
MethodsInsufficient Data-DrivenSufficient Data-Driven
ME (%)MAE (%)RMSE (%)ME (%)MAE (%)RMSE (%)
Model-basedAEKF4.421.491.854.421.491.85
UKF4.721.231.634.721.231.63
Mechine learningRF13.137.427.949.735.876.25
RVM17.204.765.362.221.281.49
Deep learningLSTM17.204.765.362.221.281.49
GRU11.685.275.413.413.123.39
Our proposed0.710.330.370.550.210.24
Table 4. Comparative performance of SOC estimation under LA92 dynamic profiles.
Table 4. Comparative performance of SOC estimation under LA92 dynamic profiles.
MethodsInsufficient Data-DrivenSufficient Data-Driven
ME (%)MAE (%)RMSE (%)ME (%)MAE (%)RMSE (%)
Model-basedAEKF4.501.381.754.501.381.75
UKF7.501.271.997.501.271.99
Mechine learningRF17.144.585.1610.963.133.38
RVM15.182.693.182.831.221.44
Deep learningLSTM8.283.583.863.791.882.37
GRU8.733.023.244.011.882.23
Our proposed0.880.310.380.570.220.25
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Cao, X.; Liu, L. A Multi-Timescale Method for State of Charge Estimation for Lithium-Ion Batteries in Electric UAVs Based on Battery Model and Data-Driven Fusion. Drones 2025, 9, 247. https://doi.org/10.3390/drones9040247

AMA Style

Cao X, Liu L. A Multi-Timescale Method for State of Charge Estimation for Lithium-Ion Batteries in Electric UAVs Based on Battery Model and Data-Driven Fusion. Drones. 2025; 9(4):247. https://doi.org/10.3390/drones9040247

Chicago/Turabian Style

Cao, Xiao, and Li Liu. 2025. "A Multi-Timescale Method for State of Charge Estimation for Lithium-Ion Batteries in Electric UAVs Based on Battery Model and Data-Driven Fusion" Drones 9, no. 4: 247. https://doi.org/10.3390/drones9040247

APA Style

Cao, X., & Liu, L. (2025). A Multi-Timescale Method for State of Charge Estimation for Lithium-Ion Batteries in Electric UAVs Based on Battery Model and Data-Driven Fusion. Drones, 9(4), 247. https://doi.org/10.3390/drones9040247

Article Metrics

Back to TopTop