361
Views
0
CrossRef citations to date
0
Altmetric
Electrical & Electronic Engineering

Solar photovoltaic generation and electrical demand forecasting using multi-objective deep learning model for smart grid systems

, ORCID Icon, &
Article: 2340302 | Received 02 Jun 2023, Accepted 03 Apr 2024, Published online: 20 Apr 2024

Abstract

The growing of the photovoltaic (PV) panel’s installation in the world and the intermittent nature of the climate conditions highlights the importance of power forecasting for smart grid integration. This work aims to study and implement existing Deep Learning (DL) methods used for PV power and electrical load forecasting. We then developed a novel hybrid model made of Feed-Forward Neural Network (FFNN), Long Short Term Memory (LSTM) and Multi-Objective Particle Swarm Optimization (MOPSO). In this work, electrical load forecasting is long-term and will consider smart meter data, socio-economic and demographic data. PV power generation forecasting is long-term by considering climatic data such as solar irradiance, temperature and humidity. Moreover, we implemented these deep learning methods on two datasets, the first one is made of electrical consumption data collected from smart meters installed at consumers in Douala. The second one is made of climate data collected at the climate management center in Douala. The performances of the models are evaluated using different error metrics such as Root Mean Square Error (RMSE) and Mean Absolute Error (MAE) and regression (R). The proposed hybrid model gives a RMSE, MAE and R of 1.15, 0.75 and 0.999 respectively. The results obtained show that the novel deep learning model is effective in the both electrical load prediction and PV power forecasting and outperforms other models such as FFNN, Recurrent Neural Network (RNN), Decision Tree (DT), Gated Recurrent Unit (GRU) and eXtreme Gradient Boosting (XGBoost).

1. Introduction

Nowadays, the power networks face technological developments both in the electrical power generation and on the transmission and distribution lines (Mbey et al., Citation2022). In addition, advances in the industrial and social sector have enormously increased electrical consumption. In this case, the International Energy Agency (IEA) projects an increase of nearly 50% in electrical consumption in 2050. The worldwide consumption of commercial and residential sectors will increase by 65% between 2018 and 2050, and the pollution will double in 2050 (Desai et al., Citation2022). To face these challenges, it is now necessary to use renewable sources and new information and communication technologies which make it possible to revolutionize electrical consumption using real time management techniques in the 21st century. Renewable energy sources such as solar and wind are also used today by end consumers, which leads to variability in the electrical network, with the need to balance electrical demand to electrical power generation anytime (Gupta et al., Citation2022). With the integration of digital technologies, a large amount of data is produced through digital equipment, sensors, Phase Measurement Units (PMU), smart meters and Advanced Metering Infrastructure (AMI). The processing and analysis of these data represent the new challenge but also an opportunity for the 21st century (Syed et al., 2021). The concept of smart grid and the application of Artificial Intelligence (AI) methods based on deep learning for data analysis, will help to face these challenges (Foba et al., Citation2021). The principle of smart grid is based on solving energy issues by providing a two-way flow of electrical power and information between consumers and energy producers (Ahmad et al., Citation2020). However, real-time data management for decision-making still represents a major challenge (Souhe et al., Citation2022). This is why energy distributors worked in recent years to install a large number of smart meters in order to use this data for effective demand management. To date, the data is collected monthly by the meters, but with the implementation of the AMI, the meters record the data every 15 to 30 minutes, this data can reach the terabit (Zhang et al., Citation2018). The smart meters being installed throughout the world in recent years will thus allow the migration to the smart grid. Compared to the conventional network, the smart grid provides several advantages, in particular: automatic restoration, better integration of renewable energies, precise knowledge of the situation of the network through the deployment of smart meters and data analysis by the deep learning and machine learning. In (Souhe et al., Citation2021), a roadmap for the deployment of smart meters in Cameroon has been proposed. In this article, the number of smart meters deployed is estimated at 3 million in 2040. Smart meters therefore have a particular importance in smart grid applications by providing new data analysis operations such as the analysis of consumer behavior, electricity fraud detection, outage management and automated demand response.

Although the main role of smart meters is the measurement of electrical energy parameters, they also generate an immense amount of data allowing to have a full resolution of the electrical distribution network. Thus, by analyzing this data and converting it into a control instrument, it would improve energy distribution by ensuring good energy quality for consumers. These smart meters therefore contain a memory to store the information and a communication module to transfer this information to the control center of the smart grid (Mbey et al., Citation2023). Similarly, smart meters now provide hourly and monthly readings of electrical energy consumption and thus collect a large amount of data. Analyzing such data can help to readjust energy consumption optimization strategies by improving the accuracy of predictive models to make them more reliable (Melzi et al., Citation2017). The intelligent infrastructure associated with the communication network generates a large volume of data that requires various techniques for analysis and decision-making. Machine learning and deep learning techniques play an important role in analyzing this amount of data in order to obtain suitable results (Thilakarathne et al., Citation2020). The use of conventional approaches for electrical operations through deterministic programming makes it difficult to control, monitor, measure and predict in the network. In addition, conventional techniques require manual monitoring and control operations leading to frequent problems especially when integrating renewable energy sources . Simple machine learning models such as Artificial Neural Network (ANN) and Support Vector Machine (SVM) have many limits, which explains their low use for complex problems in electrical power systems (Yem Souhe et al., Citation2022). Moreover, these models are inefficient for high-dimensional representations with high complexities. Moreover, these models cannot be improved with large amounts of data (Shamshirband et al., Citation2019). To face these problems, learning paradigms have migrated to deep learning to take into account this abundance of data with the extraction of hierarchical components using its strong learning potential. With the complexity of smart grids, the need for deep learning is observed in the use of important data from smart meters and Internet of Things (IoT) devices (Liang et al., Citation2020). These new algorithms ensuring reliable data will improve the distribution of information between machine learning and systems (Elahe et al., Citation2021; Martinez et al., Citation2021). So, the deep learning models can be classified into two categories: individual models and hybrid models.

Individual models basically include: Multilayer Perceptron (MLP), Graph Neural Network (GNN), SVM, Deep Neural Network (DNN), RNN, Convolutional Neural Network (CNN), Shallow Neural Network (SNN), FFNN, XGBoost, LSTM, Auto Encoder (AE), Generative Adversarial Network (GAN), Restricted Boltzmann Machines (RBM), Deep Reinforcement Learning (DRL), GRU, Generator Network (GN) and Capsule Networks (CN). Mashlakov et al. (Citation2021) evaluated DL models for multivariate probabilistic energy forecasting. Similarly, Comert and Yildiz (Citation2022) developed a novel ANN model for electrical demand forecasting enhanced by population-weighted mean temperature and unemployment rate. A linear function based on the weighted average temperature was created in order to fit a function for the monthly oscillations. For this purpose, records of average temperature values ​​for cities in Turkey were used as additional input data from January 2000 to November 2019. Mean Square Error (MSE) coefficients were calculated for training, validation and test respectively for 3.77%, 2.02%, and 1.95%. Hong et al. (Citation2020) presented a framework for short-term residential demand forecasting which is based on Deep Neural Network and Iterative Resblock (IRBDNN). In this work, data acquisition collects measurement data from household smart meters. Data preprocessing enables data cleaning, data integration, and data transformation. At the end, the proposed model can calculate the predicted values ​​for each consumer. Real-world measurement data was used to evaluate the performance of the proposed model. Compared to existing models, the proposed approach presents a reduction of Root Mean Square Error (RMSE), Mean Absolute Error (MAE) and Mean Absolute Percentage Error (MAPE) respectively from 20.00% to 3.89%, from 22.58% to 2.18% and from 32.78% to 0.69%. Similarly, Widodo et al. (Citation2021) developed a DNN method using LSTM as a learning model to ensure accurate prediction of renewable energy generation. The input values of the neural architecture are irradiance, air temperature, panel temperature, wind speed, wind direction and precipitation. The activation functions used in the forecasting process can be hyperbolic tangent functions and Rectified Linear Unit (ReLU) functions. The simulation results give a MAE of 0.035 and a MSE of 0.0023. Moreover, Gupta et al., (Citation2022) compared the efficacy of novel time series estimation models such as auto-seasonal autoregressive integrated moving average (auto-SARIMA), Facebook Prophet (FBP) and Neural Prophet (NP) for predicting the future values of global horizontal irradiance. The obtained results give the RMSE of 18.69, 21.62, 14.473 and 10.70 W/m2 respectively for the four datasets.

Moreover, hybrid models are based on the individual models and optimization techniques. Hafeez et al., (Citation2020) proposed a novel hybrid model for short-term electrical demand forecasting. This hybrid model is a framework that integrates a Modified Mutual Information (MMI), the Factored Conditional Restricted Boltzmann Machine (FCRBM) and the Genetic Wind-Driven Optimization (GWDO). The accuracy of the proposed model is evaluated through historical data of hourly consumption in three electrical networks in the USA. In addition, the proposed model is compared with four other recent models including Bi-level, Mutual Information based Artificial Neural Network (MI-ANN), Accurate Fast Converging Artificial Neural Network (AFC-ANN), and LSTM. In terms of accuracy, the proposed model exceeds the MI-ANN by 31.2%, the Bi-level by 17.3%, the AFC by 4.7%. The execution time of the proposed model is 52s, on the other hand that of the AFC-ANN is 58s, the Bi-level is 102s, and the LSTM is 63s. Similarly, a combined technique using LSTM and a learning transfer approach based on XCORR has been proposed in Ozer et al. (Citation2021) for short-term electrical demand forecasting. The XCORR is applied between the data of the buildings to be estimated and the data of each building to be transferred. The LSTM is trained with standardized data from these buildings. Thus, the performance values ​​of this model are obtained through the test data. A dataset of electricity demand of buildings of Bandırma Onyedi Eylu University with a resolution of 15 minutes was used to validate the proposed model. The accuracy of the model is evaluated using the indicators RMSE, MAE and MAPE with the respective values ​​of 736.706, 352.176 and 8.145. In addition, this model has been compared with methods such as Random Forest Algorithm (RFA), XGBoost and Light Gradient Boosting Machine (LGBM), thus presenting better results. Syed et al. (Citation2021a, Citation2021b) proposed a novel cluster-based deep learning approach for short-term power consumption forecasting at distribution transformers. The performances of the proposed model are compared with the individual models. The precision evaluation coefficients are the RMSE and the MAPE. The performances of the models are evaluated using the training and execution time. For the first data set, the values of RMSE, MAPE, training time and execution time are respectively 2.6874 kWh, 15.9380%, 10.76s and 0.1070s. For the second data set, the values are respectively 21.2596 kWh, 7.2271%, 4644.82s and 4.57s. Moreover, Farsi et al. (Citation2021) proposed an LSTM-CNN model for short-term load forecasting. LSTM and Gradient Boosting Regression (GBR) models have been adopted in Selim et al. (Citation2021) to assess the uncertainties in the prediction of short-term electrical demand. Data collected by the Eastern Slovakia Electricity Corporation was used to validate the consumption forecasting models. RMSE and MAPE coefficients were used to verify the performance of the models. The LSTM model presents a RMSE of 18.025 and a MAPE of 0.023, the GBR model gives a RMSE of 17.42 and a MAPE of 0.023. Sengan et al. (Citation2021) proposed a method based on deep learning for the detection of false data cyber-attacks in a smart grid. To this end, to obtain the combined Artificial Feed-forward Network (AFN) model, several techniques have been proposed, in particular: CNN, RNN and LSTM. This method has been implemented on an IEEE 14 bus network for the identification of cyber-attacks. The results obtained show an improvement in accuracy of 98.19% in the detection of false data. In same time, Siniosoglou et al. (Citation2021) presented an intrusion detection system for smart grid environments that uses Transmission Control Protocol (TCP) and Distributed Network Protocol 3 (DNP3). The proposed method is called anoMaly dEtection aNd claSsificAtion (MENSA) adopting a new GAN encoder architecture. For the detection of cyber-attacks by the DNP3 protocol, the MENSA has an accuracy of 0.994, a True Positive Rate (TPR) of 0.983, a False Positive Rate (FPR) of 0.003 and a F1 score of 0.983. For detection in the TCP protocol, the MENSA gives an accuracy of 0.964, a TPR of 0.730, a FPR of 0.019 and a F1 score of 0.730. These results demonstrate that the MENSA model outperforms other machine learning and deep learning methods. Other authors have hybridized neural networks with fuzzy logic to improve data classification. Moreover, Pekaslan et al. (Citation2020) developed a Mandani fuzzy logic system for predicting renewable energy production uncertainties by considering a variety of climate changes depending on the season. Yem et al. (Citation2022) developed a hybrid model for the prediction of household electricity consumption in a smart grid system. Thus, a combined Grey-ANFIS-PSO model was built based on data from meters installed in households in order to improve the forecast of electrical energy consumption. Household electricity consumption data in Cameroon over a period of 24 years was used to validate the model. The accuracy of the model obtained gave a RMSE of 0.20158 and a MAPE of 0.6291%. These results are better in comparison with single methods such as SVM and ANN.

summarize deep learning applications for forecasting PV power generation and electrical consumption in smart grid.

Table 1. Summary of deep learning applications for forecasting PV power generation and electrical demand.

In this works, we proposed novel techniques based on deep learning for power generation and electrical load forecasting. The proposed deep learning models allows us to generate an output forecasting from climate data and socio-economic data.

The main contribution of this research work is developed as follows:

  • We first summarized individual and hybrid deep learning models for electrical demand prediction and solar photovoltaic power generation forecasting. In addition, we highlighted the most relevant recent works for power forecasting with the highest accuracy.

  • Then, we proposed a novel hybrid deep learning model combining FFNN, LSTM and MOPSO for solving classification and binary dynamic processing problems. We showed that this hybrid model ensures high classification accuracy with reduced execution time.

  • We also implemented the deep learning models of our work on a Cameroon dataset for short term solar photovoltaic power generation forecasting and long term electrical demand forecasting.

  • Finally, we compared the proposed deep learning models with those in the literature using accuracy coefficients such as RMSE, MSE, MAE, MAPE and regression.

The rest of the work is organized as follows: Section 2 presents the materials and the methods used in our work. Here, we first present the dataset, the software material and the computer used. Then, we developed the forecasting models based on deep learning. The results and the discussion are presented in section 3. Finally, section 4 concluded our work with future perspectives.

2. Materials and methods

2.1. Materials

2.1.1. Dataset

a) dataset for forecasting electrical consumption

The aim of this section is to make a long-term prediction of electrical demand. For this purpose, our dataset will include electrical consumption data as an output variable and socio-economic factors such as GDP, population, number of unemployed, number of subscribers (residential, commercial and industrial), the price per kilowatt of electricity as input variables. These data were obtained from the World Bank, the Ministry of Water and Energy of Cameroon, the company in charge of electricity distribution and the National Institute of Statistics from 1990 to 2020. presents the dataset for the electrical consumption forecasting.

Table 2. Dataset for the electrical demand forecasting.

b) dataset for the photovoltaic power generation forecasting

In our work, we use a dataset consisting of daily input data including: irradiance, temperature, solar tilt angle, wind speed and relative humidity to make a short-term prediction of photovoltaic energy generation for the next day. These data were obtained from the electricity distribution company and the meteorological station of the city of Douala. gives the dataset for solar photovoltaic generation forecasting.

Table 3. Dataset for solar photovoltaic power generation forecasting.

2.1.2. Matlab

In our work, we used Matlab which is a software that allows programming for the intelligent resolution of data mining problems. Matlab allows to implement all deep learning algorithms in the smart grid applications such as LSTM and FFNN. In this paper, we used Matlab R2020b 64 bit version.

2.1.3. Computer

The hardware material is a computer with the following specifications: processor icore 5, 3.5 GHz; RAM 8 GB; hard disk 1 Terabits; Windows 10/64 bit System.

2.2. Methods

2.2.1. Feed-Forward Neural Network

The architecture of FFNN is given in with connection of the neuron, activation function and bias. The structure of a neuron is same with facility distribution structure from source to the final destination. The route from sources to destinations represents the interconnection of the neuron, then information flows from external environment in the neuron represent product flow from source to end destination and the summing junction is the incidence point. The neural structure under consideration is made of several input information to give an output information through bias, weight and activation function.

Figure 1. Architecture of Feed-Forward Neural Network.

Figure 1. Architecture of Feed-Forward Neural Network.

From , the linearly combination of all the inputs allow to obtain the total sum of the neuron Vk. This sum is obtain by the appropriate multiplication of weights with connecting neurons so that the mathematical form of summing junction Vk can be expressed in EquationEquation 1: (1) Vk=j=0nXjWkj+bk(1)

The output value is expressed with Equationequation 2. (2) Yk=φ(t)Vk(2)

Substituting the value of Vk in EquationEquation (1) allows to transform the output as expressed in EquationEquation 3. (3) Yk=φ(t)j=0nXjWkj+bk(3)

With Vk the Linear combiner with bias to support input signal; Xj the input data from signal j; Wkj the Weight or strength of connection from neuron j to k; bk the bias from neuron j; φ(t) the activation function.

In this work, a Feed-Forward Neural Network Back-Propagation learning model with sigmoid transfer function [5–10–1–1] was considered using 70% of the data for training and 30% for testing and validation as shown in .

Figure 2. FFNN back-propagation learning model.

Figure 2. FFNN back-propagation learning model.

2.2.2. Support Vector regression

The SVR was developed by Vladimir Vapnik in the late 20th century using deep learning tools for solving nonlinear problems with high dimensionality. The SVR helps to create a hyper plane for data classification to find the most appropriate for the distinction between the two classes for the separation of the data. The hyper plane separates the training data into two groups each having a label between +1 and −1 such that the distance between the hyper plane and the nearest training element is maximal with the intention of forcing generalization machine learning. gives the hyper plane which correctly separates the data into two spaces.

Figure 3. Hyper plane for data separation.

Figure 3. Hyper plane for data separation.

The linear regression function is given in EquationEquation 4. (4) f(x)=ω*x+b=0(4)

With f(x) the forecast value; ω the weight and b the bias.

The expression of hyper plane separators are given by EquationEquations 5 and Equation6 respectively. (5) P+1=ω*x+b=+1(5) (6) P1=ω*x+b=1(6)

With P+1 the positive region; P1 the negative region; HP the hyper plane.

2.2.3. Long short term memory

LSTM was introduced in 1997 by Hochreiter and Schmidhuber. LSTM is a particular type of RNN used in deep learning to address long-term dependency problems. The major success of the LSTM model is related to its excellent ability in the extraction of temporal characteristics for data inputs. In an LSTM module, there are 3 separate memory gates, respectively the forgetting gate, the input gate and the output gate. gives the structure of an LSTM module.

Figure 4. Structure of an LSTM module.

Figure 4. Structure of an LSTM module.

The Forgetting Gate decides how much information to forget and how much will be passed on to the next step. It uses a sigmoid activation function that generates a value between 0 and 1 for this process. ‘0’ means no information should be passed, and ‘1’ means all information should be passed. It is possible to express the mathematical expression of this gate by EquationEquation 7. (7) ft=σ(Wfxt+Ufht1+bf)(7)

In the next step, it is decided what information should be stored for the input gate represented by EquationEquation 8. (8) it=σ(Wixt+Uiht1+bi)(8)

As a first step at this point, a 2nd sigmoid function σ decides which values should be updated. Subsequently, a vector of new candidate values is created through a function tanh, expressed by EquationEquation 9, and then these two processes are combined. (9) Ct=tanh(Wcxt+Ucht1+bc)(9)

Once the candidate values ​​are determined, the new state information of the memory cell must be calculated. The new state information calculation process is expressed in EquationEquation 10. (10) Ct=ft*Ct1+it*Ct(10)

Finally, the output gate expressed in EquationEquation 11 can calculate the output of the system of EquationEquation 12: (11) ot=σ(Woxt+Uoht1+bo)(11) (12) ht=ot*tanh(Ct)(12)

With xt the input signal at time t; σ the activation function; Ct the memory unit; ft the forgetting gate at time t; it the input gate at time t; ot the output gate at time t; (bf,bi,bo) and (Wf,Wi,Wo) the bias and weight matrix for each gate, respectively.

2.2.4. Multi-Objective particle swarm optimization

The MOPSO is a metaheuristic technique inspired from the PSO to improve the determination of optimal values. The PSO was developed by Kennedy 1995. It is based on artificial intelligence and on the observations of fish, ants, bees, and birds in their natural environment. The PSO is an algorithm based on population that takes inspiration from the way birds fly and flocks of fish. The operating principle of the MOPSO is presented in Algorithm 1.

Algorithm 1:

MOPSO algorithm

1: Set the counter t=0 then randomly generate the particles

2: Update the counter t=t+1

3: Update the inertia weight ω(t)=βω(t1) ; With β the decrement value near to 1

4: update the velocity

vik(t)=w(t)vik(t1)+c1r1(xik*(t1)xik(t1))+c2r2(xik**(t1)xik(t1))

With xjk** the best global, xik* the best individual

5: Update the position of particle xik(t)=vik(t)+xik(t1)

6: Add the new updated position of the ith particle to non-dominated local set Si*(t).

7: Reduce the size of Si**(t) using a clustering algorithm if it exceed a given value

8: Update an external Pareto-optimal by copying the members of Si**(t), then search the external Pareto set and remove all dominated solutions from the set

9: Evaluate the obtained distances between values in Si*(t) and Si**(t) in objective space

10: Stop the process if the numbers of iterations exceeds the limit, otherwise, go back to step 2

2.2.5. Proposed multi-objective hybrid deep learning model

In this work, we proposed a novel Multi-Objective Hybrid Model named FFNN-LSTM-MOPSO to perform power consumption prediction and renewable energy generation forecasting considering socio-economic data and climate data. In the proposed model, the FFNN is first used for feature extraction from the input data and data preprocessing, then the output data of FFNN is used as the input data of the LSTM. Then, the LSTM can process the training and validation using the obtained data from FFNN. Furthermore, the MOPSO can optimize the forecast parameters such as the bias β, the weight ω, the number of particle n and the objective function f(x). The aim of this process is to reduce the training and processing time of the model. The proposed multi-objective hybrid deep learning model is presented in .

Figure 5. The proposed Multi-Objective Hybrid Deep Learning model.

Figure 5. The proposed Multi-Objective Hybrid Deep Learning model.

In the hybrid model, we use 3 layers, 90% for the learning rate and we also use the Adaptive moment estimation (ADAM) optimizer.

The proposed hybrid model is explained as follow:

Step 1: the pre-processing and feature extraction is performed by FFNN using climate data such as irradiance, temperature, wind speed and humidity; and socio-economic data such as GDP, population, number of unemployed, number of subscribers.

Step 2: Then, the training and validation is performed by LSTM using data from output of FFNN in order to realize a final and precise forecasting. The network progressively predicts and updates the trained network from the previous time during the training stage of LSTM. The LSTM network is trained separately for the forecasting of the electrical consumption and photovoltaic generation. The initial network allows the training of the data of the trained system. Then, the initial LSTM network is tested on the validation data. Subsequently, the LSTM network step-by-step can forecast the output value on the validation data.

Step 3: the accuracy coefficients are calculated after obtaining the forecasting data from the LSTM module. Consequently, a MOPSO algorithm is implemented for feature optimization to improve the accuracy of the hybrid deep learning model. In the deep learning method, the features which are optimized by MOPSO are the bias β, the weight ω, the number of particle n and the objective function f(x).

Step 4: then, the initial network relearns and readjusts the current data to the validation data until the error is definitely minimized. Finally, the final data is used to ensure the perfect forecasting with the minimal error.

2.2.6. Accuracy evaluation metrics

Several evaluation coefficients are used to compare the performance of the developed deep learning forecasting models. shows the evaluation metrics used in this work.

Table 4. Accuracy evaluation metrics.

3. Results and discussion

In this section, we show the results obtained from deep learning model simulations in our work on climate and socioeconomic data. The aim is to verify the performance of the proposed models in the long-term electrical demand prediction and the short-term solar photovoltaic power generation forecasting.

3.1. Experimental results on electrical demand forecasting

In this section, we have implemented power consumption forecasting using the models proposed in our work. gives the electrical demand forecasting using SVR model, XGBoost model, FFNN model, LSTM model, FFNN-LSTM model and FFNN-LSTM-MOPSO model.

Figure 6. Electrical demand forecasting using a) SVR b) XGBoost c) FFNN d) LSTM e) FFNN-LSTM f) FFNN-LSTM-MOPSO.

Figure 6. Electrical demand forecasting using a) SVR b) XGBoost c) FFNN d) LSTM e) FFNN-LSTM f) FFNN-LSTM-MOPSO.

As depicted in , the SVR model gives a forecasting which is effective enough because its variations from the actual data between 1990 and 2020. In , the XGBoost model gives a better demand forecasting than the SVR model but with some fluctuations in some years. As shown in , the forecasting of FFNN model follows the actual data between 1995 and 2010. However, we observe that this forecasting deviates from the real consumption data between 2011 and 2020 which could be caused by its slow convergence. It can be observed in , that the LSTM model forecasting follows the real data between 2000 and 2020 with some variations in 2002, 2003 and 2009. However, the LSTM model is better that previous models. This result shows the effectiveness of the LSTM model in electrical demand forecasting. With the limits of individual models, we combined FFNN with LSTM model to obtain better results than single models. As shown in , the FFNN-LSTM model gives a forecasting essentially confused with real data between 2000 and 2020. Finally, with the aim to perfectly reach the highest precision, we optimize our FFNN-LSTM hybrid model with the MOPSO to obtain the optimal prediction as shown in . It can be observed that the FFNN-LSTM-MOPSO model outperforms single model with highest precision.

Finally, using the novel multi-objective hybrid model, we can predict a growing of electrical demand from 1350GWH in 2020 to 1510 GWH in 2030 as shown in .

Figure 7. Long-term prediction of electrical demand using the proposed hybrid FFNN-LSTM-MOPSO model.

Figure 7. Long-term prediction of electrical demand using the proposed hybrid FFNN-LSTM-MOPSO model.

gives a comparison of electrical demand forecasting models implemented in this study using accuracy evaluation metrics. As depicted in , the proposed multi-objective hybrid model has proven the outperformance to the baseline models as the resultant RMSE and MAE are lower than the inferred values from the baseline model for electrical demand forecasting.

Table 5. Comparison of deep learning models for forecasting electrical demand.

In , we compared our novel hybrid deep learning model with recent works in the literature on electrical demand forecasting.

Table 6. Comparison with deep learning models of the literature.

3.2. Experimental results on PV power generation forecasting

This section gives the results of PV power generation forecasting using the developed models. , respectively give the daily forecasting with regression using the SVR model, XGBoost model, FFNN model, LSTM model, FFNN-LSTM model and FFNN-LSTM-MOPSO model.

Figure 8. PV power generation Forecasting using SVR model.

Figure 8. PV power generation Forecasting using SVR model.

Figure 9. PV power generation Forecasting using XGBoost model.

Figure 9. PV power generation Forecasting using XGBoost model.

Figure 10. PV power generation Forecasting using FFNN model.

Figure 10. PV power generation Forecasting using FFNN model.

Figure 11. PV power generation Forecasting using LSTM model.

Figure 11. PV power generation Forecasting using LSTM model.

Figure 12. PV power generation Forecasting using FFNN-LSTM model.

Figure 12. PV power generation Forecasting using FFNN-LSTM model.

Figure 13. PV power generation Forecasting using FFNN-LSTM-MOPSO model.

Figure 13. PV power generation Forecasting using FFNN-LSTM-MOPSO model.

As shown in , the SVR model can effectively predict PV power generation. However, there is a variability between the forecast and the actual values between 00 a.m and 05 a.m. But the prediction is accurate between 6 a.m. and 2 p.m. The regression coefficient of this model is evaluated at 0.9824. As depicted in , the XGBoost model gives a forecasting result close to real data. In this case, its regression coefficient is 0.9965. In , FFNN model gives predicted values close to the observed values with some variations between 2 a.m. and 7 a.m., 5 p.m. and 6 p.m. The regression coefficient is 0.9946, this is explained by the fact that the predicted values are quite close to the observed values. In , the LSTM presents a forecasting results close to actual data with 0.9989 regression. As observed in , the hybrid FFNN-LSTM model can predict the PV power generation with 0.9996 regression. Finally, we improve our predictor using MOPSO to obtain a novel hybrid model named FFNN-LSTM-MOPSO model which can perfectly predict the PV power generation as shown in with the highest accuracy and fast convergence.

presents a comparison of PV power generation forecasting models implemented in this work.

Table 7. Comparison of PV power generation forecasting models.

It can be observed in that the multi-objective deep learning algorithm gives better forecasting results compared with other single models.

gives the percentage of reduction of error with respect to best algorithm found for both the dataset.

Figure 14. Reduction of error for each model.

Figure 14. Reduction of error for each model.

presents a comparison of the proposed hybrid model with those in the literature for PV power generation forecasting.

Table 8. Comparison with the literature on PV power generation forecasting.

It can be observed in that the proposed hybrid model is better than those in the literature with minimum error and highest regression.

4. Conclusion

This study aims to present deep learning algorithms for electrical demand prediction and solar PV power generation forecasting. Therefore, we proposed a novel multi-objective hybrid model named FFNN-LSTM-MOPSO which is efficient in data training and optimization of input parameters. These deep learning models were implemented on socio-economic, demographic and climate dataset of the city of Douala in Cameroon over the last years. The obtained results show that the proposed model is effective in electrical load prediction and PV power generation forecasting with respectively RMSE, MAE and R of 1.15, 0.75 and 0.999. In our knowledge, it is the first paper which can both forecast the electrical load and PV power generation using large amount of historical data for long term predictions. Moreover, the novel multi-objective deep learning model proposed in the paper can help power distributors for vulgarization and integration of renewable energy in the future. This paper can be optimized by considering the psychological aspect of consumer in the demand forecasting and geographical position of the city in the power generation forecasting.

Acknowledgements

The authors acknowledge the electrical engineering department of ENSET of University of Douala and the research team.

Disclosure statement

No potential conflict of interest was reported by the author(s).

Data availability statement

The data used to support the findings of this study are included within the article.

Additional information

Notes on contributors

Camille Franklin Mbey

Dr. Camille Franklin Mbey is a lecturer at ENSET of university of Douala. He received his PhD degree in 2021 at university of Douala. His research interests include smart grid, electrical power network, renewable power generation, artificial intelligence and deep learning. He can be contacted at email: [email protected].

Vinny Junior Foba Kakeu

Mr. Vinny Junior Foba Kakeu is an assistant lecturer at ENSET of university of Douala. He received his Master 2 degree in 2023 at university of Douala. His research interests include photovoltaic power generation, artificial intelligence, smart grid and deep learning. He can be contacted at email: [email protected].

Alexandre Teplaira Boum

Prof. Alexandre Teplaira Boum is a full professor at university of Douala since 2024. He receive his PhD degree in 2014. He is currently the head of departmet of basic sciences at university of Douala. His research interests include system optimization, smart power network, deep learning and Matlab programing. He can be contacted at email: [email protected].

Felix Ghislain Yem Souhe

Dr. Felix Gislain Yem Souhe is a lecturer at IUT of university of Douala. He received his PhD degree in 2022 at university of Douala. His research interests include electrical power grid, electrical consumption forecasting, artificial intelligence and smart grid. He can be contacted at email: [email protected].

References

  • Ahmad, T., Zhang, H., & Yan, B. (2020). A review on renewable energy and electricity requirement forecasting models for smart grid and buildings. Sustainable Cities and Society, 55, 102052. https://doi.org/10.1016/j.scs.2020.102052
  • Akhter, M. N., Mekhilef, S., Mokhlis, H., Almohaimeed, Z. M., Muhammad, M. A., Khairuddin, A. S. M., Akram, R., & Hussain, M. M. (2022). An hour-ahead pv power forecasting method based on an rnn-lstm model for three different pv plants. Energies, 15(6), 2243. https://doi.org/10.3390/en15062243
  • Boum, A. T., Foba Kakeu, V. J., Mbey, C. F., & Yem Souhe, F. G. (2022). Photovoltaic power generation forecasting using a novel hybrid intelligent model in smart grid. Computational Intelligence and Neuroscience, 2022, 7495548–7495513. https://doi.org/10.1155/2022/7495548
  • Chen, Y., & Zhang, D. (2021). Theory-guided deep-learning for electrical load forecasting (tgdlf) via ensemble long short-term memory. Advances in Applied Energy, 1, 100004. https://doi.org/10.1016/j.adapen.2020.100004
  • Chung, W. H., Gu, Y. H., & Yoo, S. J. (2022). District heater load forecasting based on machine learning and parallel cnn-lstm attention. Energy, 246(123350), 123350. https://doi.org/10.1016/j.energy.2022.123350
  • Comert, M., & Yildiz, A. (2022). A novel artificial neural network model for forecasting electricity demand enhanced with population weighted temperature mean and the unemployment rate. Turkish Journal of Engineering, 6(2), 178–189. https://doi.org/10.31127/tuj
  • Desai, S., Sabar, N. R., Alhadad, R., Mahmood, A., & Chilamkurti, N. (2022). Mitigating consumer privacy breach in smart grid using obfuscation-based generative adversarial network. Mathematical Biosciences and Engineering, 19(4), 3350–3368. https://doi.org/10.3934/mbe.2022155
  • Elahe, F., Jin, M., & Zeng, P. (2021). Review of load data analytics using deep learning in smart grids: Open load datasets, methodologies, and application challenges. International Journal of Energy Research, 45(10), 14274–14305. https://doi.org/10.1002/er.6745
  • Eniola, V., Suriwong, T., Sirisamphanwong, C., Ungchittrakool, K., & Fasipe, O. (2021). Validation of genetic algorithm optimized hidden markov model for short-term photovoltaic power prediction. International Journal of Renewable Energy Research, 11(2), 1–12.
  • Fan, Z., Kulkarni, P., Gormus, S., Efthymiou, C., Kalogridis, G., Sooriyabandara, M., Zhu, Z., Lambotharan, S., & Chin, W. H. (2013). Smart grid communications: Overview of research challenges, solutions, and standardization activities. IEEE Communications Surveys & Tutorials, 15(1), 21–38. https://doi.org/10.1109/SURV.2011.122211.00021
  • Farsi, B., Amayri, M., Bouguila, N., & Eicker, U. (2021). On short-term load forecasting using machine learning techniques and a novel parallel deep lstm-cnn approach. IEEE Access. 9, 31191–31212. https://doi.org/10.1109/ACCESS.2021.3060290
  • Foba, V. J., Boum, A. T., & Mbey, C. F. (2021). Optimal reliability of a smart grid. International Journal of Smart Grid, 5(2), 74–82.
  • Fujimoto, Y., Fujita, M., & Hayashi, Y. (2021). Deep reservoir architecture for short-term residential load forecasting: An online learning scheme for edge computing. Applied Energy, 298, 117176, 1–18. https://doi.org/10.1016/j.apenergy.2021.117176
  • Gaboitaolelwe, J., Zungeru, A. M., Yahya, A., Lebekwe, C. K., Vinod, D. N., & Salau, A. O. (2023). Machine learning based solar photovoltaic power forecasting: A review and comparison. IEEE Access. 11, 40820–40845. https://doi.org/10.1109/ACCESS.2023.3270041
  • Gupta, R., Yadav, A. K., Jha, S. K., & Pathak, P. K. (2022) Time Series Forecasting of Solar Power Generation Using Facebook Prophet and XG Boost .2022 IEEE Delhi Section Conference (DELCON), New Delhi, India, 1–5. https://doi.org/10.1109/DELCON54057.2022.9752916
  • Gupta, R., Yadav, A. K., Jha, S. K., & Pathak, P. K. (2023). Long Term estimation of global horizontal irradiance using machine learning algorithms. Optik, 283, 170873. https://doi.org/10.1016/j.ijleo.2023.170873
  • Hafeez, G., Alimgeer, K. S., & Khan, I. (2020). Electric load forecasting based on deep learning and optimized by heuristic algorithm in smart grid. Applied Energy, 269, 114915. https://doi.org/10.1016/j.apenergy.2020.114915
  • Haihong, B., Qian, W., Guozheng, X., & Xiu, Z. (2022). Load forecasting of hybrid deep learning model considering accumulated temperature effect. Energy Reports, 8, 205–215. https://doi.org/10.1016/j.egyr.2021.11.082
  • Hong, Y., Zhou, Y., Li, Q., Xu, W., & Zheng, X. (2020). A deep learning method for short term residential load forecasting in smart grid. IEEE Access. 8, 55785–55797. https://doi.org/10.1109/ACCESS.2020.2981817
  • Jiandong, D., Peng, W., Wentao, M., Shuai, F., & Zequan, H. (2022). A novel hybrid model based on nonlinear weighted combination for short-term wind power forecasting. International Journal of Electrical Power and Energy Systems, 134(107452), 1–7. https://doi.org/10.1016/j.ijepes.2021.107452
  • Liang, F., Yu, W., Liu, X., Griffith, D., & Golmie, N. (2020). Toward edge based deep learning in industrial internet of things. IEEE Internet of Things Journal, 7(5), 4329–4341. https://doi.org/10.1109/JIOT.2019.2963635
  • Markovics, D., & Mayer, M. J. (2022). Comparison of machine learning methods for photovoltaic power forecasting based on numerical weather prediction. Renewable and Sustainable Energy Reviews, 161(1), 112364. https://doi.org/10.1016/j.rser.2022.112364
  • Martinez, D. R., Nigam, K. D. P., & Sandoval, L. A. R. (2021). Machine learning on sustainable energy: A reviewand outlook on renewable energy systems, catalysis, smart grid and energy storage. Chemical Engineering Research and Design, 174, 414–441. https://doi.org/10.1016/j.cherd.2021.08.013
  • Mashlakov, A., Kuronen, T., Lensu, L., Kaarna, A., & Honkapuro, S. (2021). Assessing the performance of deep learning models for multivariate probabilistic energy forecasting. Applied Energy, 285, 116405. https://doi.org/10.1016/j.apenergy.2020.116405
  • Massaoudi, M., Abu-Rub, H., Refaat, S. S., Chihi, I., & Oueslati, F. S. (2021). Deep learning in smart grid technology: A review of recent advancements and future prospects. IEEE Access. 9(1), 54558–54578. https://doi.org/10.1109/ACCESS.2021.3071269
  • Mbey, C., Boum, A., & Nneme, L. N. (2022). Roadmap for the transformation of electrical distribution network of the city of douala into smart grid. International Journal of Energy Technology and Policy, 18(2), 146–162. https://doi.org/10.1504/IJETP.2022.10048991
  • Mbey, C. F., Foba Kakeu, V. J., Boum, A. T., & Yem Souhe, F. G. (2023). Fault detection and classification using deep learning method and neuro-fuzzy algorithm in a smart distribution grid. The Journal of Engineering, 2023(11), 1–19. https://doi.org/10.1049/tje2.12324
  • Melzi, F. N., Same, A., Zayani, M. H., & Oukhellou, L. (2017). A dedicated mixture model for clustering smart meter data: Identification and analysis of electricity consumption behaviors. Energies, 10(10), 1446. https://doi.org/10.3390/en10101446
  • Michael, N. E., Mishra, M., Hasan, S., & Durra, A. A. (2022). Short-term solar power predicting model based on multi-step cnn stacked lstm technique. Energies, 15(6), 2150. https://doi.org/10.3390/en15062150
  • Ozer, I., Efe, S. B., & Ozbay, H. (2021). A combined deep learning application for short term load forecasting. Alexandria Engineering Journal, 60(4), 3807–3818. https://doi.org/10.1016/j.aej.2021.02.050
  • Pekaslan, D., Wagner, C., Garibaldi, J. M., Marin, L. G., & Saez, D. (2020). Uncertainty-aware forecasting of renewable energy sources . IEEE International Conference on Big Data and Smart Computing (BigComp), 240–246. https://doi.org/10.1109/BigComp48618.2020.00-68
  • Rangelov, D., Boerger, M., Tcholtchev, N., Lämmel, P., & Hauswirth, M. (2023). Design and development of a short-term photovoltaic power output forecasting method based on Random Forest, Deep Neural Network and LSTM using readily available weather features. IEEE Access. 11, 41578–41595. https://doi.org/10.1109/ACCESS.2023.3270714
  • Ren, M., Liu, X., Yang, Z., Zhang, J., Guo, Y., & Jia, Y. (2021). A novel forecasting based scheduling method for household energy management system based on deep reinforcement learning. Sustainable Cities and Society, 76, 103207. https://doi.org/10.1016/j.scs.2021.103207
  • Rodríguez, F., Galarza, A., Vasquez, J. C., & Guerrero, J. M. (2022). Using deep learning and meteorological parameters to forecast the photovoltaic generators intra-hour output power interval for smart grid control. Energy, 239(1), 122116. https://doi.org/10.1016/j.energy.2021.122116
  • Salih, B. A., Wongthongtham, P., Morrison, G., Coutinho, K., Okaily, M., & Huneiti, A. (2022). Short-term renewable energy consumption and generation forecasting: A case study of Western Australia. Heliyon, 8(3), e09152. https://doi.org/10.1016/j.heliyon.2022.e09152
  • Selim, M., Zhou, R., Feng, W., & Quinsey, P. (2021). Estimating energy forecasting uncertainty for reliable ai autonomous smart grid design. Energies, 14(1), 247. https://doi.org/10.3390/en14010247
  • Sengan, S., Subramaniyaswamy, V., Indragandhi, V., Velayutham, P., & Ravi, L. (2021). Detection of false data cyber-attacks for the assessment of security in smart grid using deep learning. Computers & Electrical Engineering, 93, 107211. https://doi.org/10.1016/j.compeleceng.2021.107211
  • Shamshirband, S., Rabczuk, T., & Chau, K. W. (2019). A survey of deep learning techniques: Application in wind and solar energy resources. IEEE Access. 7(1), 164650–164666. https://doi.org/10.1109/ACCESS.2019.2951750
  • Shaqour, A., Ono, T., Hagishima, A., & Farzaneh, H. (2022). Electrical demand aggregation effects on the performance of deep learning-based short-term load forecasting of a residential building. Energy and AI, 8, 100141. https://doi.org/10.1016/j.egyai.2022.100141
  • Siniosoglou, I., Grammatikis, P. R., Efstathopoulos, G., Fouliras, P., & Sarigiannidis, P. (2021). A unified deep learning anomaly detection and classification approach for smart grid environments. IEEE Transactions on Network and Service Management, 18(2), 1137–1151. https://doi.org/10.1109/TNSM.2021.3078381
  • Souhe, F. G. Y., Boum, A. T., Ele, P., Mbey, C. F., Kakeu, & V., J. F. (2022). Fault detection, classification and location in power distribution smart grid using smart meters data. Journal of Applied Science and Engineering, 26(1), 23–34. https://doi.org/10.6180/jase.202301/26(1).0003
  • Souhe, F. Y., Boum, A. T., Ele, P., & Mbey, C. F. (2021). Roadmap for smart metering deployment in Cameroon. International Journal of Smart Grid, 5(1), 37–44.
  • Syed, D., Rub, H. A., Ghrayeb, A., Refaat, S. S., Houchati, M., Bouhali, O., & Banales, S. (2021a). Deep learning-based short-term load forecasting approach in smart grid with clustering and consumption pattern recognition. IEEE Access. 9(1), 54992–55008. https://doi.org/10.1109/ACCESS.2021.3071654
  • Syed, D., Zainab, A., Ghrayeb, A., Refaat, S. S., Abe-Rub, H., & Bouhali, O. (2021b). Smart grid big data analytics: Survey of technologies, techniques, and applications. IEEE Access. 9, 59564–59585. https://doi.org/10.1109/ACCESS.2020.3041178
  • Thilakarathne, N. N., Kagita, M. K., Lanka, S., & A., M. (2020). Smart grid: A survey of architectural elements, machine learning and deep learning applications and future directions. IEEE Access. 3(1), 32-42, https://doi.org/10.5281/zenodo.5202741
  • Wen, L., Zhou, K., & Yang, S. (2020). Load demand forecasting of residential buildings using a deep learning model. Electric Power Systems Research, 179(1), 106073. https://doi.org/10.1016/j.epsr.2019.106073
  • Wentz, V. H., Maciel, J. N., Ledesma, J. J. G., & Junior, O. H. A. (2022). Solar irradiance forecasting to short-term pv power: Accuracy comparison of ann and lstm models. Energies, 15(7), 2457. https://doi.org/10.3390/en15072457
  • Widodo, D A, Iksan, N, Udayanti, E D, Djuniadi, (2021). Renewable energy power generation forecasting using deep learning method. IOP Conference Series: Earth and Environmental Science, 1, 700,012026–. https://doi.org/10.1088/1755-1315/700/1/012026
  • Yan, Y., Qian, Y., Sharif, H., & Tipper, D. (2013). A survey on smart grid com-munication infrastructures: Motivations, requirements and challenges. IEEE Communications Surveys & Tutorials, 15(1), 5–20. https://doi.org/10.1109/SURV.2012.021312.00034
  • Yem, F. G., Boum, A. T., Ele, P., Mbey, C. F., Kakeu, F., & J, V. (2022). A novel smart method for state estimation in a smart grid using smart meter data. Applied Computational Intelligence and Soft Computing, 2022, 1–14. https://doi.org/10.1155/20227978263
  • Yem Souhe, F. G., Mbey, C. F., Boum, A. T., Ele, P., & Foba Kakeu, V. J. (2022). A hybrid model for forecasting the consumption of electrical energy in a smart grid. The Journal of Engineering, 2022(6), 629–643. https://doi.org/10.1049/tje2.12146
  • Zhang, D., Han, X., & Deng, C, (2018). Review on the research and practice of deep learning and reinforcement learning in smart grids. CSEE Journal of Power and Energy Systems, 4(3), 362–370. https://doi.org/10.17775/CSEEJPES.2018.00520
  • Zhang, W., Chen, Q., Yan, J., Zhang, S., & Xu, J. (2021). A novel asynchronous deep reinforcement learning model with adaptive early forecasting method and reward incentive mechanism for short-term load forecasting. Energy, 236(1), 121492. https://doi.org/10.1016/j.energy.2021.121492
  • Zhao, Z., Tang, J., Liu, J., Ge, G., Xiong, B., & Li, Y. (2021 Short-term microgrid load probability density forecasting method based on k-means-deep learning quantile regression. In 2021 The 2nd International Conference on Power Engineering (ICPE 2021), Nanning, Guangxi, China, 8(1), 1386–1397. https://doi.org/10.1016/j.egyr.2022.03.117
  • Zieba, F. R., Gamzat, S., Bakary, H., Dadjé, A., Dumbrava, V., Makloufi, S., & Tchangnwa, F. N. (2021). Maximum power point tracking of photovoltaic energy systems based on multidirectional search optimization algorithm. International Journal of Renewable Energy Research, 11(2), 546–555.