Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (2024)

1. Introduction

As the country actively promotes the energy revolution and implements the “dual-carbon” goal, a new type of power system has emerged to take on the heavy responsibility of carbon peaking, carbon neutrality, and realizing the new development concept. Accurate power load forecasting can significantly improve the power utilization efficiency and reduce carbon emissions [1]. However, large quantities of electricity are difficult to store for long periods of time and to supply at any time, which makes it difficult to maintain a balance between supply and demand in the operation of the power system [2]. How to maintain the flexibility, stability, economy and security of the power grid in the future has become an urgent issue.

Precise power load forecasting is vital for the effective operation and planning of power systems. It not only guarantees the stability of the power system but also empowers power grid companies to strategically organize power generation schedules, ensuring ample power supply to cater to diverse user demands. This approach helps minimize power disruptions due to inadequate supply and enhances the overall reliability of power provision [3]. Through accurate load forecasting, power grid companies can rationally plan and dispatch power generation resources to avoid resource wastage and cost increase. Accurate forecasts can provide valuable information to electric utilities, power plants, and grid operators to help them formulate reasonable generation plans, optimize power dispatch, and improve the reliability and economics of the power supply [4].

2. Background

2.1. Basic Methodology and Shortcomings of Existing Studies

In recent years, scholars have proposed various methods to forecast the global electricity load. Before conducting power load forecasting, a common method used to process data is data reconstruction. Scholars at home and abroad have developed various decomposition algorithms for power load time series, such as wavelet decomposition [5], wavelet packet transform [6], empirical mode decomposition (EMD) [7,8], and ensemble empirical mode decomposition (EEMD) [9], etc. Data reconstruction is utilized to reduce the impact of intermittency and randomness in the original data on the prediction results. Most of these decomposition algorithms decompose the original data and then apply neural network models to predict the subcomponents, which in turn improves the accuracy of the prediction.

There are three types of methods for power load forecasting. They are time series analysis methods, statistical methods and machine-learning methods. Time series analysis methods mainly include the exponential smoothing modeling method [10] and Fourier expansion model [11]. This method considers the trend, seasonality, periodicity, and randomness of historical load data when performing load forecasting, but its modeling ability for nonlinear relationships is limited. Statistical methods refer to the analysis and modeling of historical load data to predict future power loads, mainly including the vector autoregressive model [12], multiple linear regression model [13] and uncertainty analysis theory [14]. However, this method not only has limited modeling ability for complex nonlinear relationships but also has limited modeling ability for external factors such as weather changes, holidays, etc., which may affect the accuracy of the load forecasting. Machine-learning analytics mainly include grayscale projection and random forest algorithms [15], deep belief network prediction [16], multi-core support vector machine algorithms [17], and LSTM models [18]. This method considers more complex patterns and relationships in power load forecasting, and it can handle nonlinear relationships, large-scale data, and multidimensional features. But it is impossible to extract valid information between discontinuous data.

Deep learning (DL) is an important branch of machine learning that has received much attention in recent years and is widely applied in different engineering fields. Deep-learning models perform well in learning feature representations and simulating complex data relationships, effectively predicting complex associations hidden in big data [19]. The DL models include convolutional neural networks (CNNs), recurrent neural networks (RNNs) and fully connected neural networks (FCNNs). An FCNN is where each neuron in each layer is connected to each neuron in the next layer. It is suitable for structured data (e.g., tabular data) and simple classification or regression tasks. However, it has a large number of parameters and is prone to overfitting. It does not perform well for high-dimensional data (e.g., images, time series). A CNN uses convolutional and pooling layers to extract local features. It is suitable for processing image and video data. However, it has a relatively complex structure and requires more computational resources. It does not perform well for time series data or natural language-processing tasks. Thus, it is not very good at learning from sublinear data compared to an RNN. Among them, the RNN greatly improves the prediction compared to the FCNN and CNN because the RNN takes into account the temporal dependencies between sequential data through its unique self-cycling structure. In addition, long short-term memory (LSTM), as a significant representative of RNNs, has been widely used in problems such as load forecasting. Compared to an RNN, LSTM has advantages in preventing gradient explosion and vanishing when dealing with time series data correlation issues, and it has been widely used in the field of forecasting and time series-related fields due to its correlation with time series, advantages in long-term memory, and strong learning ability on nonlinear data.

The learning effect of a prediction model is often affected by the quality of the input data; therefore, appropriate processing of the data is key to improving the accuracy of the prediction model. Some common data decomposition methods have been introduced above, among which EMD is widely used due to its multi-resolution and adaptive nature [20]. However, EMD may encounter the problem of information feature extraction and obfuscation when constructing solid-mode functions. EEMD effectively solves this problem by introducing noise-assisted signal processing [21]. Although EEMD has improved in solving the mode-aliasing problem of EMD, determining the amplitude of the white noise added to EEMD is still challenging [22]. CEEMDAN is adaptive and suitable for decompression of complex signals requiring high adaptability and high resolution, but it is computationally complex and sensitive to noise [23]. To overcome the limitations of the EMD variant, white noise is added during operation to eliminate mode mixing. After several mixings, the noise remains in the signal. The empirical wavelet transform (EWT) is a revolutionary innovation based on a filter structure that is closely related to wavelet theory, which fundamentally solves the mode-mixing problem [24]. The core of the EWT lies in the design of adaptive filters, which requires the determination of the filter boundaries based on the spectral characteristics of the signal. This process not only relies on the choice of parameters but may also require complex algorithms to determine these boundaries automatically, increasing the complexity of the implementation. However, EWT may require more computational resources for filter design and signal reconstruction than variants of EMD, which may not work well when applied to short-term power load forecasting. The VMD is adaptive, does not require preset basis functions, and is free of modal aliasing. Its ability to provide stable modal decompositions helps to extract clear periodic and trending components from power load data, which is crucial for the accuracy of forecasting models. VMD, which is capable of decomposing complex sequences into multiple signals with adjustable amplitude and frequency, overcomes the difficulty of EEMD in distinguishing the frequency characteristics, achieves accurate signal decomposition, and improves the operational efficiency [25]. VMD is more suitable than CEEMDAN and EWT if the signal needs to be processed quickly and the parameters can be chosen rationally, e.g., for applications in short-term power load forecasting.

In the initial stages of deep-learning exploration, the power load was primarily seen as a regression task, with reliance on conventional statistical models and artificial neural networks. However, the autoregressive nature, dynamism, and weather-related aspects of power load data make it challenging to achieve precise load predictions solely through technologies like artificial neural networks. These methods struggle to effectively capture the complexities of nonlinear time series, such as the power load, making it hard for a singular model to meet the precision standards for load forecasting. Employing a blend of diverse models stands as a practical approach to enhance the precision of power load predictions.

In the literature [26], a power load-forecasting method based on the combination of composite adaptive filtering and fuzzy BP neural network is suggested. The proposed short-term power load algorithm is validated using real power load data to confirm its effectiveness. In addition to this, in the literature [27] is an electricity consumption prediction model based on a Bayesian regularized BP neural network, which proves that the proposed model has a better impact on electricity consumption prediction in Xinjiang compared with the general gradient descent method BP neural network model. However, the BP neural network has the phenomenon of “overfitting” and poor generalization ability, and the above method does not consider the problem of temporal correlation. A study [28] used multilayer perceptron neural networks, an adaptive network-based fuzzy inference system (ANFIS) and SARIMA to predict the power loads, respectively, and then proposed a direct and accurate algorithm to estimate the corresponding weight coefficients of each model. Despite the successful application of many optimization algorithms to determine the weighting coefficients of individual models, there is no evidence that optimization algorithms perform better in all cases. The deep RNN and single-layer RNN proposed in the literature [29] were applied to two different loaded datasets. The results show that the model has better prediction ability. When the time series data are long, the traditional recurrent neural network (RNN) implements short-term memory through neurons with self-feedback, which is theoretically capable of handling time series of arbitrary length. However, traditional RNNs sometimes encounter the problem of gradient explosion and vanishing, which is especially evident when dealing with long sequences. To address this issue, long short-term memory (LSTM) has been suggested as an enhanced version of an RNN, incorporating a gating mechanism to effectively tackle the challenges of gradient vanishing and explosion [30]. In the literature [25], a hybrid network for short-term load prediction is introduced, merging variational modal decomposition (VMD), gated recurrent unit (GRU), and a time convolution network (TCN). The VMD is applied to break down the original electrical load sequence data containing noise into fundamental IMF components with diverse frequencies and amplitudes. Subsequently, a joint load forecasting approach utilizing GRU and TCN networks is suggested for tracking high-frequency and low-frequency load variations, correspondingly; and finally, the high- and low-frequency signal prediction results are reconstructed for the GRU and TCN networks. However, the prediction error effect of the proposed method is not good, and the prediction accuracy is still not up to 90%. In the literature [31], a VMD-IWOA-LSTM approach for short- and long-term load forecasting (STLF) is proposed by also applying VMD to decompose the historical electricity load signals and optimizing the parameters in the LSTM using the improved whale optimization algorithm (IWOA). Finally, the prediction results of each component are summed up to obtain the final prediction results. The proposed method has strong anti-interference performance. However, the parameters of VMD need to be set manually, the workload will be larger in comparison, and the LSTM optimized by IWOA takes longer.

2.2. Innovative Aspects of the Study

To overcome the constraints of prior research and enhance the forecast precision, this study merges data decomposition with deep-learning architectures, specifically LSTM models. Leveraging LSTM’s capability to preserve historical data for assessing uncertainties arising from model misclassifications and data noise, it surpasses the drawbacks of conventional gradient-based networks such as sluggish performance and numerous input parameters. Consequently, the forecast accuracy is enhanced. The key contributions of this study encompass the following:

  • Most of the existing methods are based on the meteorological features of numerical weather prediction as input features, and the input prediction model based on multiple correlation and target variables proposed in this study takes into account the historical patterns of correlation features and target variables, which can improve the accuracy of the model prediction.

  • Aiming to address the shortcomings of the traditional DBO algorithm in the application of power load forecasting, such as its time-consuming nature, reduced search capability, ease of falling into local optimum and low convergence accuracy, the traditional DBO algorithm is improved by using the lens inverse-learning strategy, the spiral search strategy, the optimal value-guiding strategy, and the positional dynamic updating of weight coefficients strategy in order to form the MODBO-LSTM algorithm with multiple strategies, and the optimization outcomes of various optimization algorithms (FOA, SSA, GWO, etc.) are compared. The simulation findings indicate that the MODBO-LSTM algorithm outperforms the conventional DBO-LSTM approach, exhibiting superior prediction accuracy.

  • A hybrid MODBO-VMD-MODBO-LSTM (MVMO-LSTM) model is proposed, whereas previous studies need to reset the number of decompositions when the center frequency domain is determined and seldom explore the penalty factor and decomposition layer values. This multi-strategy improved dung beetle algorithm not only optimizes the penalty factor and decomposition layer values of VMD but also optimizes the optimal number of hidden units, the optimal maximum training period and the optimal initial learning rate of LSTM. The combination of these two improvements can effectively help the LSTM learn and adapt to the complexity and seasonal changes of the power load data, thus improving the prediction accuracy and making the prediction results more reliable and practical.

3. Methodologies

3.1. Variational Modal Decomposition Algorithm (VMD)

Variational mode decomposition (VMD) is a new signal adaptive-processing technique used to decompose a non-smooth, nonlinear signal into several discrete intrinsic mode functions (IMFs) [32]. Compared with traditional modal decomposition methods such as EMD, EEMD, etc., the greatest superiority of VMD lies in its adaptive tuning, i.e., a parameter is used to control the number of decomposed modes, and this adaptivity makes VMD more flexible in pre-processing signals of a different nature and complexity [33]. In the case of a preprocessed signal consisting of K bandwidth limited modal components u k ( t ) , the center frequency of each IMF is denoted by ω ( t ) , and the modal sum pairs are approximated to be equal to the original signal, subject to certain error allowances. The next step in the construction of the VMD is as follows:

By applying the Hilbert transform, the analytical signal of u k ( t ) is obtained, its one-sided spectrum is calculated, and an exponential term is added to correct the estimated frequency of the center of each modal function and multiply it with the exponential signal of the one-sided interspectrum to modulate the center band to the corresponding baseband [34]. The square of the gradient of the demodulated signal is computed to determine the estimated fundamental frequency range of each modal function. This process establishes the constrained variational problem, leading to the following mathematical model:

G = min { u k } , { ω k } k = 1 K t δ ( t ) + j π t u k ( t ) e j ω k t 2 2 s . t . k = 1 K u k = h ( t )

where G is the minimum of the sum of the u k ( t ) estimated bandwidths, K is the number of modal decompositions, t is the bias of the sought function, δ ( t ) is the Dirac distribution function, “*” is the convolution operator, and h ( t ) is the original load signal [35].

Introducing the Lagrange multiplier ε ( t ) and the quadratic penalty factor α, the constrained problem is transformed into an unconstrained problem, and the expression of the augmented Lagrange function L is obtained as shown in Equation u k ( t ) , ω k is the set of the decomposed modal components and the center frequency:

L u k , ω k , ε = α k = 1 K t δ ( t ) + j π t u k ( t ) e j ω k t 2 2 + h ( t ) k = 1 K u k t 2 2 + ε ( t ) , h ( t ) k = 1 K u k ( t )

The modal components and center frequencies are solved iteratively by the alternating direction multiplier method (ADMM) to find the “saddle point” of the improved Lagrangian. Then, the updated u k , ω k and λ are:

u k n + 1 ( ω ) = f ω i k u i ω + λ ω 2 1 + 2 α ω ω k 2

ω k n + 1 = 0 ω | u ^ k n + 1 ( ω ) | 2 d ω 0 | u ^ k n + 1 ( ω ) | 2 d ω

λ ^ n + 1 ( ω ) = λ ^ n ( ω ) + γ [ f ^ ( ω ) k = 1 n u ^ k n + 1 ( ω ) ]

The judgement accuracy is ε > 0 , where ε is the iteration error iteration stop condition reached that stops:

k u ^ k n + 1 u ^ k n 2 2 / u ^ k n 2 2 < ε

3.2. Long Short-Term Memory

LSTM (long short-term memory) is a deep-learning model commonly used to process sequence data and is particularly good at capturing long-term dependencies. It controls the flow of information through gating mechanisms, including input gates, forgetting gates, and output gates, so as to efficiently process sequence data and avoid the problem of vanishing or exploding gradients [36]. LSTM has achieved a wide range of applications in natural language processing, time series prediction and other fields [37]. In LSTM, the cell state acts like a conveyor belt that passes information through the chain structure with minimal changes so that the information flows through almost unchanged [38]. Gates control the inflow and outflow of information, and they are composed of sigmoid neural network layers and a dot-multiply operation that is able to decide which information is important enough should be retained or forgotten. Its structure is shown schematically in Figure 1, as well as the formulas for each variable as follows:

f t = σ ( W f [ h t 1 , x t ] + b f ) i t = σ ( W i [ h t 1 , x t ] + b i ) C t = tan h ( W C [ h t 1 , x t ] + b C ) C t = f t C t 1 + i t C t o t = σ ( W o [ h t 1 , x t ] + b o ) h t = o t tan h ( C t )

3.3. Dung Beetle Algorithm for Multi-Strategy Optimization

3.3.1. Dung Beetle Optimizer

The dung beetle optimizer (DBO) is a novel algorithm introduced by Jiankai Xue and Bo Shen in 2022 [39]. It draws inspiration from the dung beetle’s activities, such as ball-rolling, dancing, breeding, foraging, and stealing. This algorithm combines global exploration and local exploitation, leading to rapid convergence and precise results.

The specific strategy improvements of multi-strategy optimization of the dung beetle optimizer proposed in this study are as follows:

  • Dung Beetle Rolling Balls

Dung beetles will make a ball of dung and roll it to a desired location, and during the rolling process, dung beetles keep the ball of dung rolling in a straight line by, for example, the position of the Sun or the direction of the wind [40]. The updating of the position of the dung beetle during the ball-rolling behavior can be expressed as:

x j t + 1 = x j t + α × k × x j t 1 + b × Δ x

Δ x = x j t x w

where t represents the current iteration number, x j t denotes the position information of the jth dung beetle at the tth iteration, α is a natural coefficient indicating whether it deviates from the original direction and is assigned as −1 or 1 according to the probabilistic method, k ( 0 , 0.2 ) denotes the deflection coefficient, b ( 0 , 1 ) denotes a constant, k and b are set to be 0.1 and 0.3, respectively, and x w denotes the global worst position, and Δ x is used to simulate the change of light intensity.

When a dung beetle encounters an obstacle, it performs a behavior called dancing, by which it reorients itself to go around the obstacle. A tangent function can be used to simulate the dancing behavior of the dung beetle to obtain a new rolling direction. Once the dung beetle has successfully determined a new direction, it will continue to roll forward. The dancing behavior of a dung beetle can be defined as follows:

x j t + 1 = x j t + tan β x j t x j t 1

where β ( 0 , π ] denotes the angle of deflection, and the position of the dung beetle is not updated when π is equal to 0, π 2 or π.

  • Breeding Dung Beetles

In nature, dung beetles roll their dung balls to a safe place and bury them to provide a safe environment for their offspring. Therefore, the selection of appropriate oviposition sites is crucial for dung beetles. Inspired by this scenario, a boundary selection strategy is proposed to model the female dung beetle’s choice of spawning behavior [41]. The strategy is:

L b n = m a x x b e s t × 1 R , L b

U b n = m i n x b e s t × 1 R , U b

where x b e s t represents the current local optimal position, while U b n and L b n represent the upper and lower bounds of the spawning area, respectively. U b and L b represent the upper and lower bounds of the optimization problem, respectively, where R = 1 t / T m a x and T m a x denotes the maximum number of iterations.

From the above equation, it can be seen that the boundary range of the spawning area is dynamically changing, and this change is mainly affected by the R value. Therefore, the position of the breeding sphere changes dynamically during the iterative process. The iterative process is represented as follows:

B j t + 1 = x b e s t + b 1 × B j t L b n + b 2 × B j t U b n

where b 1 and b 1 represent two independent random vectors of size 1 × D , and D denotes the dimension of the optimization problem. B j t is the position information of the jth brood ball at the tth iteration.

  • Foraging Dung Beetles

Upon hatching, young dung beetles tend to seek food in the most favorable foraging zone. Therefore, it is crucial to define the optimal foraging area to direct the dung beetles toward food sources, with continuous dynamic updates, and the formula for regional positioning and location update is as follows:

L b l = m a x X b e s t × 1 R , L b

U b l = m i n X b e s t × 1 R , U b

x j t + 1 = x j t + C 1 × x j t L b l + C 2 × x j t U b l

where X b e s t denotes the current global optimal position, i.e., the best foraging position, L b l and U b l denote the lower and upper bounds of the optimal foraging area, respectively, C 1 is a random number obeying a normal distribution, and C 2 is a random vector within 0 , 1 .

  • Stealing Dung Beetles

The thieving dung beetle steals dung balls from other dung beetles, and the thieving dung beetle’s location is updated below:

x j t + 1 = X b e s t + M × g × x j t x b e s t + x j t X b e s t

where X b e s t is the optimal foraging location as mentioned above, where x j t denotes the location of the jth thief in the tth iteration, g is a random vector of size 1 × D obeying a normal distribution, and M denotes a constant.

3.3.2. Multi-Strategy Optimized Dung Beetle Algorithm

(a)

Lens-Imaging Inverse-Learning Strategist

At the late stage of the algorithm iteration, it is difficult for the DBO algorithm to avoid falling into the local optimum, resulting in poor convergence accuracy, slow convergence speed and other defects. In order to overcome these shortcomings, and inspired by Long Wen et al. [42], who analyzed that individuals in the late stage of the grey wolf optimization algorithm who are all clustered to the decision level region, which leads to poor population diversity, this study introduces a reverse-learning strategy combined with the lens-imaging principle to initialize the population matrix of dung beetles. The steps of reverse learning based on the lens-imaging principle are as follows:

Step 1: Initialize the population matrix of the dung beetle by selecting N matrix elements as x i , j population vectors.

Step 2: Generate the refractive reverse population x i , j , where the specific strategy is expressed in the following equation:

x i , j = u j + l j 2 + u j + l j 2 k x i , j k

where u j and l j are the maximum and minimum values of the jth dimension in the search space, and k is the scaling factor related to the lens-imaging principle. The two populations in steps one and two are sorted according to the descending power of the fitness value, and the first N population vectors are used as the initialized populations.

(b)

Spiral Search Strategy

In the dung beetle optimization algorithm (DBO), the second step is to reproduce the dung beetles, and if the current reproduction of chicks within the spawning area is followed, this will certainly lead to a rapid convergence of the population in a short period of time, but it will also lead to a decrease in the diversity of the population, which is prone to causing the algorithm to fall into a local optimum. Therefore, inspired by the head whale population rounding up prey in the whale algorithm [43], the whale algorithm uses a spiral search strategy for individual whales to update their position with prey during the iteration process, which not only ensures the convergence speed of the algorithm but also increases the diversity of individuals. The whales rounding up prey-stage formula is as follows:

X t + 1 = x b e s t ( t ) X ( t ) e d cos 2 π l + x b e s t t

where the strategy is easily affected by the defined parameters. Larger c’s can cause the algorithm to decay too quickly, leading to a local optimum, and smaller c’s can cause the algorithm to converge slowly. To solve this problem, the parameter r of the dynamic spiral search shape is introduced.

r = e c g cos ( π t M a x I t e r )

The updated formula for breeding dung beetles is as follows:

B j t + 1 = x b e s t + e r l cos 2 π l × b 1 × B j t L b n + e r l cos 2 π l × b 2 × B j t U b n

(c)

Optimal Value Guidance Strategy

In the third phase of the dung beetle algorithm, the foraging phase, the generation of candidate solutions is influenced by two random numbers ( K 1 and K 2 ), where K 1 is a random number obeying a normal distribution and K 2 is a random variable within 0 , 1 . This makes the probability of generating better and worse candidate solutions equal. This is inspired by the particle swarm optimization (PSO) algorithm [44], where each particle changes its speed and position as it moves according to the optimal value it has found and the current global optimal value. Therefore, the generation of candidate solutions is guided by introducing the current optimal value.

The updated formula is shown in the following equation:

x j t + 1 = x j t + K 1 × x j t L b l + K 2 × x j t U b l + λ x b e s t x j t

λ = e t M a x I t e r 1

where x b e s t x j t , their difference represents the direction of the current position from the optimal position, and λ is used to control how much the optimal value is influenced so that there is a greater probability of producing a better result. When the maximum number of iterations M a x I t e r is increased from 0, the new position is influenced by the current optimal position, which improves the mining capability.

(d)

Positional Update Dynamic-Weighting Coefficient Strategy

The last stage in the dung beetle optimization algorithm is the stealing stage, where it can be viewed as a local search strategy that mimics the behavior of dung beetles that may occur when they rob each other of food resources while searching for food. Approaching the global optimal solution at the beginning of the iteration will lead to an insufficient search scope and fall into the local optimum, making the search fail. To overcome this drawback, this study updates the dynamic weight coefficients by improving the position, which can better introduce the influence of stealing behavior on the search process, thus improving the global search capability and convergence of the algorithm.

The formula for updating the location of the stealing dung beetle was introduced as follows:

k 1 = 1 t 3 T 3 k 2 = t 3 T 3 x j t + 1 = k 1 × X b e s t + k 2 × g × x j t x b e s t + x j t X b e s t

The weight coefficient k 1 is larger in the early iteration period, allowing the dung beetle to explore more optimal regions in the search space, while in the later period, the weight coefficient k 2 gradually increases as the stealing dung beetle approaches the optimal region, allowing the stealing dung beetle to develop in the neighborhood of the optimal region, thus improving the algorithm’s ability to balance the global exploration with the local development.

4. Electricity Load-Forecasting Model

The Algorithmic Flow of the Model

This study is based on the superposition of the dung beetle algorithm for multi-strategy optimization (MODBO), variational modal decomposition (VMD), and long short-term memory (LSTM). An overview of the entire process is depicted in Figure 2. The detailed execution steps of the proposed power load prediction model are outlined as follows:

5. Experimentation and Analysis

5.1. Source of Data

The dataset selected for this study is the public dataset of energy consumption in Spain. The selected ones are the load data for certain representative days of the four seasons of 2018. The first 70% of every season (spring, summer, fall, and winter) was chosen for training, with the remaining 30% for testing. To mitigate the impact of varying feature data sizes on the model training and fitting speed, it is essential to normalize the historical data. The normalization process is illustrated in Formula (25).

X norm = X X m X M X m

where X norm is the normalized value, X m the minimum value, and X M the maximum value in the dataset. X is the value in the corresponding dataset.

5.2. Prediction Error Analysis

An accurate load-forecasting process is the process of infinite approximation to the actual power load value, but no matter how accurate, the forecasting still cannot avoid the generation of errors, so the degree of approximation through the error evaluation indexes to measure the degree of scientific estimation can improve the accuracy of the model prediction and have guiding significance for the prediction ability of the model in order to evaluate the results of the proposed model prediction. The hybrid model proposed in this paper includes signal-processing aspects with commonly used performance metrics such as PRD, SNRout and SNRimp. However, in the field of prediction, most of the performance metrics used to evaluate the goodness of the model are generally used, such as the RMSE, MAE, R 2 , etc. Therefore, these three performance metrics are applied in this paper to evaluate the superiority of the proposed model [45]. This paper adopts the root mean square error (RMSE) and mean absolute error (MAE) to evaluate the results. These two indicators allow the characterization of the prediction accuracy, and the smaller the value, the higher the accuracy [46]. The coefficient of determination R 2 measures the proportion of variance explained by the model to the total variance, and the closer its value is to 1, the stronger the explanatory power of the model. It is an important indicator for evaluating the overall goodness of fit of the model. These three metrics are defined below:

M A E = 1 n i = 1 n y i r y i p

R M S E = 1 n i = 1 n ( y i r y i p ) 2

R 2 = 1 i = 1 n y i r y i p 2 i = 1 n y i r y i r ¯ 2

where y i r is the true value, y i p is the predicted value, and n is the number of samples. The closer the values of M A E and R M S E in the above indexes are to 0, the better, while the closer R 2 is to 1, the better.

5.3. Experimental Environment

In this experiment, the simulation device is a Seven Rainbow desktop, where the computer is configured with the operating system Windows 11 from China, the system is equipped with an Intel(R) Core(TM) i5-13400F processor, an NVIDIA GeForce RTX 3070 GPU, 32 GB of RAM, and it operates within the MATLAB 2022b Runtime environment from China.

5.4. Analysis of Experimental Arithmetic

5.4.1. Comparison Results of the MODBO in Test Functions

The CEC2017 test function set [47] is quite widely used, and it is challenging and academically recognized for algorithms. All the functions within the test set undergo rotations and shifts, intensifying the complexity of algorithmic optimization searches. The functions mainly contain 29 test functions: F1 and F3 are single-peak functions without local minima but only global minima, which can test the convergence ability of the algorithms; F4–F10 are multi-peak functions with local extrema, which are used to test the ability of the algorithms to jump out of the local optimum; F11–F20 are composite functions comprising three or more CEC2017 benchmark functions, where each subfunction is allocated a specific weight; F21–F30 are composite functions that incorporate a minimum of three hybrid functions or CEC 2017 benchmark functions after rotation/shift, with each subfunction having an additional bias value and a weight, and these combined functions further increase the optimization difficulty of the algorithm (where the F2 function of the original function set was officially removed due to F2 instability). F1–F7 are used in this study to show part of the test set to verify the feasibility of this improved algorithm.

To verify the feasibility of the dung beetle algorithm for multi-strategy optimization, the algorithm is compared with the original dung beetle algorithm. The test set of CEC2017 is selected and the comparison results are shown below.

As shown in Figure 3, the slope of the performance curve of the MODBO algorithm is larger, indicating that its convergence speed is faster, and compared with the DBO algorithm, the MODBO algorithm has better adaptability under the same number of iterations. After 500 iterations, the final adaptation value of the MODBO algorithm is lower than that of the DBO algorithm. Therefore, it can be concluded that based on the CEC2017 test function, after 500 iterations, the MODBO algorithm proposed in this study has a faster convergence speed, better stability, lower final adaptation value, and better performance compared with the DBO algorithm.

5.4.2. Comparison Results of the MODBO in Load Data

In order to further validate the dung beetle algorithm for multi-strategy optimization, this study applies the MODBO to the power forecasting of real power loads, and it is compared with the fruit fly optimization algorithm, the grey wolf optimization algorithm, the sparrow optimization algorithm and the dung beetle algorithm. In order to avoid chance errors, data from four seasons are used for the experiment. The comparison results are shown in Figure 4.

As shown in Figure 4, the MODBO algorithm converges faster than the traditional intelligent algorithms and has better adaptability for the same number of iterations. After 100 iterations, the final adaptation value of the MODBO algorithm is lower than that of the various intelligent algorithms compared. Thus, it can also be verified that the MODBO algorithm proposed in this study converges faster, has better stability, has lower final adaptation values, and has better performance compared to traditional intelligent algorithms.

The effectiveness of VMD depends on the choice of parameters. Among them, the penalty factor α is a balancing parameter that controls the decomposition integrity and the loss of band information. If the chosen value of a is too high, it will lead to the loss or redundancy of band information. Therefore, the optimal combination of parameters [ K , α ] must be found to avoid over- or under-decomposition. Currently, the center frequency observation technique is used to find the optimal value of K. However, this method can only detect the number of formats K and not the penalty factor α. In general, the penalty factor α is in the range of 1000–3000, with a usual value of 2000.The four-season VMD obtained by the center-frequency method is shown in Figure 5.

Table 1 shows the results of using the MODBO algorithm to determine the K-value and the center frequency method to identify the VMD.

Figure 5 shows the effect of VMD. From left to right, the decomposition is performed for spring, summer, autumn, and winter for the data selected for these four seasons. The graph shows the modal number K of the decomposition calculated by applying the center frequency method, which is used to determine the IMF component for each season. The first graph for each season is the raw data for that season, respectively. For example, spring has five IMF components and summer has six IMF components. These IMFs (intrinsic mode functions) are obtained by solving a variational problem in order to make the bandwidth of each mode as small as possible. In a VMD, each IMF represents a specific frequency component of the signal, usually in the order of frequency from highest to lowest. Specifically, IMF1 is the first mode obtained from decomposition and usually contains the highest frequency component in the signal. It captures fast-changing parts of the signal, such as noise or high-frequency oscillations. IMF2 is the second mode, usually lower in frequency than IMF1. It may represent the next highest frequency component of the signal, capturing smoother, but still relatively fast, changes than IMF1. As the third mode, IMF3 is usually lower in frequency than both IMF1 and IMF2, and it may contain the more fundamental signal trends or cyclical components. The exact meaning and significance of each IMF depends on the characteristics of the original signal and the purpose of the analysis. One of the main advantages of the VMD is that it is able to adaptively extract modes of obvious physical significance from the signal, which makes it very effective in dealing with complex signals, especially in the analysis of non-stationary signals.

5.4.3. Comparison of Four-Season Load-Forecasting Models without Weather

For the purposes of this research project, the dates selected were for a random week of data during the spring, summer, fall, and winter seasons of 2018: 4.1–4.7 for spring, 8.11–8.17 for summer, 11.11–11.17 for fall, and 1.11–1.17 for winter. The prediction accuracy of the model applying the MVMO-LSTM proposed in this research was compared with the prediction accuracy of the conventional model. Figure 6 and Table 2 show the results of the evaluation. Among them, the performance metrics of the improved model proposed in this study have been bolded in bold.

(a) The table in this paper compares the MVMO-LSTM with the metrics of each algorithm from top to bottom. The metrics for each of the four seasons are compared from left to right, and “Target” is the original data. Compared with the MVMO-LSTM, the prediction performance of LSTM and the combination model of various optimization algorithms in the spring, autumn and winter seasons is not highly evaluated, and some indicators are slightly lower in the early period, which is susceptible to environmental changes. The average RMSE, MAE and R2 of LSTM in each season were 1.0959 KW, 0.9388 KW and 84.72%, respectively. Smoothing the data with VMD can reduce the noise interference. As a result, the average RMSE, MAE and R2 of the MVMO-LSTM were 0.2530 KW, 0.2195 KW and 99.27%, respectively. From these three indicators, this multi-strategy dung beetle algorithm is more advantageous compared with the combined models of other algorithms.

(b) In addition, most of the other conventional algorithms optimize LSTM with RMSE values in the range of 0.3676 KW to 1.0519 KW. Comparing LSTM with the MVMO-LSTM from Table 2, these models are also closer to the predicted results. Compared to other conventional algorithms with optimized LSTM, the MVMO-LSTM integrated prediction model has R2 over 99% for different datasets. In comparison, it has strong stability and adaptability.

5.4.4. Comparison of Four-Season Load Forecasting Models with Weather

The experiment is to implement load forecasting under conditions with weather characteristics. Temperature, humidity, atmospheric pressure and load values are used as inputs. Among them, the performance metrics of the improved model proposed in this study have been bolded in bold.

(a) The Figure 7 experiment without weather for one is a multiple-input, single-output experiment. In this case, meteorological data features such as the temperature and humidity are used, which are input into the model as additional feature variables, and feature selection or dimensionality reduction techniques are used to filter out features that have a greater impact on power load forecasting, thus reducing the impact of weather disturbances on the forecasting results. The table also compares the metrics of the MVMO-LSTM with each algorithm from top to bottom. The metrics for each of the four seasons are compared from left to right. The “target” is the raw data.

(b) From Figure 7 and Table 3, it can be seen that when the input conditions increase, the accuracy of the load prediction is affected so as to be worse compared to the load pre-diction without weather features. However, the four-season average of the RMSE, MAE, and R2 of the MVMO-LSTM can still be maintained at 0.3250 KW, 0.2828 KW, and 98.85%. The average RMSE, MAE and R2 compared to the MVMO-LSTM without weather are 0.2530 KW, 0.2195 KW and 99.27%, respectively. It can be concluded that the influential factor of weather has an influential relationship on short-term power load forecasting. However, the hybrid model proposed in this paper is still superior in all the indicators when compared with the model combined with ordinary intelligent algorithms. The RMSE and MAE of each season are lower, and the R2 is closer to 1.

(c) Figure 8 shows a plot of the four-season prediction model error comparisons, which is shown on the left half of the figure for the four-season model error comparisons without input features, such as weather, and on the right half of the figure for the four-season model error comparisons with input features, such as weather. The closer the error is to 0, the better the prediction of the model. It can be concluded from this figure that whether the MVMO-LSTM is applied to load data without input features such as weather or with input features such as weather, the error of the model is closer to 0 compared to the other algorithms.

(d) The MVMO-LSTM model performs the best in the comparison of this dataset, with a smaller average error and more stable prediction capability. This highlights the significant advantage of the model in processing the current dataset, making it closer to actual historical data.

5.4.5. Comparison of Different Signal Decomposition Algorithms

In order to avoid the chance of experiments, in this experiment, one week’s data in four seasons without weather and other influencing factors are also selected and compared with the different signal decomposition algorithms. The experimental results show that the MVMO-LSTM prediction system outperforms the other traditional signal decomposition algorithms. Figure 9 and Table 4 summarize the various performance metrics of the proposed hybrid model. More in-depth details are provided below. Among them, the performance metrics of the improved model proposed in this study have been bolded in bold.

(1)

Based on Figure 9 and Table 4, it can be concluded that the efficiency of the proposed hybrid prediction system is better than the LSTM model based on signal decomposition such as VMD, and the mean values of the evaluation metrics are RMSE = 0.1564 KW, MAE = 0.1216 KW, and R2 = 99.20%, respectively. In addition, the model metrics with VMD were superior to the other four hybrid models as far as winter is concerned. The evaluation metrics were RMSE = 0.4572 KW, MAE = 0.3871 KW and R2 = 96.02%.

(2)

In addition, the CEEMDAN-LSTM outperforms the other three hybrid models in all three seasons: spring, summer and fall. The average RMSE of the three seasons = 0.4012 KW. MAE = 0.3045 KW. R2 = 97.89%. Due to the multi-strategy optimization of the dung beetle algorithm used in this study, the k-value of the VMD as well as the penalty factor were optimized. In addition to this, the parameters of LSTM are optimized. As for the MVMO-LSTM, this hybrid model is optimal in various experimental comparisons for various performance metrics. Thus, the proposed prediction model in this study provides better potential.

6. Conclusions

In this study, we developed the MVMO-LSTM model by incorporating the advantages of the variational mode decomposition (VMD), long short-term memory (LSTM), and dung beetle optimization methods and multi-strategy improvement. In particular, the utilization of variational mode decomposition with the dung beetle algorithm incorporating multi-strategy optimization intelligently adjusts the parameters to mitigate signal noise effects. Furthermore, optimizing the long- and short-term memory with this algorithm significantly enhances the prediction accuracy by speeding up the convergence and steering clear of local optima. In addition, in this study, three assessment metrics are used to evaluate the predictions of the proposed model and other widely used models: the MAE, the RMSE, and the R2. Ultimately, the integrated model underwent comparison with alternative predictive models and testing to validate the accuracy and consistency of its forecasts. In conclusion, the following summarizing points are established:

(1)

The model proposed in this study achieves significant accuracy in power load forecasting.

(2)

The predictions of this hybrid model are more robust and efficient than a single model or a model with only one fusion algorithm.

(3)

A hybrid MODBO-VMD-MODBO-LSTM model is proposed, and previous studies need to reset the decomposition number when the center frequency domain is determined, and they seldom explore the penalty factor and decomposition layer values. This multi-strategy improved dung beetle algorithm not only optimizes the penalty factor and decomposition layer values of VMD but also optimizes the optimal number of hidden units, the optimal maximum training period and the optimal initial learning rate of LSTM. The combination of these two improvements can effectively help LSTM learn and adapt to the complexity and seasonal changes of power load data, thus improving the prediction accuracy and making the prediction results more reliable and practical.

Therefore, more efforts are needed to further improve the performance of power load-forecasting models and expand their application scenarios.

Author Contributions

All of the authors contributed extensively to this work. Software, conceptualization, methodology and writing—original draft preparation, J.C.; Reviewing and software, writing—review and editing, L.L.; Data curation and visualization, K.G.; supervision, S.L.; funding, D.H. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Natural Science Foundation of Fujian Province (Grant No. 2022N5020, 2022H6005).

Data Availability Statement

The experimental dataset in this paper is the Spanish Electricity Load Dataset, which is available from the authors upon request.

Acknowledgments

Our profound appreciation goes out to the editors and reviewers whose meticulous effort and insightful comments helped make this publication stronger.

Conflicts of Interest

The authors state that they have no financial or personal ties to other parties that might potentially affect the results presented in this study.

References

  1. Wu, C.; Yao, J.; Xue, G. Load prediction of integrated energy system based on MMoE multi-task learning and long short-term memory network. Electr. Power Autom. Equip. 2022, 42, 78–87. [Google Scholar]
  2. Eren, Y.; Küçükdemiral, İ. A comprehensive review on deep learning approaches for short-term load forecasting. Renew. Sustain. Energy Rev. 2024, 189, 114031. [Google Scholar] [CrossRef]
  3. Cheng, X.; Wang, L.; Zhang, P.; Yan, Q.; Shi, H. Data Characteristics and Short-term Forecasting of Regional Power Load. Dianwang Jishu/Power Syst. Technol. 2022, 46, 1092–1099. [Google Scholar] [CrossRef]
  4. Zhao, Y.; Guo, N.; Chen, W.; Zhang, H.; Guo, B.; Shen, J.; Tian, Z. Multi-step ahead forecasting for electric power load using an ensemble model. Expert Syst. Appl. 2023, 211, 118649. [Google Scholar] [CrossRef]
  5. Zhu, H.; Li, X.; Sun, Q.; Nie, L.; Yao, J.; Zhao, G. A power prediction method for photovoltaic power plant based on wavelet decomposition and artificial neural networks. Energies 2015, 9, 11. [Google Scholar] [CrossRef]
  6. Wang, J.-Z.; Wang, Y.; Jiang, P. The study and application of a novel hybrid forecasting model—A case study of wind speed forecasting in China. Appl. Energy 2015, 143, 472–488. [Google Scholar] [CrossRef]
  7. Prasad, R.; Ali, M.; Kwan, P.; Khan, H. Designing a multi-stage multivariate empirical mode decomposition coupled with ant colony optimization and random forest model to forecast monthly solar radiation. Appl. Energy 2019, 236, 778–792. [Google Scholar] [CrossRef]
  8. Ren, Y.; Suganthan, P.N.; Srikanth, N. A novel empirical mode decomposition with support vector regression for wind speed forecasting. IEEE Trans. Neural Netw. Learn. Syst. 2014, 27, 1793–1798. [Google Scholar] [CrossRef]
  9. Lin, G.; Lin, A.; Cao, J. Multidimensional KNN algorithm based on EEMD and complexity measures in financial time series forecasting. Expert Syst. Appl. 2021, 168, 114443. [Google Scholar] [CrossRef]
  10. Ostertagova, E.; Ostertag, O. Forecasting using simple exponential smoothing method. Acta Electrotech. Et Inform. 2012, 12, 62. [Google Scholar] [CrossRef]
  11. Rizwan, M.; Alharbi, Y.R. Artificial Intelligence Based Approach for Short Term Load Forecasting for Selected Feeders at Madina Saudi Arabia. Int. J. Electr. Electron. Eng. Telecommun. 2021, 10, 300–306. [Google Scholar] [CrossRef]
  12. Xin, A.; Zhiyu, Z.; Yanping, W.; Hongzhi, Z. Bidding strategy for time-shiftable loads based on autoregressive integrated moving average model. Autom. Electr. Power Syst. 2017, 41, 26–31. [Google Scholar]
  13. Mahmud, A. Isolated area load forecasting using linear regression analysis: Practical approach. Energy Power Eng. 2011, 3, 547–550. [Google Scholar] [CrossRef]
  14. Liu, L.; Zhao, Y.; Chang, D.; Xie, J.; Ma, Z.; Sun, Q.; Yin, H.; Wennersten, R. Prediction of short-term PV power output and uncertainty analysis. Appl. Energy 2018, 228, 700–711. [Google Scholar] [CrossRef]
  15. Abumohsen, M.; Owda, A.Y.; Owda, M. Electrical Load Forecasting Based on Random Forest, XGBoost, and Linear Regression Algorithms. In Proceedings of the 2023 International Conference on Information Technology (ICIT), Orlando FL, USA, 4–6 April 2023; pp. 25–31. [Google Scholar]
  16. Kong, X.; Zheng, F.; Zhijun, E.; Cao, J.; Wang, X. Short-term load forecasting based on deep belief network. Autom. Electr. Power Syst. 2018, 42, 133–139. [Google Scholar]
  17. Dai, Y.; Zhao, P. A hybrid load forecasting model based on support vector machine with intelligent methods for feature selection and parameter optimization. Appl. Energy 2020, 279, 115332. [Google Scholar] [CrossRef]
  18. Lin, J.; Ma, J.; Zhu, J.; Cui, Y. Short-term load forecasting based on LSTM networks considering attention mechanism. Int. J. Electr. Power Energy Syst. 2022, 137, 107818. [Google Scholar] [CrossRef]
  19. Wang, H.; Lei, Z.; Zhang, X.; Zhou, B.; Peng, J. A review of deep learning for renewable energy forecasting. Energy Convers. Manag. 2019, 198, 111799. [Google Scholar] [CrossRef]
  20. Gao, X.; Li, X.; Zhao, B.; Ji, W.; Jing, X.; He, Y. Short-term electricity load forecasting model based on EMD-GRU with feature selection. Energies 2019, 12, 1140. [Google Scholar] [CrossRef]
  21. Naz, A.; Javaid, N.; Khalid, A.; Shoaib, M.; Imran, M. Electric Load Forecasting using EEMD and Machine Learning Techniques. In Proceedings of the 2020 International Wireless Communications and Mobile Computing (IWCMC), Limassol, Cyprus, 15–19 June 2020; pp. 2124–2127. [Google Scholar]
  22. Huang, Y.; Hasan, N.; Deng, C.; Bao, Y. Multivariate empirical mode decomposition based hybrid model for day-ahead peak load forecasting. Energy 2022, 239, 122245. [Google Scholar] [CrossRef]
  23. Ran, P.; Dong, K.; Liu, X.; Wang, J. Short-term load forecasting based on CEEMDAN and Transformer. Electr. Power Syst. Res. 2023, 214, 108885. [Google Scholar] [CrossRef]
  24. Elouaham, S.; Nassiri, B.; Dliou, A.; Zougagh, H.; El Kamoun, N.; El Khadiri, K.; Said, S. Combination time-frequency and empirical wavelet transform methods for removal of composite noise in EMG signals. TELKOMNIKA (Telecommun. Comput. Electron. Control) 2023, 21, 1373–1381. [Google Scholar] [CrossRef]
  25. Cai, C.; Li, Y.; Su, Z.; Zhu, T.; He, Y. Short-Term Electrical Load Forecasting Based on VMD and GRU-TCN Hybrid Network. Appl. Sci. 2022, 12, 6647. [Google Scholar] [CrossRef]
  26. Ge, Q.; Jiang, H.; He, M.; Zhu, Y.; Zhang, J. Power load forecast based on fuzzy BP neural networks with dynamical estimation of weights. Int. J. Fuzzy Syst. 2020, 22, 956–969. [Google Scholar] [CrossRef]
  27. Yuan, C.; Niu, D.; Li, C.; Sun, L.; Xu, L. Electricity consumption prediction model based on Bayesian regularized bp neural network. In Cyber Security Intelligence and Analytics; Springer: Cham, Switzerland, 2020; pp. 528–535. [Google Scholar]
  28. Khashei, M.; Chahkoutahi, F. Electricity demand forecasting using fuzzy hybrid intelligence-based seasonal models. J. Model. Manag. 2022, 17, 154–176. [Google Scholar] [CrossRef]
  29. Shi, H.; Xu, M.; Ma, Q.; Zhang, C.; Li, R.; Li, F. A whole system assessment of novel deep learning approach on short-term load forecasting. Energy Procedia 2017, 142, 2791–2796. [Google Scholar] [CrossRef]
  30. Muzaffar, S.; Afshari, A. Short-term load forecasts using LSTM networks. Energy Procedia 2019, 158, 2922–2927. [Google Scholar] [CrossRef]
  31. Zhuang, Z.; Zheng, X.; Chen, Z.; Jin, T. A reliable short-term power load forecasting method based on VMD-IWOA-LSTM algorithm. IEEJ Trans. Electr. Electron. Eng. 2022, 17, 1121–1132. [Google Scholar] [CrossRef]
  32. Dragomiretskiy, K.; Zosso, D. Variational mode decomposition. IEEE Trans. Signal Process. 2013, 62, 531–544. [Google Scholar] [CrossRef]
  33. Li, W.; Quan, C.; Wang, X.; Zhang, S. Short-Term Power Load Forecasting Based on a Combination of VMD and ELM. Pol. J. Environ. Stud. 2018, 27, 2143–2154. [Google Scholar] [CrossRef]
  34. Lian, J.; Liu, Z.; Wang, H.; Dong, X. Adaptive variational mode decomposition method for signal processing based on mode characteristic. Mech. Syst. Signal Process. 2018, 107, 53–77. [Google Scholar] [CrossRef]
  35. ur Rehman, N.; Aftab, H. Multivariate variational mode decomposition. IEEE Trans. Signal Process. 2019, 67, 6039–6052. [Google Scholar] [CrossRef]
  36. Li, K.; Huang, W.; Hu, G.; Li, J. Ultra-short term power load forecasting based on CEEMDAN-SE and LSTM neural network. Energy Build. 2023, 279, 112666. [Google Scholar] [CrossRef]
  37. Sheng, Z.; An, Z.; Wang, H.; Chen, G.; Tian, K. Residual LSTM based short-term load forecasting. Appl. Soft Comput. 2023, 144, 110461. [Google Scholar] [CrossRef]
  38. Liu, S.; Kong, Z.; Huang, T.; Du, Y.; Xiang, W. An ADMM-LSTM framework for short-term load forecasting. Neural Netw. 2024, 173, 106150. [Google Scholar] [CrossRef]
  39. Xue, J.; Shen, B. Dung beetle optimizer: A new meta-heuristic algorithm for global optimization. J. Supercomput. 2023, 79, 7305–7336. [Google Scholar] [CrossRef]
  40. Li, Y.; Sun, K.; Yao, Q.; Wang, L. A dual-optimization wind speed forecasting model based on deep learning and improved dung beetle optimization algorithm. Energy 2024, 286, 129604. [Google Scholar] [CrossRef]
  41. Zhu, F.; Li, G.; Tang, H.; Li, Y.; Lv, X.; Wang, X. Dung beetle optimization algorithm based on quantum computing and multi-strategy fusion for solving engineering problems. Expert Syst. Appl. 2024, 236, 121219. [Google Scholar] [CrossRef]
  42. Long, W.; Wu, T.-B.; Tang, M.-Z.; Xu, M.; Cai, S.-H. Grey Wolf Optimizer Algorithm Based on Lens Imaging Learning Strategy. Zidonghua Xuebao/Acta Autom. Sin. 2020, 46, 2148–2164. [Google Scholar] [CrossRef]
  43. Mirjalili, S.; Lewis, A. The whale optimization algorithm. Adv. Eng. Softw. 2016, 95, 51–67. [Google Scholar] [CrossRef]
  44. Wang, D.; Tan, D.; Liu, L. Particle swarm optimization algorithm: An overview. Soft Comput. 2018, 22, 387–408. [Google Scholar] [CrossRef]
  45. El Khadiri, K.; Elouaham, S.; Nassiri, B.; El Melhaoui, O.; Said, S.; El Kamoun, N.; Zougagh, H. A Comparison of the Denoising Performance Using Capon Time-Frequency and Empirical Wavelet Transform Applied on Biomedical Signal. Int. J. Eng. Appl. 2023, 11, 358. [Google Scholar] [CrossRef]
  46. Liu, L.; Guo, K.; Chen, J.; Guo, L.; Ke, C.; Liang, J.; He, D. A Photovoltaic Power Prediction Approach Based on Data Decomposition and Stacked Deep Learning Model. Electronics 2023, 12, 2764. [Google Scholar] [CrossRef]
  47. Wu, G.; Mallipeddi, R.; Suganthan, P.N. Problem Definitions and Evaluation Criteria for the CEC 2017 Competition on Constrained Real-Parameter Optimization; Technical Report; National University of Defense Technology: Changsha, China; Kyungpook National University: Daegu, Republic of Korea; Nanyang Technological University: Singapore, 2017. [Google Scholar]

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (1)

Figure 1. LSTM schematic diagram.

Figure 1. LSTM schematic diagram.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (2)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (3)

Figure 2. MODBO-VMD-MODBO-LSTM flowchart.

Figure 2. MODBO-VMD-MODBO-LSTM flowchart.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (4)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (5)Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (6)

Figure 3. Comparison plot of the convergence curves for different test functions.

Figure 3. Comparison plot of the convergence curves for different test functions.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (7)Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (8)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (9)

Figure 4. Comparison plot of the convergence curves of different optimization algorithms.

Figure 4. Comparison plot of the convergence curves of different optimization algorithms.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (10)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (11)

Figure 5. VMD effect diagram.

Figure 5. VMD effect diagram.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (12)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (13)

Figure 6. Comparison of the various models without weather.

Figure 6. Comparison of the various models without weather.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (14)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (15)

Figure 7. Comparison chart of the various models with weather.

Figure 7. Comparison chart of the various models with weather.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (16)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (17)

Figure 8. Comparison of the forecast model errors for four seasons.

Figure 8. Comparison of the forecast model errors for four seasons.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (18)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (19)

Figure 9. Comparison chart of the various models with weather.

Figure 9. Comparison chart of the various models with weather.

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (20)

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (21)

Table 1. Decomposition results of the VMD for each season.

Table 1. Decomposition results of the VMD for each season.

SeasonK (MODBO) α (MODBO)K α
Spring1129252000
Summer1010062000
Autumn822352000
Winter811052000

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (22)

Table 2. Results of the performance comparison of the four-season combination prediction model without weather.

Table 2. Results of the performance comparison of the four-season combination prediction model without weather.

ModelSpringSummerAutumnWinter
RMSEMAER2RMSEMAER2RMSEMAER2RMSEMAER2
MVMO-
LSTM
0.24480.18990.9910.25960.22380.9960.29350.28320.9910.21400.18100.993
LSTM1.08600.89090.8061.28861.07240.8830.52940.46820.7891.47951.32370.911
FOA-LSTM0.77020.66140.8471.39271.24550.8950.52120.42220.7971.52341.32380.910
GWO-LSTM0.26960.20870.9850.53080.45060.9830.30130.27550.9860.36880.33670.977
SSA-LSTM0.27760.21590.9810.51720.42990.9860.24670.21560.9880.54160.43420.971
DBO-LSTM0.28190.21830.9800.72320.43820.9370.31260.29780.9840.35450.31570.978

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (23)

Table 3. Results of the performance comparison of the four-season combination prediction model.

Table 3. Results of the performance comparison of the four-season combination prediction model.

ModelSpringSummerAutumnWinter
RMSEMAER2RMSEMAER2RMSEMAER2RMSEMAER2
MVMO-
LSTM
0.25820.20130.9880.27850.24090.9930.30260.29140.9900.46070.39770.983
LSTM1.10980.90240.7941.28861.07240.8830.53380.47380.7752.59112.44330.637
FOA-LSTM0.81110.68950.8331.50981.32240.8830.69400.60070.7572.31652.13420.701
GWO-LSTM0.29040.22500.9791.09040.91460.9430.38160.25460.9790.71420.59310.956
SSA-LSTM0.39270.31590.9710.58990.47810.9800.31940.29340.9850.70740.59110.958
DBO-LSTM0.34620.27380.9750.51560.43820.9890.34570.33230.9810.68120.56380.961

Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (24)

Table 4. An assessment of the predictive efficacy of the proposed model and four hybrid models.

Table 4. An assessment of the predictive efficacy of the proposed model and four hybrid models.

Model
SpringSummerAutumnWinter
RMSEMAER2RMSEMAER2RMSEMAER2RMSEMAER2
MVMO-
LSTM
0.15020.11920.99320.17320.12890.99070.10130.08930.99550.20080.14880.9879
EMD-
LSTM
0.47240.36150.93110.50240.39150.93930.43540.33150.94060.53240.44470.9328
VMD-
LSTM
0.42300.33930.95320.43280.34220.94820.43020.33060.95820.45720.38710.9602
CEEMDAN-LSTM0.38270.28680.97520.41370.31630.97720.40730.31030.98430.46170.40160.9561
EEMD-LSTM0.41090.31900.95720.44350.34930.96370.41440.31900.95730.47040.42450.9477

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.


© 2024 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Short-Term Electricity Load Forecasting Based on Improved Data Decomposition and Hybrid Deep-Learning Models (2024)

FAQs

What are the methods of short term load forecasting? ›

Short term load forecasting would require Similar Day Look up Approach, Regression based Approach, Time Series Analysis, Artificial Neural Networks, Expert Systems, Fuzzy Logic, Support Vector Machines, while Medium and Long-Term Load Forecasting will rely upon techniques such as Trend Analysis, End Use Analysis, ...

What is short term load forecasting using artificial intelligence? ›

An artificial neural network (ANN) model for short-term load forecasting (STLF) is presented. The proposed model is capable of forecasting the next 24-hour load profile at one time, as opposed to the usual 'next one hour' ANN models.

Which type of deep learning approach is most commonly used for forecasting problems? ›

Long short-term memory (LSTM) networks are a type of recurrent neural network (RNN). RNNs are designed to model sequential data, making them well suited for time series analysis. LSTMs are a specialized type of RNN that can learn long-term dependencies, making them especially well suited for forecasting applications.

What are the models for load forecasting? ›

Regression models: Linear regression models are often used for long-term load forecasting. They relate the load demand to variables like weather conditions and economic indicators. Time series models: Autoregressive Integrated Moving Average (ARIMA) and similar models are popular for short-term load forecasting.

What are the three types of load forecasting? ›

Electric load forecasting can be divided into long-term load forecasting, medium-term load forecasting, short-term load forecasting and ultra-short-term load forecasting, corresponding to annual, monthly, single-day, and hourly load forecasting [52,62].

Which method is used for short-term forecasting? ›

Two very common short-term forecasting techniques are moving averages and exponential smoothing. These procedures are commonly available in commercial software and meet the criteria of low cost and little ongoing professional analysis.

What is a hybrid model in deep learning? ›

Hybrid models are combinations of two or more machine learning techniques. These models are more robust as they often compliment the advantages of the individual techniques involved and improve the forecasting accuracy.

What are the short term forecasting tools? ›

There are different methods of short-term forecasting, such as trend analysis, regression analysis, moving averages, exponential smoothing, and time series analysis. Each method has its own advantages and disadvantages, depending on the type, quality, and availability of data.

What are the factor affecting short term load forecasting? ›

Load forecasting also affected by other factors such as humidity especially in hot and humid areas, precipitation, thunderstorms, wind speed and light intensity of the day. 1. Seasonal variation: change of season (summer, winter, rainy and autumn), change of day light hours, change of average temperature, etc.

What are the 3 major approaches for forecasting? ›

There are three basic types—qualitative techniques, time series analysis and projection, and causal models. The first uses qualitative data (expert opinion, for example) and information about special events of the kind already mentioned, and may or may not take the past into consideration.

What is the most accurate forecasting approach? ›

Numerical Weather Prediction (NWP) modeling is the most widely used and accurate method for weather forecasting.

What is short term load forecasting? ›

Short-term load forecasting is a complex forecasting task, considering the high nonlinearity in the time series data. In addition to this, DE is used in optimizing the generation scheduling of the unit commitment problem in [53] and a battery scheduling problem in [54].

What are the four types of forecasting models? ›

Time Series Model: good for analyzing historical data to predict future trends. Econometric Model: uses economic indicators and relationships to forecast outcomes. Judgmental Forecasting Model: leverages human intuition and expertise. The Delphi Method: forms a consensus based on expert opinions.

Which machine learning model to use for forecasting? ›

The choice of machine learning models depends on various factors, including business objectives, data type, data volume and quality, forecasting duration, and more. However, several approaches have proven to be highly effective for demand forecasting, such as: ARIMA/SARIMA. Exponential Smoothing.

What is short-term demand forecasting methods? ›

This type of forecasting assists businesses in making decisions regarding production, inventory levels, and pricing strategies. Short-term demand forecasting employs methods like statistical analysis, economic modeling, market research, and customer surveys.

What are the short-term forecasting tools? ›

There are different methods of short-term forecasting, such as trend analysis, regression analysis, moving averages, exponential smoothing, and time series analysis. Each method has its own advantages and disadvantages, depending on the type, quality, and availability of data.

Which technique is the most appropriate to use when developing a short-term forecast? ›

Techniques like moving averages and exponential smoothing are often employed to make short-term predictions based on past performance. 2. Market Research and Surveys: For businesses, short-term forecasts can heavily rely on market research and customer surveys.

What are the basic methods of forecasting? ›

While there are a wide range of frequently used quantitative budget forecasting tools, in this article we focus on four main methods: (1) straight-line, (2) moving average, (3) simple linear regression and (4) multiple linear regression.

References

Top Articles
NREV STBY list oddity - Airline Pilot Central Forums
Modern Forged Iron Spiral Staircase | Salter Spiral Stair
Sprinter Tyrone's Unblocked Games
Caesars Rewards Loyalty Program Review [Previously Total Rewards]
Pangphip Application
Red Wing Care Guide | Fat Buddha Store
The Powers Below Drop Rate
Hover Racer Drive Watchdocumentaries
Hello Alice Business Credit Card Limit Hard Pull
Tiraj Bòlèt Florida Soir
Pollen Count Los Altos
Declan Mining Co Coupon
WWE-Heldin Nikki A.S.H. verzückt Fans und Kollegen
Busted Newspaper S Randolph County Dirt The Press As Pawns
Darksteel Plate Deepwoken
Playgirl Magazine Cover Template Free
New Stores Coming To Canton Ohio 2022
[Cheryll Glotfelty, Harold Fromm] The Ecocriticism(z-lib.org)
Culver's Flavor Of The Day Taylor Dr
Espn Horse Racing Results
Company History - Horizon NJ Health
Rochester Ny Missed Connections
Nsa Panama City Mwr
Bidevv Evansville In Online Liquid
Craigslist Wilkes Barre Pa Pets
Drying Cloths At A Hammam Crossword Clue
Booknet.com Contract Marriage 2
10 Best Places to Go and Things to Know for a Trip to the Hickory M...
How To Improve Your Pilates C-Curve
Funky Town Gore Cartel Video
Sinai Sdn 2023
Kelley Fliehler Wikipedia
Where Can I Cash A Huntington National Bank Check
Everstart Jump Starter Manual Pdf
Devin Mansen Obituary
R Nba Fantasy
Heelyqutii
Google Chrome-webbrowser
Craigslist Jobs Brownsville Tx
Nina Flowers
Ds Cuts Saugus
Todd Gutner Salary
Promo Code Blackout Bingo 2023
Cabarrus County School Calendar 2024
Top 1,000 Girl Names for Your Baby Girl in 2024 | Pampers
Backpage New York | massage in New York, New York
Dragon Ball Super Card Game Announces Next Set: Realm Of The Gods
How to Find Mugshots: 11 Steps (with Pictures) - wikiHow
Myapps Tesla Ultipro Sign In
Fresno Craglist
Appsanywhere Mst
Selly Medaline
Latest Posts
Article information

Author: Nathanial Hackett

Last Updated:

Views: 5863

Rating: 4.1 / 5 (72 voted)

Reviews: 95% of readers found this page helpful

Author information

Name: Nathanial Hackett

Birthday: 1997-10-09

Address: Apt. 935 264 Abshire Canyon, South Nerissachester, NM 01800

Phone: +9752624861224

Job: Forward Technology Assistant

Hobby: Listening to music, Shopping, Vacation, Baton twirling, Flower arranging, Blacksmithing, Do it yourself

Introduction: My name is Nathanial Hackett, I am a lovely, curious, smiling, lively, thoughtful, courageous, lively person who loves writing and wants to share my knowledge and understanding with you.