Next Article in Journal
Thermodynamic Analysis of the Combustion Process in Hydrogen-Fueled Engines with EGR
Previous Article in Journal
A Modified Variable Power Angle Control for Unified Power Quality Conditioner in a Distorted Utility Source
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Short-Term Load Forecasting of Electric Vehicle Charging Stations Accounting for Multifactor IDBO Hybrid Models

by
Minan Tang
1,*,
Changyou Wang
1,
Jiandong Qiu
2,
Hanting Li
3,
Xi Guo
1 and
Wenxin Sheng
3
1
College of New Energy and Power Engineering, Lanzhou Jiaotong University, Lanzhou 730070, China
2
College of Electrical and Mechanical Engineering, Lanzhou Jiaotong University, Lanzhou 730070, China
3
College of Automation and Electrical Engineering, Lanzhou Jiaotong University, Lanzhou 730070, China
*
Author to whom correspondence should be addressed.
Energies 2024, 17(12), 2831; https://doi.org/10.3390/en17122831
Submission received: 18 May 2024 / Revised: 5 June 2024 / Accepted: 6 June 2024 / Published: 8 June 2024
(This article belongs to the Section G1: Smart Cities and Urban Management)

Abstract

:
The charging behavior of electric vehicle users is highly stochastic, which makes the short-term prediction of charging load at electric vehicle charging stations difficult. In this paper, a data-driven hybrid model optimized by the improved dung beetle optimization algorithm (IDBO) is proposed to address the problem of the low accuracy of short-term prediction. Firstly, the charging station data are preprocessed to obtain clear and organized load data, and the input feature matrix is constructed using factors such as temperature, date type, and holidays. Secondly, the optimal CNN-BiLSTM model is constructed using convolutional neural network (CNN) and Bi-directional Long Short-Term Memory (BiLSTM), which realizes the feature extraction of the input matrix and better captures the hidden patterns and regularities in it. Then, methods such as Bernoulli mapping are used to improve the DBO algorithm and its hyperparameters; for example, hidden neurons of the hybrid model are tuned to further improve the model prediction accuracy. Finally, a simulation experiment platform is established based on MATLAB R2023a to validate the example calculations on the historical data of EV charging stations in the public dataset of ANN-DATA, and comparative analyses are carried out. The results show that compared with the traditional models such as CNN, BiLSTM and PSO-CNN-BiLSTM, the coefficient of determination of the model exceeds 0.8921 and the root mean square error is maintained at about 4.413 on both the training and test sets, which proves its effectiveness and stability.

1. Introduction

The advancement of global decarbonization has driven the rapid development of electric vehicles (EVs), which has played an important role in achieving the global carbon neutrality target. The rapid popularization of new energy EV not only effectively promotes the transformation revolution of non-renewable energy sources such as fossil energy but also injects new vitality into environmental protection and sustainable development. With the continuous maturation of technology and policy support from governments [1,2], electric vehicles have seen rapid growth in ownership in recent years due to their low-carbon and environmentally friendly features, and the global sales of battery-powered vehicles and plug-in hybrids have shown a continuous growth trend [3,4] as shown in Figure 1. According to the International Energy Agency (IEA), the global stock of electric vehicles will reach 145 million in 2030. Further projections show that the electricity demand for electric vehicles is expected to reach 510 TWh by 2050 when electric vehicles replace 60% of conventional gasoline vehicles [5].
A large number of EV charging stations will be constructed to meet the growing demand of EV users [6,7]. Compared with electric load forecasting, the historical data of EV charging loads have numerous zero sampling points due to the randomness of charging behavior, making it more difficult and complex to forecast [8]. Uncontrollable EV charging leads to large load variations in the grid, affecting the power quality of the distribution network [9]. This, in turn, can have significant adverse effects on the existing power system, including high load peaks, increased energy consumption, and degradation of power quality [10,11,12,13,14,15]. Ref. [16] has investigated the impact of uncontrollable EV charging on the distribution grid, which may result in power demand and line currents exceeding distribution transformer ratings, as well as distributed voltage dips beyond required levels. The application of Grid-to-Vehicle (G2V) technology can help to mitigate the possible fluctuation of grid burden caused by EV charging loads, as well as improving the scheduling and optimization of EV charging behavior [17]. Therefore, improving the accurate prediction of EV charging loads is crucial for the effective application of G2V technology, realizing the orderly charging of EVs, and ensuring the safe and stable operation of the power grid [18,19].
Research methods for EV charging load forecasting are mainly categorized into probabilistic and data-driven based methods [20]. Among the probabilistic methods, there are Monte Carlo stochastic simulation methods based on statistical probability [21], stochastic simulation methods based on queuing theory [22], simulation methods based on travel chains and Markov processes [23,24], and Hidden Markov Models [25]. However, modeling methods are limited to the lack of real charging load data, and mostly use mathematical modeling or simulation for approximating real behavioral simulation, and there are limitations in the realism of their prediction results. Data-driven methods mainly use artificial intelligence algorithms for charging load prediction. Traditional AI algorithms such as random forest (RF) [26], support vector machine (SVM) [27], and XGBoost [28], although they have good non-linear data fitting ability and parameter learning ability, they are unable to learn the temporal features in the time-series data similar to the charging load historical data well. The development of deep learning [29] provides new methods for EV charging load prediction. Ref. [30] cascaded a convolutional neural network (CNN) with a fully connected network, and showed that it has better accuracy and generalization in power load forecasting 24 h in advance in power systems; ref. [31] proved that the Bi-directional Long Short-Term Memory (BiLSTM) model, which has a network structure that extracts features from time-series data in both directions, has better forecasting ability than the one-way LSTM model in time-series analysis, and can be used for power load forecasting. However, little research has been performed on the problem of combining the advantages of different machine learning methods to predict the charging load of electric vehicle charging stations, based on which this paper establishes a hybrid network model to solve the problem. Ref. [32] proposed a hybrid model based on CNN-BiLSTM for power load forecasting, and the proposed CNN-BiLSTM hybrid model is superior compared with the single-structured LSTM model and CNN-LSTM hybrid model. The hyperparameters of neural networks are often manually adjusted based on experience, and the effect is difficult to guarantee, while the use of optimization algorithms for hyperparameter tuning can significantly improve the performance of neural networks. Ref. [33] proposed a new combined method for the short-term load forecasting of power systems based on the fuzzy mean (FCM) clustering support vector regression (SVR) technique and applied PSO to optimize the model parameters to further improve the accuracy of the method.
In summary, this paper combines CNN and BiLSTM to take advantage of CNN in feature extraction and BiLSTM in time-series prediction, and overcome the difficulty of insufficient features and regularity of charging data due to the highly stochastic nature of EV user behavior. And focusing on the short-time load prediction of EV charging stations, the improved dung beetle optimization algorithm is used to find the optimal hyperparameters for the CNN-BiLSTM hybrid model, trying to provide a solution to the low prediction accuracy. The innovations are reflected in the following aspects: on the one hand, this paper compares and analyzes the hybrid models of CNN and BiLSTM and selects the optimal structure, which makes full use of the advantages of each of the two, and thus improves the generalization ability of the model; on the other hand, the dung beetle optimization algorithm (IDBO) is improved by using Bernoulli chaos mapping, part of the idea of the fish hawk optimization algorithm, and the adaptive t-distribution perturbation strategy, which improves the performance of the algorithm without increasing the complexity of the algorithm, and the performance and the prediction accuracy of the CNN-BiLSTM hybrid model tuned by this method are greatly improved.
The structure of this paper is shown as follows: Section 2 describes the basic concepts and principles of the convolutional neural network, bidirectional gated recurrent neural network, and dung beetle optimization algorithm. Section 3 describes the structural design of the CNN-BiLSTM model and the optimization method for the dung beetle algorithm. Section 4 describes the hybrid model for optimizing CNN-BiLSTM based on IDBO. Section 5 optimizes the hyperparameters of the hybrid CNN-BiLSTM model with the improved IDBO algorithm, and uses the tuned model to perform an example simulation on the historical charging load data of electric vehicle charging stations in the public dataset of ANN-DATA in the USA to validate the effectiveness of the model. Section 6 concludes the paper. The technology roadmap of this paper is shown in Figure 2.

2. Theoretical Foundations

2.1. Convolutional Neural Network

In this paper, a CNN is utilized to identify and learn the spatial structure in the input data matrix so as to capture the correlation between in the input features and the electric vehicle charging load. The convolutional neural network is a multilayer supervised learning neural network. The CNN network structure generally consists of a number of convolutional blocks. The convolutional blocks generally include a convolutional layer, pooling layer, activation function, and fully connected layer [34]. Among them, the convolutional layer and the maximum pooling sampling layer are the core modules to realize the feature extraction function. The fully connected layer is used to summarize the underlying features and information obtained from the convolutional block. The schematic diagram of feature extraction is shown in Figure 3.

2.2. Bi-Directional Long Short-Term Memory

Charging load data from EV charging stations are characterized by randomness and periodicity, so this paper utilizes BiLSTM neural networks to receive feature representations extracted by CNNs to capture and learn long-term dependencies in time-series data through its bi-directional structure, and to better extract the hidden patterns and regularities in the time-series from the historical data so as to more accurately make predictions. The LSTM algorithm adds a gating mechanism to the recurrent neural network (RNN). BiLSTM is composed of multiple LSTM blocks in forward and backward orders, which can be used to efficiently extract time-series data features [35]. The ability to obtain information from both past and future time steps compensates for the key features that may be neglected by LSTM [36] when only considering the current information. The structure is shown in Figure 4.
BiLSTM implicit layer is derived from the weighted splicing of the forward LSTM implicit layer and the backward LSTM:
h t = α t h t + β t h p
where, h t is BiLSTM implicit layer; h t is backward LSTM hidden layer; h p is LSTM hidden layer; α t and is β t weight coefficient.

2.3. Basic Dung Beetle Algorithm

In this paper, analogous to the behavioral characteristics and optimization strategies of dung beetles in the dung beetle optimization algorithm to find the best food source within the initial exploration range, the electric vehicle users adjust their behaviors to find the best charging strategies according to their own different charging needs to maximize the charging efficiency and energy saving under the time and space constraints.
In the dung beetle optimization algorithm (DBO), the dung beetle population is divided into four different roles according to the ratio of 6:6:7:11 to simulate the behaviors of ball rolling, foraging, stealing and reproduction, and to perform global search and local exploitation for the purpose of intelligent optimization. Among them, the ball-rolling behaviors are divided into two cases, without and with obstacles as shown in Equations (2) and (3) below, respectively:
X i t + 1 = x i t + · k · x i t 1 + b · x i t x w o r s t t
X i t + 1 = x i t + tan θ · x i t x i t 1
where t denotes the current number of iterations, x i t denotes the position of the ith dung beetle in the population at the tth iteration, and k is the deflection coefficient. denotes whether the direction is biased or not, and is assigned the value of 1 or −1; b is a constant value; and x w o r s t t denotes the current worst position. Only the value of tan θ in [0, π ] is considered, and it is specified that the position is not updated when θ = 0, π or 2 π .
After the rolling behavior, the breeding behavior is simulated by the boundary selection strategy, and the location of the daisy is updated as shown in Equations (4) and (5) below:
L b * = m a x x gbest t · 1 R , L b U b * = m i n x gbest t · 1 + R , U b
B i t + 1 = x gbest t + b 1 · B i t L b * + b 2 · B i t U b *
where x gbest t denotes the local optimal position; U b * and L b * denote the upper and lower bounds of the propagation region; Ub and Lb denote the upper and lower bounds of the optimization problem, respectively; R = 1 t / T m a x , and T m a x is the maximum number of iterations; B i t + 1 is the position of the ith daisy at the tth iteration; b 1 , b 2 are the independent random vectors of 1 × D; and D is the optimization dimension.
The optimal foraging areas and locations of foraging dung beetles are updated as shown in Equations (6) and (7):
L b I = max x lbest t · 1 R , L b U b I = min x lbest t · 1 + R , U b
x i t + 1 = x i t + c 1 · x i t L b I + c 2 · x i t U b I
where x lbest t denotes the current local optimal position; L b I and U b I denote the upper and lower bounds of the foraging area; c 1 is a random number obeying a normal distribution; and c 2 is a 1 × D random vector belonging to the range (0,1).
The location information of the dung beetle thief that stole the dung ball is updated as shown under Equation (8):
x i t + 1 = X lbest t + s · g · X i t x gbest t + x i t X lbest t
where g denotes a random vector of size 1 × D obeying a normal distribution; and s denotes a constant value.
By combining a CNN with a bidirectional long and BiLSTM, an appropriate structure is selected to construct an efficient deep learning framework aimed at solving complex time-series prediction challenges. To further enhance the performance of this combined model, the DBO algorithm is used to optimize the model parameters, which not only significantly accelerates the convergence process of the model training but also improves the model’s generalization ability and prediction accuracy in complex environments. The optimization model can effectively cope with the uncertainty and sudden change in the charging load when forecasting the short-term load of charging stations of charging vehicles, which provides more accurate and stable data support for the operation and management of charging stations and the load dispatch of power grids.

3. Model Building and Optimization Process

In this paper, considering the multiple factors affecting the charging load of electric vehicle charging stations, a CNN is used to identify and learn the spatial structure in the input feature matrix so as to capture the correlation between the input features and the EV charging load, and then a BiLSTM neural network is used to receive the features extracted by the CNN, from which the long-term dependency relationships in the time-series data are obtained as well as the hidden ones. The CNN-BiLSTM hybrid neural network model is thus constructed to realize a short-term prediction model of the EV charging load at charging stations with better generalization performance and prediction accuracy.

3.1. Design of CNN-BiLSTM Model Structure

In order to select the optimal structure of the proposed CNN-BiLSTM hybrid neural network, the CNN and BiLSTM structures with different numbers of network layers are trained to predict the dataset in the example of this section with the same number of neurons in each layer, the maximum number of training times of each network, and the batch of samples and other parameters. It is assumed that the model structure is one to five layers of CNN and one to five layers of BiLSTM with a total of 25 layer structures. The training results are ranked in descending order according to the size of the coefficient of determination R 2 , and the accuracy of the top five predictions is shown in Table 1.
In the above table, it can be visualized that the model structured as a three-layer CNN model with one layer of BiLSTM has the minimum MSE, RMSE, MAE, elapsed time, and the maximum coefficient of determination R 2 . Hence, this combination is used as a charging load prediction model for EV. As shown in Figure 5, the structure is designed as 6 layers, and all the CNN-BiLSTM hybrid models mentioned later are this model.
In addition to the input and output layers, the other layers of the CNN-BiLSTM load prediction model are described below.
Layer 2, Layer 3 and Layer 4: All are convolutional blocks, the input data are convolved by their translation to extract feature information and capture the correlation between the input features and the EV charging load. In this case, the Layer 2 convolutional kernel size is set to 3 × 3, the Layer 3 convolutional kernel size is set to 3 × 2, the Layer 4 convolutional kernel size is set to 2 × 2, and both vertical and horizontal steps are 1. Pooling is average pooling, and the activation function is the ReLU function. The output is a one-dimensional vector array N of the extracted feature maps flattened by the CNN network.
Layer 5: It receives inputs from a one-dimensional vector array N, and then efficiently captures the long-term dependencies in the sequence by running the forward and backward BiLSTM networks simultaneously to better extract the hidden patterns and regularities in the time series from the historical data.
Layer 6: It is a fully connected layer, responsible for integrating the BiLSTM results and then outputting the predicted values in the specified format, with the number of neurons matching the number of model outputs. The number of neurons in the fully connected layer is 1 because the output is a single moment load prediction.

3.2. Improvement of DBO Optimization Algorithm

Neural network model hyperparameter values are often experimented with empirically and gradually adjusted until they approach the optimal values. However, without the support of deep expertise, it is difficult to achieve good results, prone to overfitting and underfitting phenomena, and time-consuming. Therefore, in this paper, the IDBO algorithm is used for the hyperparameter tuning of CNN-BiLSTM models.
The IDBO algorithm is derived from the standard dung beetle optimization algorithm by integrating Bernoulli chaotic mapping, the global exploration strategy of the fish hawk optimization algorithm, and the adaptive t-distribution perturbation strategy. Through the improvement of these three strategies, the IDBO algorithm shows excellent diversity and comprehensiveness in the optimization process. First, the use of Bernoulli chaotic mapping as a means of population initialization effectively increases the exploration of the search space, providing broader possibilities for the subsequent optimization stages. Second, through the global exploration strategy of the fish hawk optimization algorithm, the IDBO algorithm is able to quickly and comprehensively search the solution space, find potential high-quality solutions, and obtain more rapid convergence and global development capability in the early iteration stage. Finally, the introduction of the adaptive t-distribution perturbation strategy enables the IDBO algorithm to have a better global development capability in the early iteration stage, while in the late iteration stage, it is able to carry out a more in-depth local exploration and meticulously adjust the population in order to improve the accuracy and convergence of the solution. The details of the three optimization strategies are as follows:
(1)
Bernoulli Chaotic Mapping
The traditional dung beetle optimization algorithm in the population initialization stage adopts the way of generating random numbers to initialize the population position, which leads to the mixed position of dung beetles in the population, and at the same time, it cannot traverse all the positions in the environment, which leads to its poor optimization search and low convergence speed. Considering that the initial position in the charging process of EV has high spatio-temporal randomness, this paper proposes to introduce Bernoulli mapping in the initialization stage of the population [37], and the mathematical expression of Bernoulli mapping can be expressed as:
Z k + 1 = Z k / 1 + ρ Z k 0 , 1 ρ Z k 1 + ρ / ρ Z k 1 ρ , 1
where Z k is the current value of the kth generation of the generated chaotic sequence, and ρ is a control parameter.
(2)
Fusion Fish Hawk Optimization Algorithm
Considering that EVs are limited in space–time conditions, different charging pile usage, charging speed, and connection methods are considered as comprehensively as possible to obtain the optimal charging strategy. The global exploration strategy of the fish hawk optimization algorithm [38] can make up for the drawbacks of the dung beetle algorithm that only relies on the worst value in the rolling behavior, cannot communicate with other dung beetles in time, and has more parameters. Its formula is as follows:
x i , j P 1 = x i , j + r i , j · S F i , j I i , j · x i , j
where SF is the fish selected by the fish hawk, r is a random number between [0,1], and the value of I is one of 1,2.
(3)
Adaptive T-distribution Perturbation Strategy
Considering the charging phase of the electric vehicle charging process, users will try to maximize the behavior of fully charging quickly in order to quickly return to use, as well as the impact of other issues such as avoiding overcharging during the charging process on the charging load of the charging station. In this paper, the t-distribution variant perturbation [39] with the iteration number variant formula as the t-distribution of the degree of freedom parameter is used to perturb the foraging behavior of the small dung beetle so that the dung beetle algorithm has a better global exploitation ability in the preiteration period, a good local exploration ability in the late iteration period, and improves the convergence speed of the algorithm in the following way for the specific location updating:
X new i = X best i + t C _ iter · X best i
where X new i is the population position after adaptive t-distribution perturbation, X best i is the position of population i in the tth iterative equation, and t C _ iter is the adaptive t-distribution function parameterized by the number of iterations as degrees of freedom.
This IDBO algorithm, which combines the properties of global search and local optimization, shows excellent robustness and high efficiency in solving complex problems, and provides a comprehensive and effective solution for optimizing model hyperparameter problems. The IDBO optimization algorithm, Particle Swarm Optimization (PSO) [40], Sparrow Search Algorithm (SSA) [41], Northern Goshawk Optimization (NGO) [42], and the standard DBO algorithm to find the optimal solution for the single-peak function (F1), the basis function (F3), the hybrid function (F6), and the combined function (F9) in the cec2021 test function are used to perform a comparative analysis, whose convergence curves are shown in Figure 6.
Figure 6 shows that compared with other optimization algorithms, the convergence curve of the IDBO algorithm shows stable and fast convergence characteristics, which effectively guides the optimization process towards the direction of the optimal solution and converges rapidly. The effectiveness of the IDBO algorithm in dealing with various kinds of complex and practical optimization problems is verified. Therefore, the IDBO algorithm can be applied to practical deep learning models, exploring the hyperparameter space through iterations, evaluating the performance of the model under different configurations, and gradually approximating the optimal solution to improve the performance of the model on practical tasks so as to better predict and deal with the potential load peaks of EV charging stations, avoiding grid congestion, overloading, and other safety risks, thus reducing the pressure on the power grid and improving its stability and security.

4. IDBO Optimized CNN-BiLSTM-Based Hybrid Model

4.1. Data Preprocessing

Since the proposed prediction method predicts the charging load of the charging station every hour, and the historical charging data exported by the charging station data collection system contain much invalid information such as order number and charging pile ID, the data are filtered and cleaned by using the Pandas package in Python v3.9.2, and only the charging load and charging start- and end-time information are retained. After that, the load is split into 24 moments of charging load per day. In addition, the original charging load data collected by the charging station often contains some null values, while the EV charging load data of the charging station have a certain degree of continuity, and the load data have a high degree of consistency at similar time periods. Therefore, Equation (9) is used to fill in for the null values:
y t = y t 1 + y t + 1 2
where y t is the missing moment fill data; y t 1 is the previous moment charging load value; and y t + 1 is the latter moment charging load value.
In order to accelerate the convergence of the network loss function and improve the speed of model training, it is necessary to carry out one-hot coding of the date-type and holiday-type data, and normalize the historical load and temperature data. The normalization formula is
x one = x x min x max x min
where x one is the value after normalization, and x max and x min are the maximum and minimum values in the sample data before normalization, respectively.
In this paper, the historical data of 24 h before the moment to be predicted are used to form the input feature matrix in order to make the charging load prediction for the next 1 h, and the input feature matrix X of its model is
X = D m + 1 × 7 , H m + 1 × 2 , T m + 1 × 1 , w m + 1 × 1
where each training sample X is a matrix of order (m + 1) × 11 with m = 23; and D ( m + 1 ) × 7 and H ( m + 1 ) × 2 are one-hot coding matrices of weekly date and holiday types, respectively. t ( m + 1 ) × 1 and w ( m + 1 ) × 1 are air temperature and historical charging load sequences in units of °C and kW, respectively. After that, the whole input dataset is divided into training, validation, and test sets in the ratio of 7:2:1 for model prediction performance testing.

4.2. Evaluation Indicators

To assess the prediction accuracy of the model proposed in this paper, Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and Coefficient of Determination R 2 are selected as evaluation indexes. The formulas are
MAE = 1 q k = 1 q w k w ^ k
RMSE = 1 q k = 1 q w k w ¯ k 2
R 2 = 1 i = 1 n w k w ^ k 2 i = 1 n w k w ¯ 2
where w k is the real data of the charging load at moment k; w ^ k is the predicted charging load data at moment k; w ¯ k is the average value of the real data of the charging load; and q is the number of data points in the test dataset.

4.3. IDBO-CNN-BiLSTM Hybrid Model Construction

In summary, this paper proposes a hybrid prediction model of IDBO-CNN-BiLSTM, whose flowchart is shown in Figure 7 and is realized as follows.
Step 1. Use Pandas to preprocess the raw charging station data to get the charging load data at each moment, and construct the feature matrix as the input matrix with the data of factors such as air temperature, date type, and holidays.
Step 2. Combine the advantages of CNN feature extraction and BiLSTM to capture the hidden relationship of the time-series data, and construct the optimal layer CNN-BiLSTM hybrid model after experimental comparison.
Step 3. Optimize the initial position of the population, dung beetle rolling behavior, and small dung beetle foraging behavior in the dung beetle optimization algorithm.
Step 4. Use the improved dung beetle optimization algorithm to hyperparameter tune the CNN-BiLSTM hybrid model.
Step 5. Each type of dung beetle updates its position according to the formula, and then detects its boundaries, stops when it reaches a certain fitness value or the maximum number of iterations, and outputs the optimal hyperparameters.
Step 6. The resulting optimal hyperparameters are brought into the CNN-BiLSTM hybrid model, and then the feature input matrix in Step1 is substituted to obtain the predicted dataset.

5. Example Simulation

In this paper, the historical charging load data of an EV charging station located on the campus of California Polytechnic State University in the U.S. ANN-DATA public dataset is selected for the experiment [43], and the historical charging load data of all 54 charging piles in the charging station from 1 January 2019 to 31 December 2019 are selected and collated to obtain 8760 sampling points. Temperature data were obtained using historical meteorological data for the city of Los Angeles, where Cal Poly is located, obtained from publicly available data on the National Oceanic and Atmospheric Administration website. The weekly dates and holiday types were set based on local realities. The IDBO-optimized CNN-BiLSTM hybrid model introduced in the previous section and other models are used to predict the charging load for the next 1 h of this data, and the results are analyzed and compared to verify the accuracy and validity of the prediction method of the proposed model.

5.1. IDBO Hyperparameter Optimization Results

The number of convolutional kernels of the three-layer CNN layer, the number of hidden neurons of the single-layer BiLSTM layer, the maximum number of iterations, the batch sample size and the learning rate in the CNN-BiLSTM model are set as hyperparameters to be optimized. The number of convolutional kernels of the three-layer CNN layer is optimized in the range of [8,64], the number of hidden neurons of the single-layer BiLSTM layer is optimized in the range of [8,128], and the maximum number of iterations is optimized in the range of [30,100]. The proposed IDBO and SSA, PSO and unoptimized DBO algorithms are used to optimize the above hyperparameters, and all four optimization methods take the minimum MSE of the prediction results of the validation set as the objective function, and the hyperparameter optimization results are shown in Table 2.

5.2. Comparative Analysis of Experimental Results

For the four models without hyperparameter tuning, the training predictions were repeated 100 times with the same parameters such as batch sample size and learning rate, as well as under different optimization algorithms for hyperparameter tuning of the CNN-BiLSTM hybrid model. The mean comparisons of MAE, RMSE, and R 2 for the prediction results of each model are shown in Table 3. As shown in Table 3, the CNN-BiLSTM hybrid model performs better than the CNN and BiLSTM models alone in processing time-series data. The proposed IDBO-CNN-BiLSTM model has the highest prediction accuracy among the CNN-BiLSTM models tuned with hyperparameters of the optimization algorithm. Compared with the DBO optimization algorithm, the IDBO-optimized hybrid model reduces the MAE by 8.22%; the RMSE reduces the RMSE by 13.34%; and the R 2 mean value improves the R 2 mean value by 5.62%.
Figure 8 shows the prediction error box plots for each model, where C, L, B, CB, PCB, SCB, DCB, and IDCB represent CNN, LSTM, BiLSTM, CNN-BiLSTM, PSO-CNN-BiLSTM, SSA-CNN-BiLSTM, DBO-CNN-BiLSTM, and DBO-CNN- BiLSTM prediction models. As seen in Figure 8, the box corresponding to the prediction result error of the hybrid model based on IDBO optimization CNN-BiLSTM is flatter, the median line is located in the center of the box, and the upper and lower dashed lines are the shortest, which indicates that the error volatility of its prediction result is the smallest, which confirms that the model has a good ability to process the data.
In order to better verify the effectiveness of the IDBO algorithm on model performance improvement, the prediction results of the unoptimized CNN-BiLSTM hybrid model and the CNN-BiLSTM hybrid model are compared with the real values, and the prediction plots of their test sets are shown in Figure 9 and Figure 10. From Figure 9, it can be seen that when the real values change, the prediction of the CNN-BiLSTM hybrid model has a certain lag and instability, which leads to a large error value, and most of the errors are concentrated in the range of [−5,10]. This indicates that the model needs to be improved in capturing data changes and predicting trends, and further optimization and improvement are needed to improve its prediction accuracy.
According to Figure 10, it can be seen that the IDBO-CNN-BiLSTM model has a sharper prediction response to the actual numerical changes. Compared with the CNN-BiLSTM hybrid model, the error value of this model is significantly reduced, and most of the errors are distributed within the range of [−1.5,1.5]. This phenomenon indicates that the optimized CNN-BiLSTM model by IDBO shows high accuracy and stability in responding to the data changes, keeping the prediction errors within a small range.
In order to comprehensively evaluate the performance of the hybrid CNN-BiLSTM model optimized by the IDBO algorithm, this paper analyzes the model by comparing it with several baseline models including independent CNN, LSTM, and BiLSTM models, with a special focus on the model’s prediction ability in the presence of complex charging load variations. The results are illustrated in two parts as shown in Figure 11. In part (a) of Figure 11, the performance of the CNN, LSTM and BiLSTM models in response to dramatic fluctuations in the charging load profile is shown. It can be clearly seen that the accuracy of these models in predicting the charging load especially at peaks and troughs is insufficient, and there is a large error between the predicted value and the true value, which indicates a limitation in their ability to capture the dynamic changes in the charging load. On the contrary, when the hybrid CNN-BiLSTM model is employed, the prediction results show a more accurate load-following trend, especially when dealing with peak charging loads, and the match between the predicted and real load curves is significantly improved.
In further evaluation, as shown in part (b) of Figure 11, the results of the CNN-BiLSTM hybrid model after tuning with different optimization algorithms are compared and analyzed. The results show that although all the tuned models can simulate the general trend of the charging load profile better, the CNN-BiLSTM model optimized based on the IDBO algorithm exhibits the best performance in terms of details. In particular, when predicting the peaks and valleys of charging loads, the model not only has the highest accuracy but also is able to closely follow the dramatic turns of the actual load curve, showing a high degree of adaptability and prediction accuracy regarding the complex dynamics of EV charging loads. These comparative results clearly show that the hybrid CNN-BiLSTM model optimized by the IDBO algorithm has significant advantages in the complex and variable EV charging load prediction task.
Through the above comparative analysis, it can be found that the prediction accuracy of the model after parameter optimization is higher, and the MAE, RMSE, and R 2 indexes of the IDBO-CNN-BiLSTM model have been improved to different degrees, which fully reflects the importance of the CNN-BiLSTM hybrid model, as well as the importance and effectiveness of the IDBO algorithm for parameter optimization. This stable and accurate prediction ability provides a reliable basis for EV charging station load prediction.

5.3. Field Application

A comprehensive and integrated regression analysis and prediction of the charging loads of 31 EV charging stations in a specific urban area was carried out using the proposed model, and the distribution of electric vehicle charging stations in urban areas is shown as red dots in Figure 12.
The charging load data of all charging stations in the region were exhaustively counted and analyzed, and the prediction results for one day in the region are shown in Figure 13. The overall error of the prediction is within the acceptable range of [−20 kW, 20 kW], which not only confirms the validity of the model but also highlights its high accuracy and practical value in practical applications. By accurately predicting the charging load, the model is expected to provide powerful data support and decision-making reference for grid load management, charging station planning and construction, and optimal deployment of EV charging facilities. This study not only demonstrates the application of advanced research methods and technologies, but also provides concrete cases and practical proofs for the operation and management of EV charging stations and related policy formulation.

6. Conclusions

In this paper, in order to solve the problem of short-term charging load predictions of EV charging stations under a multifactor situation, a data-driven hybrid model based on an organic combination of CNN, BiLSTM and tuning using IDBO, the improved dung beetle algorithm, is proposed to realize the prediction of the short-term load of electric vehicle charging stations. The following conclusions are mainly obtained:
(1)
The optimal hybrid neural network model with three CNN convolutional layers and a single BiLSTM layer as the main structure is designed and built. Through the analysis and comparison of different combinations of layers, and the comparison and analysis of other single models, the results show that the hybrid model is better than other models.
(2)
Optimization of the four functions in the cec2021 test function by each algorithm and comparative analysis. The convergence curves obtained by the IDBO algorithm show the characteristics of stable and fast convergence. It reflects that the IDBO algorithm shows excellent robustness and high efficiency in solving complex problems, and provides an effective solution to the hyperparameter problem of the optimization model.
(3)
Through the comparative analysis of regression prediction of several different algorithms and base models, the optimized CNN-BiLSTM hybrid model based on IDBO has been greatly improved in prediction accuracy. Compared with the DBO algorithm, its MAE and RMSE are decreased by 8.22% and 13.34%, respectively, and R 2 is improved by 5.62%. It proves that the hybrid model based on the algorithm under the DBO algorithm has higher prediction accuracy and stability, and provides a new method for the short-time prediction of electric vehicle charging loads.
In the next study, the influence of meteorological conditions such as temperature and barometric pressure, incentive policies, electricity price and other factors on the charging load of electric vehicles at charging stations will be further considered, and a more comprehensive feature input dataset will be constructed to improve the prediction accuracy of the proposed prediction method as much as possible. Although the model proposed in this paper has achieved a certain degree of accuracy, with the growth in the number of electric vehicles and the development of deep learning technology, the model still needs to be updated through the algorithm and technology to further improve the model accuracy and prediction efficiency to meet the needs of reality, so the system needs to be optimized and improved in the future.

Author Contributions

Conceptualization, M.T.; data curation, C.W.; formal analysis, C.W., H.L. and X.G.; funding acquisition, M.T.; investigation, C.W., J.Q., X.G. and W.S.; methodology, M.T., C.W. and J.Q.; project administration, M.T.; resources, M.T., H.L. and X.G.; software, C.W.; supervision, M.T. and J.Q.; validation, J.Q. and W.S.; visualization, C.W. and J.Q.; writing and original draft preparation, M.T. and C.W.; writing and review and editing, M.T. and J.Q. All authors have read and agreed to the published version of the manuscript.

Funding

This work was financially supported by the National Natural Science Foundation of China [grant numbers 62363022, 61663021, 71763025, and 61861025]; Natural Science Foundation of Gansu Province [grant number 23JRRA886]; Gansu Provincial Department of Education: Industrial Support Plan Project [grant number 2023CYZC-35].

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

This manuscript has not been published or presented elsewhere in part or in its entirety and is not under consideration by any other journal. We have read and understood your journal’s policies, and we believe that neither the manuscript nor the study violates any of these. The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CNNConvolutional Neural Network
BiLSTMBi-directional Long Short-Term Memory
DBODung Beetle Optimization
IDBOImproved Dung Beetle Algorithm

References

  1. Jiang, W.; Wang, X. Optimal Economic Scheduling of Microgrids Considering Renewable Energy Sources Based on Energy Hub Model Using Demand Response and Improved Water Wave Optimization Algorithm. J. Energy Storage 2022, 55, 105311. [Google Scholar] [CrossRef]
  2. Dixon, J.; Bukhsh, W. Vehicle to Grid: Driver Plug-in Patterns, Their Impact on the Cost and Carbon of Charging, and Implications for System Flexibility. ETransportation 2022, 13, 100180. [Google Scholar] [CrossRef]
  3. Wang, Q.; Yang, X. Electric Vehicle Participation in Regional Grid Demand Response: Potential Analysis Model and Architecture Planning. Sustainability 2023, 15, 2763. [Google Scholar] [CrossRef]
  4. Mu, Y.; Wu, J. A Spatial–Temporal Model for Grid Impact Analysis of Plug-in Electric Vehicles. Appl. Energy 2014, 114, 456–465. [Google Scholar] [CrossRef]
  5. Tattini, J.; Bibra, E.M. Global EV Outlook 2021—Accelerating Ambitions despite the Pandemic; International Energy Agency/OECD: Paris, France, 2021. [Google Scholar]
  6. Jiang, Z.; Han, J.; Li, Y.; Chen, X.; Peng, T.; Xiong, J.; Shu, Z. Charging station layout planning for electric vehicles based on power system flexibility requirements. Energy 2023, 283, 128983. [Google Scholar] [CrossRef]
  7. Yu, X.; Song, F.; Zhou, Y.; Liang, H. Impact analysis of “new infrastructure” on China’s “14th Five-Year Plan” power demand and grid planning. China Electric Power 2021, 54, 11–17. [Google Scholar]
  8. Mohanty, S.; Subhasis, P. Demand Side Management of Electric Vehicles in Smart Grids: A Survey on Strategies, Challenges, Modeling, and Optimization. Energy Rep. 2022, 8, 12466–12490. [Google Scholar] [CrossRef]
  9. Shang, Y.; Li, S. FedPT-V2G: Security enhanced federated transformer learning for real-time V2G dispatch with non-IID data. Appl. Energy 2024, 358, 122626. [Google Scholar] [CrossRef]
  10. Clement-Nyns, K.; Haesen, E. The Impact of Charging Plug-In Hybrid Electric Vehicles on a Residential Distribution Grid. IEEE Trans. Power Syst. 2010, 25, 371–380. [Google Scholar] [CrossRef]
  11. Green, R.C.; Wang, L. The Impact of Plug-in Hybrid Electric Vehicles on Distribution Networks: A Review and Outlook. Renew. Sustain. Energy Rev. 2011, 15, 544–553. [Google Scholar] [CrossRef]
  12. Perujo, A.; Ciuffo, B. The Introduction of Electric Vehicles in the Private Fleet: Potential Impact on the Electric Supply System and on the Environment. A Case Study for the Province of Milan, Italy. Energy Policy 2010, 38, 4549–4561. [Google Scholar] [CrossRef]
  13. Shafiee, S.; Fotuhi-Firuzabad, M. Investigating the Impacts of Plug-in Hybrid Electric Vehicles on Power Distribution Systems. IEEE Trans. Smart Grid 2013, 4, 1351–1360. [Google Scholar] [CrossRef]
  14. Shaaban, M.F.; Atwa, Y.M.; El-Saadany, E.F. PEVs Modeling and Impacts Mitigation in Distribution Networks. IEEE Trans. Power Syst. 2013, 28, 1122–1131. [Google Scholar] [CrossRef]
  15. Li, Z.; Wu, L. Stochastic-Weighted Robust Optimization Based Bilayer Operation of a Multi-Energy Building Microgrid Considering Practical Thermal Loads and Battery Degradation. IEEE Trans. Sustain. Energy 2022, 13, 668–682. [Google Scholar] [CrossRef]
  16. Godina, R.; Rodrigues, E.M.G. Smart Electric Vehicle Charging Scheduler for Overloading Prevention of an Industry Client Power Distribution Transformer. Appl. Energy 2016, 178, 29–42. [Google Scholar] [CrossRef]
  17. Zhang, Q.; Shi, D. Research on G2V and V2G Trade Modes and Information System Development. Appl. Mech. Mater. 2014, 556–562, 5848–5851. [Google Scholar] [CrossRef]
  18. Jenn, A.; Highleyman, J. Distribution Grid Impacts of Electric Vehicles: A California Case Study. iScience 2022, 25, 103686. [Google Scholar] [CrossRef]
  19. Schuller, A.; Flath, C.M. Quantifying Load Flexibility of Electric Vehicles for Renewable Energy Integration. Appl. Energy 2015, 151, 335–344. [Google Scholar] [CrossRef]
  20. Guo, G.; Xu, T. A Review on the Optimization of Power Grid-transportation Network in the Era of Electric Vehicles. A Review of Grid-transportation Network Co-optimization in the Era of Electric Vehicles. Control Decis. 2021, 36, 2049–2062. [Google Scholar]
  21. Kurukuru, V.S.B.; Khan, M.A.; Singh, R. Electric Vehicle Charging/Discharging Models for Estimation of Load Profile in Grid Environments. Electr. Power Compon. Syst. 2023, 51, 279–295. [Google Scholar] [CrossRef]
  22. Zhang, X.; Chan, K.W.; Li, H.; Wang, H.; Qiu, J.; Wang, G. Deep-Learning-Based Probabilistic Forecasting of Electric Vehicle Charging Load with a Novel Queuing Model. IEEE Trans. Cybern. 2021, 51, 3157–3170. [Google Scholar] [CrossRef]
  23. Han, X.; Wei, Z. Ordered Charge Control Considering the Uncertainty of Charging Load of Electric Vehicles Based on Markov chain. Renew. Energy 2020, 161, 419–434. [Google Scholar] [CrossRef]
  24. Tang, D.; Wang, P. Probabilistic Modeling of Nodal Charging Demand Based on Spatial-Temporal Dynamics of Moving Electric Vehicles. IEEE Trans. Smart Grid 2015, 7, 627–636. [Google Scholar] [CrossRef]
  25. Iversen, E.B.; Morales, J.M. Optimal Charging of an Electric Vehicle Using a Markov Decision Process. Appl. Energy 2014, 123, 1–12. [Google Scholar] [CrossRef]
  26. Xie, P.; Duan, Y.; Zhang, D. Short-term Transmission Line Load and State Evaluation Method Based on Improved Gradient Lifting Stochastic Forest Algorithm. IOP Conf. Ser. Earth Environ. Sci. 2021, 769, 042109. [Google Scholar]
  27. Zhang, A.; Zhang, P. Short-term Load Forecasting for Microgrids Based on DA-SVM. COMPEL-Int. J. Comput. Math. Electr. Electron. Eng. 2019, 38, 68–80. [Google Scholar] [CrossRef]
  28. Chen, Z.; Wang, C. Research on Peak Load Prediction of Distribution Network Lines Based on Prophet-LSTM Model. Sustainability 2023, 15, 11667. [Google Scholar] [CrossRef]
  29. Wang, K.; Wang, H.; Yang, J.; Feng, J.; Li, Y.; Zhang, S.; Okoye, M.O. Electric vehicle clusters scheduling strategy considering real-time electricity prices based on deep reinforcement learning. Energy Rep. 2022, 8 (Suppl. S4), 695–703. [Google Scholar] [CrossRef]
  30. Hong, Y.-Y.; Chan, Y.-H. Short-term electric load forecasting using particle swarm optimization-based convolutional neural network. Eng. Appl. Artif. Intell. 2023, 126 Pt A, 106773. [Google Scholar] [CrossRef]
  31. Dai, Y.; Wang, R.; Ma, Y.; Wan, T.; Huang, Z. Research on CNN-BiLSTM Power Load Forecasting Based on VMD Algorithm. In Proceedings of the 2023 IEEE 5th International Conference on Civil Aviation Safety and Information Technology (ICCASIT), Dali, China, 11–13 October 2023; pp. 1098–1102. [Google Scholar]
  32. Wan, A.; Chang, Q.; AL-Bukhaiti, K.; He, J. Short-term power load forecasting for combined heat and power using CNN-LSTM enhanced by attention mechanism. Energy 2023, 282, 128274. [Google Scholar] [CrossRef]
  33. Duan, P.; Xie, K. Short-Term Load Forecasting for Electric Power Systems Using the PSO-SVR and FCM Clustering Techniques. Energies 2011, 4, 173–184. [Google Scholar] [CrossRef]
  34. Wu, L.; Kong, C. A Short-Term Load Forecasting Method Based on GRU-CNN Hybrid Neural Network Model. Math. Probl. Eng. 2020, 2020, 1428104. [Google Scholar] [CrossRef]
  35. Liu, W.; Liu, Y.; Fu, L.; Yang, M.; Hu, R.; Kang, Y. Wind Power Forecasting Method Based on Bidirectional Long Short-Term Memory Neural Network and Error Correction. Electr. POWER Compon. Syst. 2022, 49, 1169–1180. [Google Scholar] [CrossRef]
  36. Ciechulski, T.; Osowski, S. High Precision LSTM Model for Short-Time Load Forecasting in Power Systems. Energies 2021, 14, 2983. [Google Scholar] [CrossRef]
  37. Kiruthiga, D.; Manikandan, V. Levy flight-particle Swarm Optimization-assisted BiLSTM Plus Dropout Deep Learning Model For Short-term Load Forecasting. Neural Comput. Appl. 2023, 35, 2679–2700. [Google Scholar] [CrossRef]
  38. Dehghani, M.; Trojovský, P. Osprey Optimization Algorithm: A New Bio-inspired Metaheuristic Algorithm for Solving Engineering Optimization Problems. Front. Mech. Eng. 2023, 8, 1126450. [Google Scholar] [CrossRef]
  39. Zhang, W.; Liu, S. Adaptive T-distribution with Golden Sine Improved Sparrow Search Algorithm and Its Applications. Microelectron. Comput. 2022, 39, 17–24. [Google Scholar]
  40. Kennedy, J.; Eberhart, R. Particle swarm optimization. In Proceedings of the ICNN’95-International Conference on Neural Networks, Perth, WA, Australia, 27 November 27–1 December 1995; Volume 4, pp. 1942–1948. [Google Scholar]
  41. Huang, W.; Song, Q. Two-Stage Short-Term Power Load Forecasting Based on SSA-VMD and Feature Selection. Appl. Sci. 2023, 13, 6845. [Google Scholar] [CrossRef]
  42. Dehghani, M.; Hubalovsky, S. Northern Goshawk Optimization: A New Swarm-Based Algorithm for Solving Optimization Problems. IEEE Access 2021, 9, 162059–162080. [Google Scholar] [CrossRef]
  43. Lee, Z.J.; Li, T. ACN-Data: Analysis and Applications of an Open EV Charging Dataset. In Proceedings of the Tenth ACM International Conference on Future Energy Systems, ACM, Phoenix, AZ, USA, 25–28 June 2019; pp. 139–149. [Google Scholar]
Figure 1. Trend of global sales of battery-powered vehicles.
Figure 1. Trend of global sales of battery-powered vehicles.
Energies 17 02831 g001
Figure 2. Technology roadmap.
Figure 2. Technology roadmap.
Energies 17 02831 g002
Figure 3. Schematic diagram of CNN for feature extraction.
Figure 3. Schematic diagram of CNN for feature extraction.
Energies 17 02831 g003
Figure 4. Structure of neural network. (a) LSTM; (b) BiLSTM.
Figure 4. Structure of neural network. (a) LSTM; (b) BiLSTM.
Energies 17 02831 g004
Figure 5. CNN-BiLSTM hybrid model structure.
Figure 5. CNN-BiLSTM hybrid model structure.
Energies 17 02831 g005
Figure 6. Test function evolution curve.
Figure 6. Test function evolution curve.
Energies 17 02831 g006
Figure 7. Principle flowchart of charging load forecasting method.
Figure 7. Principle flowchart of charging load forecasting method.
Energies 17 02831 g007
Figure 8. Model prediction error box plots.
Figure 8. Model prediction error box plots.
Energies 17 02831 g008
Figure 9. Plot of CNN-BiLSTM model predicted values against actual values.
Figure 9. Plot of CNN-BiLSTM model predicted values against actual values.
Energies 17 02831 g009
Figure 10. Plot of predicted versus actual values of IDBO-CNN-BiLSTM model.
Figure 10. Plot of predicted versus actual values of IDBO-CNN-BiLSTM model.
Energies 17 02831 g010
Figure 11. Plot of different model predictions.
Figure 11. Plot of different model predictions.
Energies 17 02831 g011
Figure 12. Distribution of EV charging stations.
Figure 12. Distribution of EV charging stations.
Energies 17 02831 g012
Figure 13. Load statistics of electric vehicle charging stations.
Figure 13. Load statistics of electric vehicle charging stations.
Energies 17 02831 g013
Table 1. Comparison of prediction accuracy of models with different number of layers.
Table 1. Comparison of prediction accuracy of models with different number of layers.
Framework
(CNN-BiLSTM)
SecondMSERMSEMAE R 2
3-169.3427.185.213.800.8116
4-195.8628.425.323.910.8071
2-155.7229.785.464.050.8062
5-1116.8729.935.464.000.8049
3-373.1131.045.574.030.7983
Table 2. Hyperparameter optimization results.
Table 2. Hyperparameter optimization results.
ParameterizationLimitPSOSSADBOIDBO
Convolution Kernels 1[8,64]42415556
Convolution Kernels 2[8,64]48302927
Convolution Kernels 3[8,64]42484246
Hidden Neurons 1[8,128]48425245
Maximum Iterations[10,100]73847895
Batch Sample Size[32,128]1017465107
Learning Rate[0.001,0.1]0.00130.00410.00160.0029
Table 3. Comparison of model prediction accuracy.
Table 3. Comparison of model prediction accuracy.
Predictive ModelMAE AverageRMSE Average R 2 Average
IDBO-CNN-BiLSTM3.2994.31389.21%
CNN4.5636.21574.18%
LSTM4.3335.83276.92%
BiLSTM4.0645.47479.23%
CNN-BiLSTM3.8015.21481.66%
PSO- CNN-BiLSTM3.7665.43384.94%
SSA-CNN-BiLSTM3.7555.13483.86%
DBO-CNN-BiLSTM3.7035.09384.44%
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

Tang, M.; Wang, C.; Qiu, J.; Li, H.; Guo, X.; Sheng, W. Short-Term Load Forecasting of Electric Vehicle Charging Stations Accounting for Multifactor IDBO Hybrid Models. Energies 2024, 17, 2831. https://doi.org/10.3390/en17122831

AMA Style

Tang M, Wang C, Qiu J, Li H, Guo X, Sheng W. Short-Term Load Forecasting of Electric Vehicle Charging Stations Accounting for Multifactor IDBO Hybrid Models. Energies. 2024; 17(12):2831. https://doi.org/10.3390/en17122831

Chicago/Turabian Style

Tang, Minan, Changyou Wang, Jiandong Qiu, Hanting Li, Xi Guo, and Wenxin Sheng. 2024. "Short-Term Load Forecasting of Electric Vehicle Charging Stations Accounting for Multifactor IDBO Hybrid Models" Energies 17, no. 12: 2831. https://doi.org/10.3390/en17122831

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop