Next Article in Journal
Perspectives of Convertors and Communication Aspects in Automated Vehicles, Part 1: Convertors and Condition Monitoring
Next Article in Special Issue
Baseline Energy Use Modeling and Characterization in Tertiary Buildings Using an Interpretable Bayesian Linear Regression Methodology
Previous Article in Journal
Increasing Access to Electricity: An Assessment of the Energy and Power Generation Potential from Biomass Waste Residues in Tanzania
Previous Article in Special Issue
Optimal ESS Scheduling for Peak Shaving of Building Energy Using Accuracy-Enhanced Load Forecast
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Evolutionary Hybrid System for Energy Consumption Forecasting for Smart Meters

by
Diogo M. F. Izidio
1,2,†,
Paulo S. G. de Mattos Neto
1,*,†,
Luciano Barbosa
1,†,
João F. L. de Oliveira
3,†,
Manoel Henrique da Nóbrega Marinho
3,† and
Guilherme Ferretti Rissi
4,†
1
Centro de Informática, Universidade Federal de Pernambuco, Recife 50740-560, Brazil
2
Advanced Institute of Technology and Innovation (IATI), Recife 50751-310, Brazil
3
Escola Politécnica de Pernambuco, Universidade de Pernambuco, Recife 50720-001, Brazil
4
CPFL Energia, Campinas, São Paulo 13088-900, Brazil
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Energies 2021, 14(7), 1794; https://doi.org/10.3390/en14071794
Submission received: 16 February 2021 / Revised: 12 March 2021 / Accepted: 13 March 2021 / Published: 24 March 2021
(This article belongs to the Special Issue Forecasting and Optimization of Energy Use in Buildings)

Abstract

:
The usage of smart grids is growing steadily around the world. This technology has been proposed as a promising solution to enhance energy efficiency and improve consumption management in buildings. Such benefits are usually associated with the ability of accurately forecasting energy demand. However, the energy consumption series forecasting is a challenge for statistical linear and Machine Learning (ML) techniques due to temporal fluctuations and the presence of linear and non-linear patterns. Traditional statistical techniques are able to model linear patterns, while obtaining poor results in forecasting the non-linear component of the time series. ML techniques are data-driven and can model non-linear patterns, but their feature selection process and parameter specification are a complex task. This paper proposes an Evolutionary Hybrid System (EvoHyS) which combines statistical and ML techniques through error series modeling. EvoHyS is composed of three phases: (i) forecast of the linear and seasonal component of the time series using a Seasonal Autoregressive Integrated Moving Average (SARIMA) model, (ii) forecast of the error series using an ML technique, and (iii) combination of both linear and non-linear forecasts from (i) and (ii) using a a secondary ML model. EvoHyS employs a Genetic Algorithm (GA) for feature selection and hyperparameter optimization in phases (ii) and (iii) aiming to improve its accuracy. An experimental evaluation was conducted using consumption energy data of a smart grid in a one-step-ahead scenario. The proposed hybrid system reaches statistically significant improvements when compared to other statistical, hybrid, and ML approaches from the literature utilizing well known metrics, such as Mean Squared Error (MSE).

1. Introduction

The investigation of energy consumption in buildings is increasingly attracting attention due to its major economical and environmental effects [1]. The construction sector, specifically, has shown to be responsible for approximately 40 % of global energy consumption and 30 % of CO 2 emissions [2], numbers which are continuously growing due to urbanization [3]. Therefore, changes in energy consumption and energy efficiency on buildings are prone to heavily impact current society, including on major socioeconomic and ecological issues, such as global warming and climate change [4].
Smart metering has been proposed as an alternative to improve building energy management and efficiency [5,6,7]. The concept of smart metering is usually related to intelligent meter devices, which can be remotely and locally accessed, and are able to register, process and provide feedback regarding energy consumption of the household [8].
By allowing close monitoring of energy consumption on the demand side and greater observability and controllability of the power grid, smart metering can be utilized as a tool to gain efficiency in each step of the customer-provider relationship.
The straightforward availability of historical consumption data provided by smart meters allows the consumer to extract insights regarding its behavior and evaluation of consumption patterns.
On the supply side, energy providers may be able to use smart metering to have a more in-depth and accurate overview of the energy consumption in each region. In addition, it allows for better forecasting of energy demand, which results in better maintenance and network planning [9].
Finally, the forecasting of energy demand allows the supplier to quickly react to changes in any part of generation, transmission, and distribution process, being able to identify suspicious energy consumption activity and detect fraud; see, for example, References [8,10].
As a result, the task of forecasting energy consumption has shown to be of great value to the efficiency gains from smart metering. The ability to accurately forecast the energy consumption for each household allows better fraud detection and maintenance/network planning. As a result, approaches based on statistical linear and Machine Learning (ML) techniques have been widely employed in this task [11,12,13].
However, the ability to accurately forecast energy consumption represents a challenging task due to the fact that it follows linear and non-linear patterns [11]. The motivation in utilizing statistical linear models is in part due to the existence of a well established methodology for model construction, proposed by Box & Jenkins [14]. Among the linear techniques, Seasonal Autoregressive Integrated Moving Average (SARIMA) is commonly used because it can model the seasonality in time series [11].
Although statistical linear techniques are flexible, they have an underlying assumption that the generating process of the time series is linear and, as a result, they do not perform well with non-linear processes. While linearity is often a useful assumption, it has shown to fail in many real-world problems since the early 1980’s [15].
On the other hand, ML techniques, such as Artificial Neural Networks (ANNs) [12,16] and Support Vector Regression (SVR) [13,17], have been employed due to its data-driven approach and ability to model non-linear patterns [18]. These techniques, however, do not possess established methodologies for feature selection and are sensitive to hyperparameter misspecification, which can degenerate their performance [19,20].
In this context, hybrid systems have been developed to combine the strengths of statistical and ML techniques for modeling linear and non-linear components of a real-world time series [19,21,22]. Zhang [19] proposed a hybrid system that supposes a linear combination of the linear and non-linear patterns presents as follows:
Z t = L t + N t ,
where Z t is a real world time series, L t is the linear component, and N t is the non-linear component. Based on Equation (1), the hybrid system proposed by Zhang [19] is composed of three phases: modeling of the time series ( L ^ t ) employing a statistical linear technique, non-linear modeling of the residual series ( N ^ t ) using an ML technique, and the combination of the linear ( L ^ t ) and non-linear ( N ^ t ) forecasts using a simple sum. Several works followed Zhang’s assumption in different applications [23,24,25,26]. However, hybrid systems that suppose a linear combination can degrade the whole system’s performance once that the relationship may not be additive [27].
Alternatively, Khashei and Bijari [20] proposed a non-linear combination (Equation (2)) of the linear and non-linear forecasts to overcome this limitation.
Z t = f ( L t , N t ) ,
where f is a combination function generated by an ML technique. Khashei and Bijari’s hybrid system has two phases: time series modeling using ARIMA; and non-linear modeling of the linear forecast residuals, while utilizing an ML technique to generate the final forecast.
Based on this assumption, Chou and Ngo [7,28] proposed a hybrid system that combines the SARIMA with a Least Squares SVR (LSSVR) trained via metaheuristic Firefly Algorithm (MetaFA) in a smart metering data forecast scenario. In this work, the hybrid system SARIMA-MetaFA-LSSVR employs a SARIMA for linear modeling of the time series, and posteriorly the LSSVR performs the final forecast from non-linear modeling of the residuals, of the linear output, and exogenous data. The results obtained in References [4,28] show that hybrid systems can be a promising approach in terms of accuracy when compared with single statistical and ML techniques and other literature approaches.
However, hybrid systems are still affected by obstacles originated from ML modeling, such as the lack of an established methodology for hyperparameter optimization and feature selection. In order to overcome these limitations, this paper proposes a three-phase hybrid system, which we name Evolutionary Hybrid System (EvoHyS), that non-linearly combines statistical and ML techniques to forecast smart grid networks’ time series. The proposed hybrid system is composed of three phases: (i) forecast of the linear and seasonal component of the time series using a Seasonal Autoregressive Integrated Moving Average (SARIMA) model, (ii) forecast of the error series using an ML technique, and (iii) combination of both linear and non-linear forecasts from (i) and (ii) using a a secondary ML model. A Genetic Algorithm (GA) is employed to find the best set of parameters and input data for phases (ii) and (iii). An experimental evaluation in a 1-day-ahead forecast scenario was performed with a data set of a smart grid network installed in a residential building. EvoHyS attained the best overall performance considering five well-known accuracy measures compared to the single, ensemble, and hybrid models of the literature. These results indicate that EvoHyS is a promising strategy to support decisions aiming to improve efficient energy usage in buildings that use smart metering. The EvoHyS is innovative in the smart meter consumption forecasting area because:
  • It is the first hybrid system that performs the forecasting employing three phases of modeling;
  • It employs an ML model in an exclusive phase to find the best combination between linear and non-linear forecasts;
  • It uses a GA to search for the best set of the ML models parameters in the residuals and combination modeling phases;
  • It is able to search for the set of linear and non-linear forecasts that maximize the accuracy of the whole system.
The remaining of this paper is organized as follows: we will present related works regarding the use of evolutionary algorithms for the combination of forecasting models in Section 2. In Section 3, we will describe and discuss our methodology and evaluate our technique for a energy consumption forecasting problem in Section 4. Finally, we will compare our method with other works in the literature and provide direction on where further research is warranted in Section 4.3.

2. Related Work

The development of systems based on ML models has been highlighted in the energy forecasting area [29]. In this area, electricity load and energy consumption forecasts have received great attention due to their relationship to demand, supply, and environmental issues [30,31]. In general, electricity load forecasting tasks have a major impact on the planning, operating, and monitoring power systems. The accuracy of the forecasts can impact operation costs since an overestimation can increase the number of generators employed and produce an unnecessary reserve of electricity. The underestimation of electricity load can put at risk the system’s reliability due to insufficient load required to attend the demanding market [32]. In the same way, electricity consumption forecasting models can improve energy efficiency and sustainability in diverse sectors, such as in residential buildings [33,34,35] and in industry [36,37].
In order to achieve accurate electricity load forecasts several machine learning models have been employed in this task  [38,39,40]. Models, such as ANNs based on Wavelets [38], Long Short-Term Memory (LSTM), Random Forests [39], and ensembles [40], have been investigated.
Likewise, energy consumption forecasting systems based on ML models have been used in the literature. Culaba et al. [33] employed a hybrid system based on clustering and forecasting using K-Means and SVR models, respectively. Deep learning models, such as Convolution Neural Networks (CNN), were employed by Reference [34] for energy consumption forecasts in the context of new buildings with few historical data. Pinto et al. [35] used ensemble models to forecast energy consumption in office buildings. Walther and Weigold [36] performed a systematic review of the literature on energy consumption forecasting models in the industry.
Considering the literature of energy consumption forecasting on smart metering data, several ML methods have been investigated. In this context, Gajowniczek and Zabkowski [41] employed MLP and SVR models to forecast the consumption on individual smart meters. For that, their solution extracts features related to the meter’s consumption history (e.g., average, maximum and minimum load) and the temperature inside the house. They argued that they do not perform a traditional time series modeling due to the high volatility of their data.
Zhukov et al. [42] investigated the effects of concept drift in smart grid analysis. A random forecast algorithm for concept drift was employed, and an ensemble using the weighted majority vote rule was used to combine the outputs of individual learners. The proposed method was compared to other algorithms in the concept drift detection context, obtaining promising results.
Electricity pricing and load forecasting are important tasks in smart grid structures due to the improvements of efficiency in the management of electric systems [31,43,44]. In this scenario, Heydari et al. [43] proposed a hybrid system based on variational mode decomposition (VMD), gravitational search algorithm (GSA), and general regression neural networks (GRNN). The VMD performs the series’s decomposition into several intrinsic mode functions (IMFS), while the GSA performs a feature selection in the time series. Furthermore, considering the importance of electricity load forecasting in electric systems, this task can also be performed in individual households through the employment of smart metering technologies [45,46]. In this way, Li et al. [47] employed a Convolutional Long Short-Term Memory-based neural network with Selected Autoregressive Features to improve forecasting accuracy. Fekri et al. [46] used deep learning models based on online adaptive recurrent neural networks, considering that energy consumption patterns may change over time. In addition, several load forecasting applications have been addressed, such as peak alert systems [48], where a modified support vector regression is employed, using smart meter data and weather data as input.
Another work that deals with smart metering forecast [49], investigated the effects of factors, such as seasonality and weather condition for electricity consumption prediction, using different machine learning algorithms: regression trees, MLP and SVR. Their findings show that: regression trees obtain the lowest Root Mean Squared Error (RMSE) values in almost all evaluated scenarios; adding weather data does not improve the results; and a historical window of one year to train the models is enough to achieve low-error forecasts.
Sajjad et al. [50] propose a deep-learning model for hourly energy consumption forecast of appliances and houses. The input data is processed using min-max normalization or z-score standardization, which is fed into a Convolutional Neural Network (CNN) followed by a Recurrent Neural Network (RNN), specifically a Gated Recurrent Unit (GRU). Finally, a dense layer on top of the GRU outputs the prediction. They do not provide, however, any details about their strategy of selecting the hyper-parameters of the network.
Similarly, Wang et al. [51] employ an Long Short-Term Memory (LSTM) model that outputs quantile probabilistic forecasts. For training, the network minimizes the average quantile loss for all quantiles. The input of the network is composed of the historical consumption, the day of the week and hour of the day of the data point to be predicted. Similar to Reference [50], the process of selection of nodes and layers of the network is not presented.
In addition, hybrid systems have gained attention due to their ability to increase the accuracy of the single ML models [30,52]. These systems are developed aiming to overcome the limitations of single ML models regarding misspecification, overfitting, and underfitting [27]. In this sense, Somu et al. [53] employed the K-means clustering-based convolutional neural networks and long short term memory (KCNN-LSTM) to forecast energy consumption using data from smart meters. In this work, the K-means is employed to identify tendency and seasonal patterns in the time series, while the CNN-LSTM is used in the forecasting process.
Chou and Truong [54] proposed a hybrid system composed of four steps: linear time series modeling, non-linear residual modeling, combination, and optimization. The parameter selection process for the models employed in the first three steps is performed through a Jellyfish Search (JS) optimization algorithm [55]. Bouktif et al. [56] employed a Genetic Algorithm (GA) and Particle Swarm Optimization (PSO) to search for hyperparameters of the LSTM in load forecasting tasks.
The proposed hybrid system differs from the hybrid systems proposed in the literature since it employs a GA to perform the optimization of the residual forecasting model and the combination model. Furthermore, the optimization also selects the most relevant lags to reduce model complexity and enhance forecasting accuracy.

3. Evolutionary Hybrid System

The proposed Evolutionary Hybrid System (EvoHyS) can be better understood by splitting into two steps: training and testing. Figure 1 and Figure 2 show that each step is divided into three phases. In the training step (Figure 1), the training set of the the time series ( Z t r a i n ) is modeled by a linear model (ML Z ), an ML model (ML R ) is used in the modeling of the residual series ( E t r a i n ), and the combination of the linear and non-linear estimates is performed with an ML model ((ML C )). Figure 2 shows that the linear (ML Z ) and ML (ML R ) models are employed in the test step to forecast the time series and respective residuals. After that, the ML C model is used to combine these estimates, generating the final forecast.
For linear modeling, a Seasonal Autoregressive Integrated Moving Average (SARIMA) model was chosen as ML Z due to its ability to model seasonal time series, such as historical energy consumption data. The Box & Jenkins methodology [14] used in the design and parameters adjust of the SARIMA model performs the modeling of the linear patterns presented in the training data (Equation (3)).
L ^ t r a i n = ML Z ( Z t r a i n ) .
After ML Z model estimation, the residual series ( R t r a i n ) is calculated from the difference between the training data ( Z t r a i n ) and the linear forecast ( L ^ t r a i n ) according to Equation (4),
R t r a i n = Z t r a i n L ^ t r a i n .
Figure 1 shows that the outputs of Stage (I) of the training step are: the linear forecast ( L ^ t r a i n ), the residual series ( R t r a i n ), and the estimated SARIMA model (ML Z ). The SARIMA model is used in the test step.
Figure 1 shows that Stage (II) of the training step receives the residual series ( R t r a i n ) as input data. In this stage, an ML technique ( ML R ) is trained to model the non-linear patterns that were not modeled in Stage (I). In this stage, R t r a i n is subdivided into training and validation sets to ML R parameters estimation. The Support Vector Regression (SVR) model was chosen to perform the non-linear modeling of the residual series. In contrast to ML models, such as neural networks, the SVR performs a quadratic optimization which yields a single minimal solution [57]. Furthermore, SVR models have shown accurate results in residual modeling [21]. A Genetic Algorithm (GA) is employed to search the SVR parameters and the best set of temporal lags. The objective is to improve the residual modeling using the ability of exploration and exploitation of the GA. The forecast of the non-linear patterns ( N ^ t r a i n ) using the residual series ( R t r a i n ) modeling is performed after the GA finds the parameters and the set of temporal lags that maximizes the accuracy of the SVR (Equation (5)).
N ^ t r a i n = G A ( ML R ( R t r a i n ) ) .
The outputs of Stage (II) of the training step are the trained ML R and the forecast of the residuals ( N ^ t r a i n ). The trained ML R is used in the Test Step.
Stage (III) of the training step employs an ML model ( ML C ) to search for the most suitable combination between the linear and non-linear forecasts. An MLP neural network was selected to perform the combination due to of its robustness against noise and the ability to approximate any non-linear function [58,59]. The definition of the inputs of the ML C is an important task [21] since it is closely related to the accuracy of the system. Thus, a GA is used to define the MLP parameters, such as the activation function, optimization algorithm, and number of hidden neurons. Equation (6) shows the final forecast in the training step of the EvoHyS.
Z ^ t r a i n = G A ( ML C ( L ^ t r a i n , N ^ t r a i n ) ) .
Figure 1 shows that the output of the Stage (III) of the training step is the trained ML C model. In Stages (II) and (III), a validation set is employed for: verifying the ability of generalization of the ML models, avoiding the overfitting, and selecting the best hyperparameters setting. This validation set is a subset of the training set used in Stage (I) to estimate the parameters of the SARIMA model.
In the test step, as presented in Figure 2, the Stages (I) and (II) receive the test patterns of the time series ( Z l a g z ) and residual series ( R l a g r ), respectively. The number of time lags l a g z and l a g r used as inputs for the ML Z and ML R models were defined in the Stages (I) and (II) of the training step. In Stage (I), the ML Z model generates the time series forecast ( L ^ t e s t ), and in Stage (II) the ML R model generates the residual forecast ( N ^ t e s t ). Finally, in Stage (III), the ML C model performs the final forecast from the combination of the outputs of Stages (I) and (II) according to Equation (7).
Z ^ t + 1 = ML C ( L ^ l 1 , N ^ l 2 ) ,
where L ^ l 1 and N ^ l 2 are the forecasts used in the combination stage defined by GA in Stage (III) of the training step. Algorithms 1 and 2 summarize the description of the training and test steps in algorithmic language.
Algorithm 1 Training Step
1:
Input: Z t r a i n = [ z 1 , z 2 , , z t r a i n ]           training vector of size t r a i n
2:
Output: ML Z , ML R , ML C                                        ▹ trained models
3:
ML Z ← modelTraining( Z t r a i n )                                       ▹ Stage (I)
4:
L ^ t r a i n forecast(ML Z , Z t r a i n )
5:
R t r a i n ( Z t r a i n L ^ t r a i n )
6:
ML R ← modelTraining( R t r a i n )                                               ▹ Stage (II)
7:
N ^ t r a i n forecast(ML R , R t r a i n )
8:
ML C ← modelTraining( L ^ t r a i n , N ^ t r a i n )                                  ▹ Stage (II)
9:
Z ^ t r a i n forecast(ML C , L ^ t r a i n , N ^ t r a i n )
Algorithm 2 Testing Step
1:
Input: Z l a g z , R l a g r , ML Z , ML R , ML C
2:
Output: Z ^ t + 1
3:
L ^ t e s t forecast(ML Z , Z l a g z )                                                ▹ Stage (I)
4:
N ^ t e s t forecast(ML R , R l a g r )                                                 ▹ Stage (I)
5:
Z ^ t + 1 forecast(ML C , L ^ l 1 , N ^ l 2 )                                              ▹ Stage (I)

3.1. Genetic Algorithm

In a Genetic Algorithm (GA), a set of solutions (population) undergoes an evolutionary process inspired by Charles Darwin’s theory of evolution [60]. The evolution consists of changes in the characteristics of the population over generations guided by the fitness function. The genetic characteristics are passed to the next generation from the genetic operators (crossover and mutation). Natural selection (parent and survivor selection) improves the fitness of the population’s individuals over generations. The EvoHyS uses a GA in the Stages (II) and (III) of the training step (Figure 1). In Stages (II) and (III), the GA optimizes the ML R and ML C models, respectively.
The proposed GA can be described by defining four main components: Chromosome, Fitness Function, Reproduction (Crossover and Mutation), and Survivor Selection. Each one of these components will be described in the following sections.

3.1.1. Chromosome

In this work, the chromosome, or genotype, contains the models’ parameters to be optimized in Stages (II) and (III) of the training step (Figure 1). Figure 3 shows the generic representation of the chromosomes that codifies the ML R and ML C models. For both individuals, the chromosome is a fixed-length vector that contains two distinct parts. In the first block, there is information regarding lags that can be utilized as inputs for the model. Its size corresponds to the maximum number of lags that can be used by the model. Each position contains a binary value (0 or 1), which corresponds to a given lag’s absence or presence. In the second block the information regarding the parameters of the model is presented. A list of possible values is established for each model parameter, where each parameter search space is defined through different orders of magnitude or according to predefined choices present in popular machine learning libraries, such as scikit-learn [61]. The population is randomly generated in both Stages (II) and (III).
In Stage (II), the SVR model is used as ML R . For that, the chromosome’s first block is composed of time lags used for residual modeling. The second block holds information regarding the SVR parameters’ configuration, such as the kernel parameter gamma, the regularization factor C, and the ε , which defines the ε -sensitive cost function [57].
In Stage (III), the MLP model is employed as the combination mode, and is represented as ML C . In the combination stage (Stage (III)), the first block consists of the input data employed to perform the final forecasting. The second part comprises genes that contain information regarding the hidden layer, activation function, and learning algorithm. The maximum number of hidden layers is previously defined. The number of neurons per layer, activation function, and learning algorithm are determined from a list of possible values. For each hidden layer, there is a binary value (0/1) that corresponds to the absence/presence of a given hidden layer.

3.1.2. Fitness Function

The fitness function used for the evaluation of each individual is given by Equation (8).
f i t n e s s = 1 1 + M S E
where
MSE = 1 n ( Z t Z ^ t ) 2 .
The Mean Squared Error (MSE) is obtained by the difference between the actual values and the forecast of the model. The validation set is used to evaluate the generalization ability of the forecasting model.
For the MLP model (Stage (III)), each individual is evaluated three times with different initialization of weights due to its stochastic nature. From those three evaluations, the best model is selected.

3.1.3. Reproduction

The next generation is created from current population from two ways. The first group consists of copies of the current population that are chosen using the roulette wheel selection. The process is performed with replacement, once the selected individual can be chosen again. The first group is generated until ( 1 c r ) · P s i z e , where c r and P s i z e are the crossover rate previously defined in the interval [0, 1] and the size of the population, respectively.
Another group is created combining the genes of two parents chosen from roulette wheel selection. Each one of the offspring is produced from single-point crossover between selected two individuals. The process is performed with replacement until c r · P s i z e .
The objective of the adopted strategy in the crossover is to enhance the chance of the fittest individuals remain in the population, accelerating the convergence of the algorithm. In addition, this reproduction aims to balance the trade-off between exploration and exploitation of the GA.
After crossover, all offspring is subject to mutations in their genes. The objective of that is to explore the search space and to guarantee the variability in the population. The number of mutations is chosen randomly for each individual of the offspring using a uniform distribution for a specific range, which can be defined as [ 0 , n m a x ] . The initial value for the maximum number of mutations ( n m a x ) is previously defined on the first iteration. For later iterations, n m a x increases one unit by epoch. As a result, while the population convergences, the proposed GA increases n m a x in order to keep adding variability, aiming to avoid premature convergence.
For binary genes, the mutation performs a reversion of the current state (from 0 to 1 or vice-versa). In other genes, the mutation replaces the current state with a new option chosen randomly from a list of possible states.

3.1.4. Survivor Selection

The offspring generated after the reproduction phase using genetic operators (crossover and mutation) has the same quantity of individuals as the previous population. Thus, the replacement of the population is performed without the need to have a survivor selection operator based on fitness. This replacement strategy aims to escape local minima that may occur in the previous iteration.

4. Experimental Evaluation

4.1. Setup

Data. Acquiring time series data is limited and challenging in the smart metering context since applications are performed in real buildings. The proposed hybrid system is evaluated taking into consideration the data collected by the smart grid infrastructure installed in a residential building [28] regarding the total hourly energy consumption between 2015 June 22 to 2015 July 26, totaling 2879 points. This same data set was used in the time series forecasting context by previous papers [4,7,28] for evaluation purposes.
The data set was split into training, validation, and testing samples following the temporal order, each one comprising 1706, 442, and 671 data points, respectively. The SARIMA model training was performed using the training and validation samples. The performance analysis was performed in the whole testing set and for each day of the week (Sunday, Monday, Tuesday, Wednesday, Thursday, Friday, and Saturday).
Selection of Parameters. The parameter selection for the components of the proposed hybrid system is performed in different ways for linear and non-linear models. SARIMA model is defined using the Box & Jenkins methodology [14]. The parameters of the SVR model are defined by GA according to the following value options described below:
  • input_active = (0, 1)
  • kernel = (linear, poly2, poly3, poly4, poly5, poly6, rbf, sigmoid)
  • gamma = (scale, auto)
  • C = ( 10 5 , 10 4 , 10 3 , 10 2 , 10 1 , 10 0 , 10 1 , 10 2 , 10 3 , 10 4 )
  • epsilon = (0.0, 10 5 , 10 4 , 10 3 , 10 2 , 10 1 , 10 0 , 10 1 )
The input _ active parameter assumes a binary value indicating the presence or absence of a given input, according to Figure 3. The kernel represents eight possible kernel functions: Linear, polynomial with degrees 2, 3, 4, 5, and 6; radial basis function (rbf) and sigmoid. Parameter C is a regularization factor and ε is used in the calculation of the error function.
The value for gamma is calculated according to the implementation of the machine learning library Scikit-learn [61] and SVR solver implementation libSVM [62] which allows two predefined possibilities, which are discussed by Braga et al. [63]:
  • if gamma = auto, then the chosen value of gamma is defined as 1 / n f e a t u r e s , where n f e a t u r e s represents the number of features in the input data,
  • if gamma = scale, then the adopted value for gamma is 1 / ( n f e a t u r e s · σ 2 ) where σ represents the standard deviation of the input data.
Regarding the MLP network, the possible values in the search space are:
  • input_active = (0, 1)
  • activation = (identity, logistic, tanh, relu)
  • solver = (sgd, adam, lbfgs)
  • layer_active = (0, 1)
  • layer_nodes = (1, 2, 4, 8, 16, 32, 64, 128, 256, 512, 1024, 2048)
The activation represents the activation function, and can assume function, such as identity, logistic, hyperbolic tangent (tanh), and rectified linear unit (relu). The solver represents the algorithm used in the training process of the MLP. The number of hidden neurons of the MLP is defined through the layer _ nodes parameter and each layer can be activated using a binary value of variable layer _ active .
Table 1 presents the selected models by GA from performance in the validation set. SVR with Radial Basis Function (RBF) kernel was the chosen residual model and the MLP used for the combination model only has 1 layer with 32 neurons. The column Lags presents the number of lags used by the models.
Baselines. The proposed hybrid system is compared with previous approaches, comprising single methods, ensembles, and hybrid methods. EvoHyS is compared to the models presented in the work of Chou and Tran [7]. For the single models, SARIMA, MLP, SVR, Long Short-term Memory neural network (LSTM), Linear regression (LR), and Classification and Regression Trees (C&R Tree) are considered. The ensemble methods employed consist of bagging of MLPs and an ensemble based on SVR and LR methods (SVR+LR). The hybrid systems used in the comparison are SARIMA-MetaFA-LSSVR and SARIMA-PSO-LSSVR. In both hybrid systems, the linear SARIMA model is employed in the time series forecasting. In SARIMA-MetaFA-LSSVR, the residual modeling is performed using a MetaFA-LSSVR. This step is performed using the residual series and exogenous data (temperature, day of the week, and hour of the day) to generate the energy consumption forecast [28]. The SARIMA-PSO-LSSVR system performs the residual modeling similarly to the aforementioned hybrid system using a Particle Swarm Optimization (PSO) to optimize the LSSVR parameters.
Evaluation Metrics. The models’ evaluation is performed with five error metrics: Correlation Coefficient (R), Mean Absolute Percentage Error (MAPE), Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and Maximum Absolute Error (MaxAE). The correlation coefficient (R) described in Equation (10) measures the linear dependencies between the actual ( Z t ) and forecast series ( Z ^ t ); thus, values of R closer to 1 indicate more accurate forecasts.
R = ( Z t Z ¯ ) ( Z t ^ Z ^ ¯ ) ( Z t Z ¯ ) 2 ( Z t ^ Z ^ ¯ ) .
MAPE provides a percentage value over the errors in the forecasts. It has the advantage of being scale independent and easy to interpret. However, it is an asymmetric measure, showing a skewed distribution when Z t is close to zero. Furthermore, it penalizes forecasts that exceed the actual value ( Z t ) [64]. MAPE is defined in Equation (11),
MAPE = 100 n Z t Z ^ t Z t ,
where n is the number of samples.
MAE, presented in Equation (12), offers an error evaluation in the same scale of the data and is less sensitive to outliers than quadratic error based metrics.
MAE = 1 n Z t Z ^ t .
RMSE (Equation (13)) is an evaluation metric that promotes a heavier penalty on higher errors. It also presents the results on the same scale as the data. However, it is more sensitive to outliers than the MAE [64].
RMSE = 1 n ( Z t Z ^ t ) 2 .
MaxAE (Equation (14)) indicates the maximum error in the occurrence of energy load peaks.
MaxAE = max ( Z t Z ^ t ) .
In order to directly compare the proposal with other methods, the percentage difference (PD) is calculated between the proposed hybrid system and literature models. Equations (15) and (16) show the percentage difference for RMSE, MAE, MAPE, and MaxAE measures ( P D ) and for R metric ( P D R ), respectively.
P D = 100 × M o d e l L M M o d e l P R M o d e l L M ,
P D R = 100 × M o d e l P R M o d e l L M M o d e l L M ,
where M o d e l P R and M o d e l L M are the metric of the EvoHyS and of the literature models, respectively. Positive values of P D indicates an improvement of the proposed hybrid system, while negative values indicate that the proposal got worse results.
To perform a statistical comparison of the previous models with the proposed hybrid system, we apply the Diebold-Mariano hypothesis test [65]. The null hypothesis is that there is no significant difference with respect to the RMSE mean between the evaluated models. We consider a significance level of 0.05, which means that for p-values lower than 0.05 the null hypothesis is rejected.

4.2. Results

Table 2 presents the results for the five evaluation metrics for each day of the week attained by the proposed and literature methods. In general, the proposed hybrid system (EvoHyS) outperformed the previous approaches in several metrics for this scenario. More specifically, EvoHyS obtained the best values in 20 out of 35 cases, and the majority of them is on the RMSE, MAE, and MAPE metrics. This behavior is related to the MSE metric, which was used as a target function for the training of the proposed hybrid system.
Table 2 also shows the maximum and minimum values of the metrics over all data sets. EvoHyS achieved the best overall maximum values (Max), while the SARIMA-MetaFA-LSSVR obtained the overall best minimum values (Min).
Figure 4 shows the forecasting for the test set of the seven days of the week of the EvoHyS and SARIMA model. It can be seen that the EvoHyS was able to correct the SARIMA forecast for all cases of study.
Table 3 shows the average values regarding all days of the week for the evaluation metrics. The results are calculated taking into consideration the values presented in Table 2. The proposed hybrid system achieved the best average results regarding all metrics except the MaxAE. The best average MaxAE was achieved by the SARIMA-MetaFA-LSSVR.
Table 4 shows the percentage difference between the proposed hybrid system and the literature models for all evaluation metrics of the the average values shown in Table 3. For R, RMSE, MAE, MAPE, and MAxAE metrics, the greatest percentage differences were 124.25%, 74.51%, 75.63%, 78.95%, and 50.67% in relation to C&R Tree, SARIMA-PSO-LSSVR, SVR + LR, SARIMA, and SVR + LR, respectively. Only for the MaxAE metric, the proposed hybrid system obtained a negative percentage of −55.43% and −26.46% in comparison to the hybrid systems SARIMA-MetaFA-LSSVR and SARIMA- PSO-LSSVR, respectively. For R, RMSE, MAE, MAPE, and MAxAE metrics, the lowest percentage differences were 7.34% for SARIMA-MetaFA-LSSVR, 49.58% for MLP, 9.49% for SARIMA-MetaFA-LSSVR, 18.63% for SARIMA-MetaFA-LSSVR, and 13.33% for SARIMA.
In order to perform a more robust comparison of the proposed hybrid system with the literature models, the Diebold-Mariano hypothesis test [66] was employed based on RMSE shown in Table 3. The hypothesis testing results are presented in Table 5, where p-values less than 0.05 indicate a statistical difference between the methods at 95% confidence. The results show that the proposed hybrid system outperformed all the literature models, obtaining a statistically significant accuracy values.

4.3. Discussion

In summary, the proposed hybrid system was compared with the single, ensembles, and hybrid models of the literature based on different error metrics in the context of energy consumption. The results presented in Table 2 show that the hybrid models achieved the best results in the energy consumption data sets for all days of the week, followed by ensemble models, such as Bagging, and single models, respectively.
Taking into consideration that traditional statistical models, such as SARIMA, present limited performance in the presence of non-linear patterns, and that non-linear models may not deal with linear and non-linear patterns equally well, the evaluation results show that hybrid systems in general outperformed single models. In Table 3, where the average values are compared, hybrid systems obtained the best overall values.
Among hybrid systems several strategies have been adopted. The proposed model is based on a three-stage architecture, where second and third stages are optimized by a Genetic Algorithm. The compared hybrid systems from the literature, namely the SARIMA-MetaFA-LSSVR and SARIMA-PSO-LSSVR which present a two-stage architecture, where the first performs linear modeling of the time series with the SARIMA model, and the second stage performs the non-linear modeling and combination together. The results obtained in Table 4 show that the proposed three-stage hybrid system could improve the results obtained by the other methods in most of the metrics, with the exception of the MaxAE.
The difference between accuracy of the models can be observed in Table 5, where the Diebold-Mariano hypothesis test was employed. The hypothesis test confirmed significant difference between the proposed model and the compared models.

5. Conclusions

The employment of smart meters has become an important alternative in monitoring energy consumption and efficiency, allowing better management and network planning. Forecasting energy consumption in smart meters have become an important tool for maintenance planning and fraud detection. However, achieving accurate forecasts may be a challenging task, since energy consumption data is likely to present linear and non-linear patterns [11].
In this work, an evolutionary hybrid system is proposed to forecast energy consumption in smart meters. In order to improve forecast accuracy, the proposed system (EvoHyS) is composed of three stages. First stage performs linear modeling through the employment of a SARIMA model. In the second stage, an evolutionary optimization based on a genetic algorithm is employed to find the best hyper-parameter of the SVR model, as well as to perform input selection. In the third and last stage, a combination of linear and non-linear models is performed using an MLP optimized by a genetic algorithm.
The experiments were conducted on data set of a smart grid network installed in a residential building. The simulations were carried considering the consumption per day of the week using several single and hybrid models proposed in the literature. In general, the EvoHyS achieved the best overall results, demonstrating good generalization performance on different days of the week.
The superior performance attained by EvoHyS compared with single models corroborates with previous studies [7,26,55] that show the benefits of using hybrid systems that combine statistical and ML models. The modeling of linear and non-linear patterns separately enables generating specialist models that combined achieve higher accuracy than single models. In comparison with literature hybrid systems (SARIMA-MetaFA-LSSVR and SARIMA-PSO-LSSVR), EvoHyS outperformed them in most evaluation measures. This result shows that employing an exclusive phase to combine linear and non-linear forecasts can improve hybrid systems’ accuracy in the smart meter consumption forecasting area.
The overall run-time complexity of the EvoHyS is the sum of the complexity of the three models used to perform the final prediction: SARIMA for time series forecast (linear on the number of lags), SVR with RBF kernel for the residual forecast (quadratic: number of lags times number of support vectors) and MLP (linear on the number of lags).
For future directions, an investigation of the influence on external variables, such as temperature, precipitation in energy consumption will be considered. The employment of deep learning forecasting methods in the proposed hybrid system architecture also may be analyzed. Furthermore, EvoHyS should be evaluated in other energy consumption scenarios that involve smart meters time series.

Author Contributions

Conceptualization, D.M.F.I. and P.S.G.d.M.N.; methodology, P.S.G.d.M.N., L.B., and J.F.L.d.O.; software, D.M.F.I.; validation, L.B., M.H.d.N.M., and G.F.R.; formal analysis, L.B.; investigation, D.M.F.I., M.H.d.N.M., and G.F.R.; resources, M.H.d.N.M. and G.F.R.; data curation, P.S.G.d.M.N.; writing—original draft preparation, D.M.F.I., P.S.G.d.M.N., L.B., and J.F.L.d.O.; visualization, L.B. and J.F.L.d.O.; supervision, P.S.G.d.M.N.; project administration, M.H.d.N.M. and G.F.R.; funding acquisition, M.H.d.N.M. All authors have read and agreed to the published version of the manuscript.

Funding

This work received funding and technical support from CPFL Energia within the scope of the project “PA3046—Development of Intelligent Measurement Platform with Cybersecurity, Business Intelligence and Big Data”, an R&D program regulated by ANEEL, Brazil and The APC was funded by CPFL Energia.

Data Availability Statement

The authors would like to thank the database provided by Prof. Jui-Sheng Chou.

Acknowledgments

The authors thank the support of IATI—Advanced Institute of Technology and Innovation, Time Energy, and CPFL Energia for providing the infrastructure.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AcronymDescription
ADAMAdaptive Moment Estimation
ANNArtificial Neural Network
ARIMAAutoregressive Integrated Moving Average
C&R TreeClassification and Regression Tree
ML C Combination Model
CNNConvolutional Neural Network
RCorrelation Coefficient
EvoHysEvolutionary Hybrid System
GRUGated Recurrent Unit
GAGenetic Algorithm
tanhHyperbolic Tangent
LSSVRLeast Squares Support Vector Regression
LBFGSLimited Memory Broyden–Fletcher–Goldfarb–Shanno Algorithm
LRLinear Regression
LSTMLong Short-Term Memory
MLMachine Learning
MaxAEMaximum Absolute Error
MAEMean Absolute Error
MAPEMean Absolute Percentage Error
MSEMean Squared Error
MetaFAMetaheuristic Firefly Algorithm
MLPMultilayer Perceptron
PSOParticle Swarm Optimization
PDPercentage Difference
RBFRadial Basis Function
RELURectified Linear Unit
RNNRecurrent Neural Network
ML R Residual Model
RMSERoot Mean Squared Error
SARIMASeasonal Autoregressive Integrated Moving Average
SGDStochastic Gradient Descent
SVMSupport Vector Machine
SVRSupport Vector Regression

References

  1. El-hawary, M.E. The Smart Grid—State-of-the-art and Future Trends. Electr. Power Components Syst. 2014, 42, 239–250. [Google Scholar]
  2. Allouhi, A.; El Fouih, Y.; Kousksou, T.; Jamil, A.; Zeraouli, Y.; Mourad, Y. Energy consumption and efficiency in buildings: Current status and future trends. J. Clean. Prod. 2015, 109, 118–130. [Google Scholar]
  3. Zhao, H.X.; Magoulès, F. A review on the prediction of building energy consumption. Renew. Sustain. Energy Rev. 2012, 16, 3586–3592. [Google Scholar]
  4. Chou, J.S.; Ngo, N.T. Smart grid data analytics framework for increasing energy savings in residential buildings. Autom. Constr. 2016, 72, 247–257. [Google Scholar]
  5. Kolokotsa, D. The role of smart grids in the building sector. Energy Build. 2016, 116, 703–708. [Google Scholar]
  6. Cui, B.; ce Gao, D.; Wang, S.; Xue, X. Effectiveness and life-cycle cost-benefit analysis of active cold storages for building demand management for smart grid applications. Appl. Energy 2015, 147, 523–535. [Google Scholar]
  7. Chou, J.S.; Tran, D.S. Forecasting energy consumption time series using machine learning techniques based on usage patterns of residential householders. Energy 2018, 165, 709–726. [Google Scholar]
  8. Van Gerwen, R.; Jaarsma, S.; Wilhite, R. Smart metering. Leonardo-Energy Org. 2006, 9, 1–9. [Google Scholar]
  9. Fallah, S.N.; Deo, R.C.; Shojafar, M.; Conti, M.; Shamshirband, S. Computational Intelligence Approaches for Energy Load Forecasting in Smart Energy Management Grids: State of the Art, Future Challenges, and Research Directions. Energies 2018, 11, 596. [Google Scholar]
  10. Kabalci, Y. A survey on smart metering and smart grid communication. Renew. Sustain. Energy Rev. 2016, 57, 302–318. [Google Scholar]
  11. Chen, K.Y.; Wang, C.H. A hybrid SARIMA and support vector machines in forecasting the production values of the machinery industry in Taiwan. Expert Syst. Appl. 2007, 32, 254–264. [Google Scholar]
  12. Ding, N.; Benoit, C.; Foggia, G.; Bésanger, Y.; Wurtz, F. Neural network-based model design for short-term load forecast in distribution systems. IEEE Trans. Power Syst. 2015, 31, 72–81. [Google Scholar]
  13. Maldonado, S.; González, A.; Crone, S. Automatic time series analysis for electric load forecasting via support vector regression. Appl. Soft Comput. 2019, 83, 105616. [Google Scholar]
  14. Box, G.E.; Jenkins, G.M.; Reinsel, G.C.; Ljung, G.M. Time Series Analysis: Forecasting and Control; John Wiley & Sons: Hoboken, NJ, USA, 2015. [Google Scholar]
  15. De Gooijer, J.G.; Hyndman, R.J. 25 years of time series forecasting. Int. J. Forecast. 2006, 22, 443–473. [Google Scholar]
  16. Ferreira, V.H.; da Silva, A.P.A. Toward estimating autonomous neural network-based electric load forecasters. IEEE Trans. Power Syst. 2007, 22, 1554–1562. [Google Scholar]
  17. Elattar, E.E.; Goulermas, J.; Wu, Q.H. Electric load forecasting based on locally weighted support vector regression. IEEE Trans. Syst. Man Cybern. Part C Appl. Rev. 2010, 40, 438–447. [Google Scholar]
  18. Lu, J.C.; Niu, D.X.; Jia, Z.Y. A study of short-term load forecasting based on ARIMA-ANN. In Proceedings of the 2004 International Conference on Machine Learning and Cybernetics (IEEE Cat. No. 04EX826), Shanghai, China, 26–29 August 2004; Volume 5, pp. 3183–3187. [Google Scholar]
  19. Zhang, G.P. Time series forecasting using a hybrid ARIMA and neural network model. Neurocomputing 2003, 50, 159–175. [Google Scholar]
  20. Khashei, M.; Bijari, M. A novel hybridization of artificial neural networks and ARIMA models for time series forecasting. Appl. Soft Comput. 2011, 11, 2664–2675. [Google Scholar]
  21. Domingos, S.D.O.; de Oliveira, J.F.; de Mattos Neto, P.S. An intelligent hybridization of ARIMA with machine learning models for time series forecasting. Knowl.-Based Syst. 2019, 175, 72–86. [Google Scholar]
  22. de Mattos Neto, P.S.; de Oliveira, J.F.L.; Júnior, D.S.D.O.S.; Siqueira, H.V.; Marinho, M.H.D.N.; Madeiro, F. A Hybrid Nonlinear Combination System for Monthly Wind Speed Forecasting. IEEE Access 2020, 8, 191365–191377. [Google Scholar]
  23. Pai, P.F.; Lin, C.S. A hybrid ARIMA and support vector machines model in stock price forecasting. Omega 2005, 33, 497–505. [Google Scholar]
  24. Panigrahi, S.; Behera, H. A hybrid ETS–ANN model for time series forecasting. Eng. Appl. Artif. Intell. 2017, 66, 49–59. [Google Scholar]
  25. de Oliveira, J.F.; Ludermir, T.B. A hybrid evolutionary decomposition system for time series forecasting. Neurocomputing 2016, 180, 27–34. [Google Scholar]
  26. do Nascimento Camelo, H.; Lucio, P.S.; Leal Junior, J.B.V.; de Carvalho, P.C.M.; von Glehn dos Santos, D. Innovative hybrid models for forecasting time series applied in wind generation based on the combination of time series models with artificial neural networks. Energy 2018, 151, 347–357. [Google Scholar]
  27. Taskaya-Temizel, T.; Casey, M.C. A comparative study of autoregressive neural network hybrids. Neural Netw. 2005, 18, 781–789. [Google Scholar]
  28. Chou, J.S.; Ngo, N.T. Time series analytics using sliding window metaheuristic optimization-based machine learning system for identifying building energy consumption patterns. Appl. Energy 2016, 177, 751–770. [Google Scholar]
  29. Ahmad, T.; Chen, H. A review on machine learning forecasting growth trends and their real-time applications in different energy systems. Sustain. Cities Soc. 2020, 54, 102010. [Google Scholar]
  30. Deb, C.; Zhang, F.; Yang, J.; Lee, S.E.; Shah, K.W. A review on time series forecasting techniques for building energy consumption. Renew. Sustain. Energy Rev. 2017, 74, 902–924. [Google Scholar]
  31. Heydari, A.; Keynia, F.; Garcia, D.A.; De Santoli, L. Mid-Term Load Power Forecasting Considering Environment Emission using a Hybrid Intelligent Approach. In Proceedings of the 2018 5th International Symposium on Environment-Friendly Energies and Applications (EFEA), Rome, Italy, 24–26 September 2018; pp. 1–5. [Google Scholar]
  32. Chan, S.C.; Tsui, K.M.; Wu, H.C.; Hou, Y.; Wu, Y.; Wu, F.F. Load/Price Forecasting and Managing Demand Response for Smart Grids: Methodologies and Challenges. IEEE Signal Process. Mag. 2012, 29, 68–85. [Google Scholar] [CrossRef]
  33. Culaba, A.B.; Del Rosario, A.J.R.; Ubando, A.T.; Chang, J.S. Machine learning-based energy consumption clustering and forecasting for mixed-use buildings. Int. J. Energy Res. 2020, 44, 9659–9673. [Google Scholar]
  34. Gao, Y.; Ruan, Y.; Fang, C.; Yin, S. Deep learning and transfer learning models of energy consumption forecasting for a building with poor information data. Energy Build. 2020, 223, 110156. [Google Scholar]
  35. Pinto, T.; Praça, I.; Vale, Z.; Silva, J. Ensemble learning for electricity consumption forecasting in office buildings. Neurocomputing 2021, 423, 747–755. [Google Scholar]
  36. Walther, J.; Weigold, M. A Systematic Review on Predicting and Forecasting the Electrical Energy Consumption in the Manufacturing Industry. Energies 2021, 14, 968. [Google Scholar]
  37. Barzola-Monteses, J.; Espinoza-Andaluz, M.; Mite-León, M.; Flores-Morán, M. Energy Consumption of a Building by using Long Short-Term Memory Network: A Forecasting Study. In Proceedings of the 2020 39th International Conference of the Chilean Computer Science Society (SCCC), Coquimbo, Chile, 16–20 November 2020; pp. 1–6. [Google Scholar]
  38. Rana, M.; Koprinska, I. Forecasting electricity load with advanced wavelet neural networks. Neurocomputing 2016, 182, 118–132. [Google Scholar]
  39. Zolfaghari, M.; Golabi, M.R. Modeling and predicting the electricity production in hydropower using conjunction of wavelet transform, long short-term memory and random forest models. Renew. Energy 2021, 170, 1367–1381. [Google Scholar]
  40. El-Hendawi, M.; Wang, Z. An ensemble method of full wavelet packet transform and neural network for short term electrical load forecasting. Electr. Power Syst. Res. 2020, 182, 106265. [Google Scholar]
  41. Gajowniczek, K.; Ząbkowski, T. Short term electricity forecasting using individual smart meter data. Procedia Comput. Sci. 2014, 35, 589–597. [Google Scholar]
  42. Zhukov, A.V.; Sidorov, D.N.; Foley, A.M. Random forest based approach for concept drift handling. In Proceedings of the International Conference on Analysis of Images, Social Networks and Texts, Yekaterinburg, Russia, 7–9 April 2016; pp. 69–77. [Google Scholar]
  43. Heydari, A.; Nezhad, M.M.; Pirshayan, E.; Garcia, D.A.; Keynia, F.; De Santoli, L. Short-term electricity price and load forecasting in isolated power grids based on composite neural network and gravitational search optimization algorithm. Appl. Energy 2020, 277, 115503. [Google Scholar]
  44. Heydari, A.; Garcia, D.A.; Keynia, F.; Bisegna, F.; Santoli, L.D. Hybrid intelligent strategy for multifactor influenced electrical energy consumption forecasting. Energy Sources Part B Econ. Plann. Policy 2019, 14, 341–358. [Google Scholar]
  45. Yu, C.N.; Mirowski, P.; Ho, T.K. A sparse coding approach to household electricity demand forecasting in smart grids. IEEE Trans. Smart Grid 2016, 8, 738–748. [Google Scholar]
  46. Fekri, M.N.; Patel, H.; Grolinger, K.; Sharma, V. Deep learning for load forecasting with smart meter data: Online Adaptive Recurrent Neural Network. Appl. Energy 2021, 282, 116177. [Google Scholar]
  47. Li, L.; Meinrenken, C.J.; Modi, V.; Culligan, P.J. Short-term apartment-level load forecasting using a modified neural network with selected auto-regressive features. Appl. Energy 2021, 287, 116509. [Google Scholar]
  48. Komatsu, H.; Kimura, O. Peak demand alert system based on electricity demand forecasting for smart meter data. Energy Build. 2020, 225, 110307. [Google Scholar]
  49. Lusis, P.; Khalilpour, K.R.; Andrew, L.; Liebman, A. Short-term residential load forecasting: Impact of calendar effects and forecast granularity. Appl. Energy 2017, 205, 654–669. [Google Scholar]
  50. Sajjad, M.; Khan, Z.A.; Ullah, A.; Hussain, T.; Ullah, W.; Lee, M.Y.; Baik, S.W. A novel CNN-GRU-based hybrid approach for short-term residential load forecasting. IEEE Access 2020, 8, 143759–143768. [Google Scholar]
  51. Wang, Y.; Gan, D.; Sun, M.; Zhang, N.; Lu, Z.; Kang, C. Probabilistic individual load forecasting using pinball loss guided LSTM. Appl. Energy 2019, 235, 10–20. [Google Scholar]
  52. Zhang, L.; Wen, J.; Li, Y.; Chen, J.; Ye, Y.; Fu, Y.; Livingood, W. A review of machine learning in building load prediction. Appl. Energy 2021, 285, 116452. [Google Scholar]
  53. Somu, N.; Raman M R, G.; Ramamritham, K. A deep learning framework for building energy consumption forecast. Renew. Sustain. Energy Rev. 2021, 137, 110591. [Google Scholar]
  54. Chou, J.S.; Truong, D.N. Multistep energy consumption forecasting by metaheuristic optimization of time-series analysis and machine learning. Int. J. Energy Res. 2021, 45, 4581–4612. [Google Scholar]
  55. Chou, J.S.; Truong, D.N. A novel metaheuristic optimizer inspired by behavior of jellyfish in ocean. Appl. Math. Comput. 2021, 389, 125535. [Google Scholar]
  56. Bouktif, S.; Fiaz, A.; Ouni, A.; Serhani, M. Multi-sequence LSTM-RNN deep learning and metaheuristics for electric load forecasting. Energies 2020, 13, 391. [Google Scholar]
  57. Smola, A.J.; Schölkopf, B. A tutorial on support vector regression. Stat. Comput. 2004, 14, 199–222. [Google Scholar]
  58. Zhang, G.P. An investigation of neural networks for linear time-series forecasting. Comput. Oper. Res. 2001, 28, 1183–1202. [Google Scholar]
  59. Zhang, G.; Patuwo, B.; Hu, M.Y. A simulation study of artificial neural networks for nonlinear time-series forecasting. Comput. Oper. Res. 2001, 28, 381–396. [Google Scholar]
  60. Holland, J.H. Genetic algorithms and the optimal allocation of trials. SIAM J. Comput. 1973, 2, 88–105. [Google Scholar]
  61. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
  62. Chang, C.C.; Lin, C.J. LIBSVM: A library for support vector machines. ACM Trans. Intell. Syst. Technol. (TIST) 2011, 2, 1–27. [Google Scholar]
  63. Braga, I.; do Carmo, L.P.; Benatti, C.C.; Monard, M.C. A note on parameter selection for support vector machines. In Proceedings of the Mexican International Conference on Artificial Intelligence, México, Mexico, 24–30 November 2013; pp. 233–244. [Google Scholar]
  64. Hyndman, R.J.; Koehler, A.B. Another look at measures of forecast accuracy. Int. J. Forecast. 2006, 22, 679–688. [Google Scholar]
  65. Diebold, F.X.; Mariano, R.S. Comparing predictive accuracy. J. Bus. Econ. Stat. 2002, 20, 134–144. [Google Scholar]
  66. Harvey, D.; Leybourne, S.; Newbold, P. Testing the equality of prediction mean squared errors. Int. J. Forecast. 1997, 13, 281–291. [Google Scholar]
Figure 1. Diagram of the training step of the Evolutionary Hybrid System (EvoHyS).
Figure 1. Diagram of the training step of the Evolutionary Hybrid System (EvoHyS).
Energies 14 01794 g001
Figure 2. Diagram of the test step of the EvoHyS.
Figure 2. Diagram of the test step of the EvoHyS.
Energies 14 01794 g002
Figure 3. Chromossome of the individuals of the proposed algorithm.
Figure 3. Chromossome of the individuals of the proposed algorithm.
Energies 14 01794 g003
Figure 4. Forecasting for the test set of each day of the week with Seasonal Autoregressive Integrated Moving Average (SARIMA) and EvoHyS.
Figure 4. Forecasting for the test set of each day of the week with Seasonal Autoregressive Integrated Moving Average (SARIMA) and EvoHyS.
Energies 14 01794 g004
Table 1. Selected models by Genetic Algorithm (GA).
Table 1. Selected models by Genetic Algorithm (GA).
ModelTypesParametersLags
ML R SVRC = 0.01, epsilon = 1 × 10 5 , gamma = ‘scale’, kernel = ‘rbf’1,5,8,9
ML C MLPneurons = (32), activ. = ‘relu’,optim. = ‘adam’Linear: 0,2,5,6,7; non-linear: 3,5,7,8
Table 2. The performance of the EvoHyS and literature models in terms of Correlation Coefficient (R), Mean Absolute Percentage Error (MAPE), Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and Maximum Absolute Error (MaxAE) for each day of the week. The best values are highlighted in bold.
Table 2. The performance of the EvoHyS and literature models in terms of Correlation Coefficient (R), Mean Absolute Percentage Error (MAPE), Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and Maximum Absolute Error (MaxAE) for each day of the week. The best values are highlighted in bold.
ApproachModelMeasureMon.Tue.Wed.Thur.Fri.Sat.Sun.MaxMin
R0.1920.5190.3320.6020.7330.5270.1380.7330.138
RMSE (kWh)0.1460.0810.1760.1090.0740.1290.0980.1760.074
SARIMAMAE (kWh)0.1030.0580.1610.0730.0550.1020.0850.1610.055
MAPE (%)49.7926.23103.2047.5234.0180.3582.53103.2026.23
MaxAE (kWh)0.1800.2260.9830.2650.1780.2040.2130.9830.178
R0.3730.7290.5180.6970.6450.6510.2760.7290.276
RMSE (kWh)0.0970.0680.1160.1050.0730.0680.1160.1160.068
MLPMAE (kWh)0.0580.0450.0680.0830.0510.0520.0440.0830.044
MAPE (%)35.0619.0434.9556.6929.2940.8241.9956.6919.04
MaxAE (kWh)0.3400.3600.5290.3750.2260.1770.4640.5290.177
R0.3390.3710.3450.7250.5350.5840.190.7250.19
RMSE (kWh)0.0940.1090.1340.0890.0770.0950.1080.1340.077
SingleSVRMAE (kWh)0.0640.0820.0850.0620.0580.0650.0720.0850.058
Model MAPE (%)34.7837.2534.5336.9634.7649.6774.6274.6234.53
MaxAE (kWh)0.3080.3710.5260.3350.2150.2790.2760.5260.215
R0.7450.8390.8740.7510.8250.8790.9110.9110.745
RMSE (kWh)0.0520.0500.0580.0520.0420.0440.0470.0580.042
LSTMMAE (kWh)0.0300.0330.0370.0320.0200.0280.0220.0370.020
MAPE (%)14.1813.7416.7116.8111.6514.8412.2816.8111.65
MaxAE (kWh)0.3070.2390.3080.2890.3100.1660.3180.3180.166
R0.2960.3260.5250.5930.570.5630.2390.5930.239
RMSE (kWh)0.0990.1030.1090.1110.1050.0630.1190.1190.063
LRMAE (kWh)0.0690.0680.0690.0640.0760.0390.0460.0760.039
MAPE (%)42.6228.1537.3242.8951.9222.7943.9351.9222.79
MaxAE (kWh)0.3480.3630.3900.3900.3550.2640.6550.6550.264
R0.3920.5190.3810.3550.4250.5120.0800.5190.080
RMSE (kWh)0.0970.1030.1250.1160.0990.1240.0870.1250.087
C&R TreeMAE (kWh)0.0580.0830.0680.0890.0780.0850.0560.0890.056
MAPE (%)35.0640.4126.4765.4948.9663.4357.6165.4926.47
MaxAE (kWh)0.4090.2620.5380.3470.3270.3460.3050.5380.262
R0.5450.5730.5280.3630.5350.6580.3840.6580.363
RMSE (kWh)0.0870.1310.1260.1670.3620.1010.1740.3620.087
VotingSVR + LRMAE (kWh)0.0480.0640.0580.0560.1780.1710.1530.1780.048
MAPE (%)38.7645.8934.6535.3647.2543.5853.7453.7434.65
MaxAE (kWh)0.2150.3910.4290.5340.6410.4861.2531.2530.215
R0.5510.6160.6580.6230.7340.6510.4160.7340.416
RMSE (kWh)0.0580.0160.0720.1710.1250.1490.0670.1710.016
BaggingMLPMAE (kWh)0.0420.0680.0310.0610.0340.0390.0690.0690.031
MAPE (%)34.8254.9538.1935.3128.0742.6262.1962.1928.07
MaxAE (kWh)0.2770.5490.1570.2320.4510.3810.3190.5490.157
R0.8170.8550.9100.8130.8670.8200.4920.9100.492
RMSE (kWh)0.1790.1800.1800.1700.1720.1680.1000.1800.100
SARIMA-MetaFA-LSSVRMAE (kWh)0.0320.0320.0320.0290.0300.0280.0100.0320.010
MAPE (%)16.5613.9814.9316.5518.4218.9710.1918.9710.19
MaxAE (kWh)0.1820.2130.2490.2610.1510.1660.0330.2610.033
R0.7310.6320.8450.9080.8670.8250.4930.9080.493
Hybrid RMSE (kWh)0.2400.2390.1820.1800.1710.1620.1000.2400.100
SystemSARIMA-PSO-LSSVRMAE (kWh)0.0570.0570.0330.0320.0290.0260.0100.0570.010
MAPE (%)33.8522.4514.2814.9518.0017.4010.2033.8510.20
MaxAE (kWh)0.2400.4580.2340.2440.1510.1820.0330.4580.033
R0.7730.8560.8800.8420.8190.8920.9190.9190.773
RMSE (kWh)0.0490.0480.0560.0420.0420.0430.0450.0560.042
EvoHySMAE (kWh)0.0280.0300.0310.0240.0190.0260.0200.0310.019
MAPE (%)14.3613.1213.9912.6011.8012.0411.2714.3611.27
MaxAE (kWh)0.3260.2360.3020.2770.3150.1900.3020.3260.190
Table 3. The average values in terms of R, RMSE, MAE, MAPE, and MaxAE for EvoHyS and literature models. The best values are highlighted in bold.
Table 3. The average values in terms of R, RMSE, MAE, MAPE, and MaxAE for EvoHyS and literature models. The best values are highlighted in bold.
ModelRRMSE (kWh)MAE (kWh)MAPE (%)MaxAE (kWh)
SARIMA0.4350.1160.09160.520.321
MLP0.5560.0920.05736.830.353
SVR0.4410.1010.07043.220.330
LSTM0.8320.0490.02914.320.277
LR0.4450.1010.06238.520.395
C&R Tree0.3810.1070.07448.200.362
SVR + LR0.5120.1640.10442.750.564
Bagging with MLPs0.6070.0940.04942.310.338
SARIMA-MetaFA-LSSVR0.7960.1640.02815.660.179
SARIMA-PSO-LSSVR0.7570.1820.03516.190.220
EvoHyS0.8540.0460.02512.740.278
Table 4. The percentage difference (%) between the proposed hybrid system (EvoHyS) and literature models according to Equations (15) and (16).
Table 4. The percentage difference (%) between the proposed hybrid system (EvoHyS) and literature models according to Equations (15) and (16).
ModelRRMSE (kWh)MAE (kWh)MAPE (%)MaxAE (kWh)
SARIMA96.4160.0172.1578.9513.33
MLP53.6749.5855.5465.4121.18
SVR93.7454.0763.7970.5315.69
LR92.0054.0759.1266.9229.56
C&R Tree124.2556.6465.7573.5723.14
SVR + LR66.8871.7175.6370.2050.67
Bagging with MLPs40.7650.6548.2869.8917.69
SARIMA-MetaFA-LSSVR7.3471.719.4918.63−55.43
SARIMA-PSO-LSSVR12.8774.5127.5921.30−26.46
Table 5. p-values of the Diebold-Mariano statistical test comparing the proposed hybrid system with the literature models.
Table 5. p-values of the Diebold-Mariano statistical test comparing the proposed hybrid system with the literature models.
Modelsp-Value
SARIMA 7.9 × 10 5
MLP 1.6 × 10 6
SVR 1.4 × 10 10
LSTM0.0087
LR 1.2 × 10 12
C&R Tree 5.8 × 10 17
SVR + LR0.0259
Bagging with MLPs0.0149
SARIMA-MetaFA-LSSVR 3.9 × 10 18
SARIMA-PSO-LSSVR 1.2 × 10 7
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Izidio, D.M.F.; de Mattos Neto, P.S.G.; Barbosa, L.; de Oliveira, J.F.L.; Marinho, M.H.d.N.; Rissi, G.F. Evolutionary Hybrid System for Energy Consumption Forecasting for Smart Meters. Energies 2021, 14, 1794. https://doi.org/10.3390/en14071794

AMA Style

Izidio DMF, de Mattos Neto PSG, Barbosa L, de Oliveira JFL, Marinho MHdN, Rissi GF. Evolutionary Hybrid System for Energy Consumption Forecasting for Smart Meters. Energies. 2021; 14(7):1794. https://doi.org/10.3390/en14071794

Chicago/Turabian Style

Izidio, Diogo M. F., Paulo S. G. de Mattos Neto, Luciano Barbosa, João F. L. de Oliveira, Manoel Henrique da Nóbrega Marinho, and Guilherme Ferretti Rissi. 2021. "Evolutionary Hybrid System for Energy Consumption Forecasting for Smart Meters" Energies 14, no. 7: 1794. https://doi.org/10.3390/en14071794

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

Article Metrics

Back to TopTop