Next Article in Journal
Structure Learning and Hyperparameter Optimization Using an Automated Machine Learning (AutoML) Pipeline
Next Article in Special Issue
Modeling Chronic Pain Experiences from Online Reports Using the Reddit Reports of Chronic Pain Dataset
Previous Article in Journal
Enhanced Readability of Electrical Network Complex Emergency Modes Provided by Data Compression Methods
Previous Article in Special Issue
SEMKIS-DSL: A Domain-Specific Language to Support Requirements Engineering of Datasets and Neural Network Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Probabilistic Forecasting of Residential Energy Consumption Based on SWT-QRTCN-ADSC-NLSTM Model

1
Key Laboratory of Electromagnetic Wave Information Technology and Metrology of Zhejiang Province, College of Information Engineering, China Jiliang University, Hangzhou 310018, China
2
Institut Polytechnique de Paris, Rte de Saclay, 91120 Palaiseau, France
3
Hangzhou Gisway Information Technology Co., Ltd., Hangzhou 311121, China
4
Department of the Built Environment, College of Design and Engineering, National University of Singapore, Singapore 117566, Singapore
*
Author to whom correspondence should be addressed.
Information 2023, 14(4), 231; https://doi.org/10.3390/info14040231
Submission received: 17 February 2023 / Revised: 17 March 2023 / Accepted: 4 April 2023 / Published: 8 April 2023
(This article belongs to the Special Issue Feature Papers in Information in 2023)

Abstract

:
Residential electricity consumption forecasting plays a crucial role in the rational allocation of resources reducing energy waste and enhancing the grid-connected operation of power systems. Probabilistic forecasting can provide more comprehensive information for the decision-making and dispatching process by quantifying the uncertainty of electricity load. In this study, we propose a method based on stationary wavelet transform (SWT), quantile regression (QR), Bidirectional nested long short-term memory (BiNLSTM), and Depthwise separable convolution (DSC) combined with attention mechanism for electricity consumption probability prediction methods. First, the data sequence is decomposed using SWT to reduce the complexity of the sequence; then, the combined neural network model with attention is used to obtain the prediction values under different quantile conditions. Finally, the probability density curve of electricity consumption is obtained by combining kernel density estimation (KDE). The model was tested using historical demand-side data from five UK households to achieve energy consumption predictions 5 min in advance. It is demonstrated that the model can achieve both reliable probabilistic prediction and accurate deterministic prediction.

1. Introduction

Accurate prediction of electricity consumption is an indispensable condition for the stable operation of smart grid systems, which provides important decision-making support for the energy dispatching system and power market bidding system [1,2]. With the acceleration of digitalization and the development of communication technologies, the frequency of load collection by many smart meters is also increasing [3], providing a high-quality, quantitative data set for load characterization and load forecasting, which in turn provides a data basis for short-term energy consumption forecasting.
By realizing ultra-short-term home power prediction in 5-min steps, understanding the real-time electricity consumption of households can help people respond to emergency power accidents in time. At the same time, it can better balance the power load and improve the efficiency of real-time dispatch and energy management of renewable energy resources in the microgrid [4]. With a large number of smart homes in use, accurate forecasting of energy consumption demand has become an essential part of deploying an energy management system (EMS) [5]. Consumers can monitor their electricity usage in real-time and take energy-saving measures to reduce energy bills.
However, due to the lifestyle [6] of family members, changes in the use of electrical appliances [7], and climate [8], electricity consumption data is non-linear, highly volatile, and random. Also, given the complex nature of household electricity and the errors in sensor data [9], traditional time series prediction techniques are difficult to meet the accuracy requirements. For the past few years, with the rise of deep learning (DL) techniques, DL models such as long short-term memory neural networks (LSTM) have been increasingly applied to the study of time-series data.
Probabilistic prediction of electricity consumption has become a hot topic in current research. This paper presents a probabilistic prediction model combining an improved SWT, DL models, and QR. The model first uses SWT to decompose the data into low-frequency and high-frequency components. The decomposed low-frequency components (the main signal) become smooth and easy to predict after removing noise, so it can be accurately predicted using a conventional deep learning model, considering that the temporal convolutional network (TCN) has powerful timing processing capability and its parallel computing, so its main trend information is predicted using TCN. The high-frequency part of the wavelet decomposition still has violent and frequent fluctuations. We will perform a secondary wavelet decomposition on the high-frequency fluctuation signal and then use a model with powerful feature extraction capability to make predictions. This study uses a hybrid model combining BiNLSTM, DSC, and attention, namely ADSC-NLSTM, to predict high-frequency sequences. These DL modules are combined with QR to directly generate quantile prediction results of load to derive prediction intervals. Finally, use kernel density estimation to generate probability density distribution. The main contributions of our study can be listed as follows:
  • The original data is decomposed by SWT to generate multiple sub-signals, and its high-frequency signal is decomposed twice and trained using TCN and ADSC-NLSTM for both low and high-frequency signals. This combination helps to solve the model adaptation problem for electricity consumption prediction.
  • The proposed ADSC-NLSTM network can make predictions in space and time. DSC based on the attention mechanism can preserve important information, prevent information loss and enhance feature extraction performance. The nested structure of the BiNLSTM is used to perform deep feature extraction effectively, and there are more recurrent units to obtain the dependencies of features at each time point, allowing the network to learn more adequately.
  • This model is compared with existing frontier technologies, including individual models and combined models, and the experimental results show that this model achieves efficient energy consumption point prediction and probability prediction.

2. Related Works

Due to the compositional differences between family members and the unpredictability of human behavior, predicting household energy consumption becomes more challenging and a complex time-series prediction problem. In recent years various forecasting methods have been proposed to predict energy consumption, and these techniques can be classified as traditional models, machine learning (ML) models, and deep learning (DL) models [10].
Traditional methods mainly include the autoregressive moving average model (ARMA) method [11], the autoregressive integrated moving average (ARIMA) method [12], and some other statistical methods. These methods are more suitable for analyzing the linear part of the historical data and have poor prediction results for non-linear and complex data.
The decision tree [13], support vector machine (SVM) [14], random forest (RF) [15], and other machine learning methods have been widely used in the field of load prediction. Researchers have used machine learning to train many models to tune the prediction accuracy, such as Wei R R et al. [16] proposed a load forecasting method of principal component analysis (PCA) and the Least square-support vector machine (LS-SVM). T. Pinto et al. [17] proposed an integrated learning model with three machine learning algorithms: RF gradient augmented regression trees and Adaboost. However, current machine learning methods are prone to fall into local optima because of the challenging dynamic correlation between variables and the change in data characteristics over time. When overfitting occurs, it is difficult to determine long-term and reliable use.
Deep learning, with its greater generalization ability and faster computational speed, has achieved significant results in feature extraction and learning of non-linear mapping relationships. The popular deep learning models currently include LSTM [18], convolutional neural network (CNN) [19], TCN [20], gate recurrent unit (GRU) [21], Generative Adversarial Network (GAN) [22], and other neural network models. These methods have been widely used in various fields. Kong W et al. [23] proposed an LSTM-based model for short-term residential load forecasting, which gives their model an advantage over state-of-the-art machine learning models and empirical models.
Currently, any single DL model has some limitations for predicting energy consumption time series data with many mutation values. To further improve the accuracy of electricity consumption prediction, many scholars have proposed hybrid models that combine data decomposition techniques with prediction models. The common data decomposition methods include empirical mode decomposition (EMD) [24], wavelet transforms [25], variational modal decomposition (VMD) [26], and so on. Researchers usually use data decomposition techniques to decompose the original power energy sequence into a finite number of components with mutually different characteristics and then build prediction models for each component separately or use each component as an input feature of a single prediction model. Cai et al. [27] decomposed the power load sequence data into modal components of different frequencies by VMD. They used GRU and TCN to predict the low-frequency and high-frequency components, respectively. Inspired by this, we make predictions for the components of different frequencies using the corresponding model. Shao et al. [28] used discrete wavelet transform (DWT) reconstructed sequences as the input for power consumption prediction. Then they built a combined prediction model based on CNN-LSTM for each subseries. However, like most wavelet decomposition methods, this article only focuses on the decomposition of low-frequency approximate signals, not high-frequency signals. In view of this problem, Zeng Y et al. [29] proposed a new model combining ESWT and NSTM and performed well in the air quality prediction effect. Liang Y. et al. [30] combined ICEEMDAN, LSTM, CNN, and CBAM to create a collaboration that has built a powerful model. This joint approach can take full advantage of the respective algorithms’ strengths to improve the model’s performance and robustness. However, the ICEEMDAN algorithm has a long computation time, which is not conducive to short-term prediction.
The literature mentioned above basically provides only a single-point prediction result, and there are relatively few studies on uncertainty prediction. Realizing the interval and probability predictions of energy consumption can provide more information [31]. The quantile regression [32] method can be combined with other methods, such as neural networks, without prior distribution assumptions, and has been widely used in time-series probability forecasting. Wang et al. [33] used the quantile loss function to guide the training process and applied the traditional LSTM network in quantile to load-interval probability forecasting.

3. Methodology

This section presents our proposed hybrid deep learning prediction framework for electricity consumption prediction. We normalize the data for pre-processing and then decompose the univariate data into several high-frequency and low-frequency components by SWT, effectively focusing on all signal details. The low-frequency components are then used as input to the TCN, and the high-frequency components are used as input to the DSC-NLSTM. Then the final prediction results are output via a fully connected layer. The overall structure of the proposed method is shown in Figure 1.

3.1. The Stationary Wavelet Transform

The noisy and highly variable characteristics of the original residential electricity consumption time series data make its features difficult to be captured by deep learning models. The wavelet transform is a transform analysis method that replaces the Fourier decomposition of the sine and cosine waves with a set of orthogonal bases that decay with time, so it can obtain both time-domain and frequency-domain information and better represent the abrupt and non-smooth parts of the series.
The standard DWT uses a binary extraction algorithm to downsample the signal, which reduces the wavelet coefficients by half after each decomposition, thus losing detailed information about the original signal with each decomposition. The SWT, which removes downsampling while upsampling the filter, solves this problem well and maintains the full waveform better than the DWT [34].
The original signal Y ( t ) after the k-level SWT decomposition can be expressed as
Y ( t ) = A k t + i = 1 k D i t
where A k t denotes the approximate component of the signal obtained through the low-pass filter, representing the general trend of the time series, and D i t denotes the detailed component of the signal obtained through the high-pass filter, representing the local complex fluctuations caused by various transient factors. A k t is further decomposed into a high-frequency signal A ( k + 1 ) t and a low-frequency signal D ( k + 1 ) t .
Conventional SWT only further decomposes the low-frequency signal A k in the process of decomposition, and no further decomposition is implemented for the high-frequency signal. Therefore the high-frequency sub-series D1 generated by the first wavelet decomposition contains the highest frequency noise and the most intense local fluctuations in the original data, which is more difficult to predict. We will perform a second wavelet decomposition of D1 so that the time series features within the high-frequency subcomponent can be more effectively and accurately expressed, with more accurate local analysis capability.
In this study, Daubechies wavelet is chosen as the basis function, and the number of decomposition layers was set to 3. As shown in Figure 2, the original data is decomposed into A3, D1, D2, and D3 by wavelet decomposition, and then the D1 signal is further decomposed to obtain D1-A1, D1-D1. Finally, we get A3, D3, D2 and D1-A1, D1-D1, a total of 5 sub-series.

3.2. Deep Learning Module

This study uses deep learning models to extract features from the decomposed sequence data.

3.2.1. Bidirectional Nested Long Short-Term Memory

A nested LSTM neural network (NLSTM) is a transformed form of LSTM that increases the depth of the LSTM by nesting rather than stacking [35]. The incoming information in the NLSTM adds a recursive external storage unit inside the network unit that can selectively read the long-term information learned by the internal unit. Overall, the robustness of the original LSTM neural network structure has been improved. The structure of the NLSTM is shown in the left part of Figure 3.
The equations that update the cell state and gates in an inner LSTM unit are similar to a common LSTM memory cell, as shown as follows:
f ˜ t = σ ( W ˜ f [ h ˜ t 1 , x ˜ t ] + b ˜ f )
i ˜ t = σ ( W ˜ i [ h ˜ t 1 , x ˜ t ] + b ˜ i )
o ˜ t = σ ( W ˜ o [ h ˜ t 1 , x ˜ t ] + b ˜ o )
C ˜ t = f ˜ t C ˜ t 1 + i ˜ t c ˜ t
h ˜ t = o ˜ t t a n h ( C ˜ t )
where σ is sigmoid activation function; W ˜ f , W ˜ i , W ˜ o , and W ˜ c are the weight matrices connected to the forget gate f ˜ t , the input gate i ˜ t , the output gate o ˜ t , and the memory cell C ˜ t , respectively; b ˜ f , b ˜ i , b ˜ o , and b ˜ c are the corresponding biases. h ˜ t 1 and x ˜ t are the input to the inner LSTM unit and are calculated based on the parameters of the external unit, which are given by the calculation formula:
h ˜ t 1 = f t C t 1
x ˜ t = i t t a n h ( W c [ x t , h t 1 ] + b c )
When the internal memory cell has finished calculating, the external memory cell state C t is updated as follows:
C t = h ˜ t
The NLSTM captures long-term dependencies from front to back and can only capture past features. While as shown in Figure 3, BiNLSTM extracts the forward and backward relationships of the input data sequence, further improving the global and complete feature extraction with better prediction results. The output of the hidden layer is represented as follows:
h t = h t f h t b
where h t is the hidden state vector of the BiNLSTM, is the vector splicing calculation; h t f and h t b are the hidden state vectors of the forward NLSTM and backward NLSTM, respectively.

3.2.2. Temporal Convolutional Network

TCN is a novel model that can be used to solve time series prediction problems. As can be seen from Figure 4, TCN uses a one-dimensional convolutional network consisting of dilated causal convolution and residual blocks. It has the advantages of more stable gradients, higher computational efficiency, longer memory sequences, etc.
Dilated causal convolution consists of causal convolution and dilated convolution [36]. Causal convolution is a strict time-constrained model that prevents future data from leaking into past data. Dilated convolution samples input at intervals on the basis of causal convolution. It adjusts the size of the receptive field by changing the expansion coefficient, which enables the network to flexibly adjust the amount of historical information received by the output. The residual links in the residual block enable the network to pass information across the number of layers, thus avoiding the loss of information caused by too many layers.
The TCN network used in this paper uses a dilated causal convolution with expansion coefficients d = 1, 2, 4 and filter coefficients k = 3.

3.2.3. Depthwise Separable Convolution and Attention Mechanisms

Depthwise separable convolution is an improved algorithm for traditional convolution, which reduces the number of parameters required for convolutional operations by splitting the correlation between spatial and channel dimensions and is widely used for structural optimization of deep convolutional networks. The operation process of DSC is divided into two parts: depthwise convolution and point size convolution, and its structure is shown in Figure 5.
The convolutional block attention module (CBAM) is one of the more popular attention mechanisms in image processing [37]. Traditional convolutional neural networks use the same convolution for all feature channels, ignoring the different levels of importance of the information contained in the different channels, resulting in lower training accuracy. CBAM makes the network performance better by using channel attention module (CAM) and spatial attention module (SAM) in both channel and spatial dimensions, respectively. The internal structure of CBAM is shown in Figure 6.
CAM is expressed as follows:
F c = σ ( M L P ( A v g P o o l ( F ) ) + M L P ( M a x P o o l ( F ) ) ) = σ ( W 1 ( W 0 ( F a v g c ) ) ) + W 1 ( W 0 ( F m a x c ) )
where σ is the sigmoid activation function; M L P is the fully connected layer.
First, average pooling and maximum pooling are performed on the input feature map F by channel, and then the two one-dimensional vectors after pooling are sent to the fully connected layer operation and added to form channel attention F c . SAM is expressed as follows:
F = F F c
F t = σ ( f 7 × 7 ( [ A v g P o o l ( F ) ; M a x P o o l ( F ) ] ) )
where represents the multiplication of corresponding elements. σ is the sigmoid activation function.
Then, the feature map F′ is obtained by multiplying the channel attention and the input elements, and F′ is spatially subjected to average pooling and maximum pooling. The two vectors generated by pooling are concatenated and then convolved to finally generate spatial attention F t .
The final CBAM output is shown as follows:
F = F F t
where represents the multiplication of corresponding elements.
Finally, multiply the spatial attention and F′ element-wise to get the final output feature F .
In this paper, DSC is combined with CBAM, namely ADSC, where SAM allows the DSC network to focus more on the mutation regions in the data sequence that play a decisive role in the prediction effect and ignore unimportant information, while CAM considers the relationship between feature map channels. After two attention mechanisms, the prediction effect of the model will be improved.

3.3. Quantile Regression

Quantile regression is a linear model that describes the relationship between the conditional quantile of the independent variables X = [ x 1 , x 2 , , x n ] , x i = [ x i 1 , x i 2 , , x i m ] and dependent variables y = [ y 1 , y 2 , , y n ] [38]. The linear QR model is as follows:
Q y i ( τ | x i ) = f ( x i , α ( τ ) ) = α 0 ( τ ) + α 1 ( τ ) x i 1 + α 2 ( τ ) x i 2 + + α n ( τ ) x i m
where τ ϵ ( 0 , 1 ) is the quantile value; Q y i ( τ | x i ) is the estimate of y at the τ t h quantile; α ( τ ) = [ α 0 ( τ ) , α 1 ( τ ) , , α n ( τ ) ] T are the regression coefficients at the τ t h quantile. The estimated value α ^ ( τ ) of α ( τ ) can be calculated by minimizing the loss function:
α ^ ( τ ) = a r g m i n i = 1 n ρ τ ( y i f ( x i , α ( τ ) ) )
where α ^ ( τ ) denotes the value at which the loss function is taken to be minimal , ρ τ ( u ) is an asymmetric function based on quantile τ whose formula is as follows:
ρ τ ( u ) = { τ u u 0 ( τ 1 ) u u < 0
When τ = 0.5 , the quantile loss function is equivalent to the mean absolute error. When τ < 0.5 , the loss function is more concerned with small predicted values, and when τ > 0.5 , the loss function is more concerned with large predicted values. Therefore, the quantile loss function can better adapt to the distribution of the data at different quartiles, allowing the quantile regression to more accurately predict the conditional probability distribution of the dependent variable.

3.4. Kernel Density Estimation

This paper uses kernel density estimation, which is a nonparametric estimation method without prior assumptions, and calculates the probability density function (PDF) curve by combining the output results of quantile regression [39]. If the predicted value of point y at each quantile is y ˆ = [ y ˆ 1 y ˆ 2 , , y ˆ n ] , the probability density function formula at y is as follows:
p ( y ) = 1 n B i = 1 n K ( y ˆ i y B )
where B > 0 is the bandwidth. K ( ) is a kernel function. This study employs the Gaussian kernel [40] as kernel function. The formula can be expressed as follows:
K ( μ ) = 1 2 π e x p ( μ 2 2 )
where μ = y ˆ i y B .

3.5. Combination Model of Electricity Consumption Probability Prediction

As shown in Figure 7, the study proposes a novel electricity consumption probabilistic prediction model combining SWT, QR, TCN, BiNLSTM, DSC, and CBAM (SWT-QRTCN-ADSC-NLSTM). The original electricity consumption data is decomposed by a double wavelet to obtain a low-frequency component and four high-frequency components.
According to the different frequency characteristics of the decomposed subsequence, selecting different DL models for data training can better capture the different change patterns and trends of temporal signals. The low-frequency main signal becomes smooth after removing high-frequency noise, and a single normal model can capture its long-term trend. If complex models are used with too many training parameters, they not only increase the training time but may also lead to over-fitting. TCN can effectively grasp the change law of stationary signal in timing under the case of a few model parameters. This method is applied to predict low-frequency components. In contrast, the high-frequency signal obtained from the decomposition still contains both frequent and complex fluctuations, and it is difficult for a single model to capture the complex non-linear features. Therefore, a combined model with high robustness, ADSC-NLSTM, is proposed and applied to the high-frequency section.
The ADSC-NLSTM model is composed of two parallel networks, BiNLSTM and ADSC-CBAM, which capture the characteristics of data from time and space, respectively. Among them, CBAM weights the feature map obtained by the DSC model, highlights the feature information in the feature map that has a greater effect on the prediction performance and improves the prediction ability of high-frequency signals. The multidimensional feature data obtained from the TCN-ADSC-NLSTM model after extracting the high and low-frequency components are fed into the fully connected layer, and then the quantile regression is used, i.e., the loss function of the prediction model is set to a quantile loss function according to Equation (16).
In this paper, a total of 99 quantile points with an interval of 0.01 are selected from 0.01 to 0.99 quantile points τ = [ 0.01 , 0.02 , , 0.98 , 0.99 ] . When τ = 0.5 , it is used as a point prediction result. When τ = [ 0.025 , 0 , 975 ] , it is used as an interval prediction result with a confidence level of 95%. The probability prediction result is obtained by calculating the 99 quantile prediction results through KDE.

4. Experimental Process and Results

4.1. Dataset Description

The open-source data we use comes from a project called “UK-DALE” [41]. This dataset records power consumption data for each appliance and five households’ total electricity consumption. The entire dataset spans from 22:28:15 on 9 November 2012 to 18:35:53 on 26 April 2017, where the sampling interval is 6 s. We take the cumulative sum of 50 consecutive sampling points each time to obtain the 5-min interval data. We selected the first 9600 data samples for each household as the amount of data varies between households. The electricity consumption data of each household was divided into a training set and a test set according to the ratio of 87.5% and 12.5%.

4.2. Evaluation Metrics

The probabilistic prediction model designed in this paper provides point prediction, interval prediction, and probability density estimation. In order to verify the validity of forecasts, we have used the corresponding evaluation metrics to verify the validity of the forecasts.

4.2.1. Evaluation Metrics of Point Prediction

In order to assess the accuracy of the experimental predictions, three evaluation metrics were used, including mean absolute error (MAE), root mean square error (RMSE), and mean absolute percentage error (MAPE). The calculation formula of each evaluation index MAE, RMSE, and MAPE is as follows:
MAE ( y , y ^ ) = 1 n i = 1 n | y i y i ^ |
RMSE ( y , y ^ ) = 1 n i = 1 n ( | y i y i ^ | ) 2
MAPE ( y , y ^ ) = 100 % n i = 1 n | y i y i ^ y i |
where n is the total number of samples, is the actual data value, and is the predicted value. MAE, RMSE, and MAPE are used to assess the deviation between the predicted and true values. The smaller these metrics are, the higher the point prediction accuracy.

4.2.2. Evaluation Metrics of Interval Prediction

In this paper, the prediction interval coverage probability (PICP) is used to calculate the probability of the actual value falling within the prediction interval and to describe the accuracy of the interval prediction. The prediction interval average width (PIAW) is also used to describe the magnitude of the fluctuation of the interval prediction. The above formula is as follows.
P I C P = 1 n i = 1 n S i
P I A W = 1 n i = 1 n y i u p y i d o w n y i
where n is the total number, is a Boolean function, and takes 1 when the observation falls within the prediction interval, otherwise takes 0. and the upper and lower bounds of the prediction interval, respectively. The larger PICP indicates the higher reliability of interval prediction. The smaller PIAW indicates that the average width of the prediction intervals obtained by the model is narrower, and the model has a higher interval prediction acuity.

4.2.3. Evaluation Metrics of Probability Prediction

The continuous ranking probability score (CRPS) was used to evaluate the probabilistic prediction performance of the model. The smaller the CRPS value, the better the probabilistic prediction performance of the model. The specific formula is as follows:
C R P S = 1 n i = 1 n + [ F ( y i ) I ( y ˆ i y i ) ] 2 d y i
F ( y i ) = y i p ( x i ) d x i
where F ( ) is the cumulative density function; x i is the i-th sample input; p ( ) is the probability density function; I is the Heaviside function. The smaller the CPS, the better the overall performance and reliability of the model’s probabilistic prediction.

4.3. Prediction Results Analysis

To evaluate the predictive performance of the hybrid model proposed in this paper, eight prediction models were selected as comparison models. These models are QRLSTM, QRGRU, QRNLSTM, QRCNN-LSTM, SWT-QRLSTM, SWT-QRNLSTM, SWT-QRDSC-NLSTM, SWT-QRADSC-NLSTM. Among them, SWT-QRDSC-NLSTM and SWT-QRADSC-NLSTM use the same decomposition as in this paper, and then the decomposed components are input to the parallel model for training, which belongs to the ablation study of this study and is used to verify the effectiveness of DSC and CBAM’s for prediction effect.

4.3.1. Point Prediction Results Analysis

The results of the point prediction evaluation metrics for the various models in the Family 1 test set are shown in Table 1, where the MAE, RMSE, and MAPE of the proposed algorithm are significantly reduced compared to the comparison models.
SWT-QRDSC-NLST, SWT-QRADSC-NLSTM, and our proposed method were decomposed quadratically. Compared to SWT-QRLSTM and SWT-QRNLSTM, the errors in the prediction results of those former models are all reduced to different degrees. The decline is due to the fact that we re-decompose the D1 subseries of the most violent fluctuations. Adequate treatment of the high-frequency components allows for a more efficient and accurate representation of the time series features within the high-frequency subseries. At the same time, the effectiveness of DSC and CBAM in feature extraction was verified in the ablation experiment, including SWT-QRDSC-NLST, SWT-QRADSC-NLSTM, and SWT-QRTCN-ADSC-NLSTM, which played a certain role in the accuracy of point prediction result.
For a more intuitive representation of the prediction results, we show in Figure 8 the prediction curves of electricity consumption obtained with various models trained. The red line in the figure indicates the point prediction forecasts of the model proposed in this paper, while the black line indicates the actual energy consumption data.
The trend of the curves in the figure shows that the energy consumption data has irregular fluctuations. Single DL models, including LSTM, GRU, and NLSTM, are poorly fitted and suffer significant lag. The combined model based on SWT decomposition generally fits the actual value curve better, indicating that the data decomposition has a significant improvement in the prediction effect. Among all the compared methods, the method proposed in this experiment has a perfect fit for the actual values and has the highest accuracy of the prediction results. At the same time, the effectiveness of DSC and CBAM in feature extraction is verified in the ablation experiment, which plays a particular role in the accuracy of point prediction results.

4.3.2. Interval Prediction Results Analysis

To verify the effectiveness of the interval prediction results, the results of the interval prediction evaluation indexes of the nine models at a confidence level of 95% are shown in Table 2. And it can be seen from the table that the interval coverage of the model proposed in this study is the highest compared with other models and has high reliability.
The PIAW metric of our proposed model is the lowest among all tests, with reductions of 48.72%, 51.02%, 44.72%, and 53.34% compared to the QRLSTM, QRGRU, QRNLSTM, and QRCNN-LSTM models, respectively. This is due to the pre-processing of the data by SWT. SWT-QRADSC-NLSTM has a 13.38% reduction in PIAW compared to SWT-QRNLSTM, which indicates that the improvement in interval prediction performance depends not only on the quadratic decomposition of the SWT but is also determined by the structure of our feature extraction module ADSC-NLSTM. NLSTM can effectively solve the temporal. The combination of the long-term dependence problem, which is effectively addressed by the ADSC module with an attention mechanism that focuses on dynamic features in the power data, improves the prediction accuracy and generalization of the model. Comparing SWT-QRADSC-NLSTM with the proposed model, the PIAW of SWT-QRTCN-ADSC-NLSTM decreases by 16.32% on average. This demonstrates the effectiveness of this paper’s approach of using TCN and ADSC-NLSTM to predict the high and low-frequency components separately and extract different frequency features.
The interval prediction results of different models are shown in Figure 9. The trend of the SWT-QR TCN-ADSC-NLSTM model’s upper and lower bounds coincides with the actual value’s retention. The prediction interval obtained by the model basically covers all the actual values, and its width is narrow. The model consistently maintains an interval width that performs well for the entire forecast dataset, regardless of whether the power variation is smooth or dramatic. In addition, the model has the narrowest prediction interval at the highest coverage, indicating that we can guarantee the highest interval sensitivity while still meeting reliability requirements.

4.3.3. Probability Prediction Results Analysis

This paper selects the three-time points with the largest data volatility in Figure 8: the 58th, 68th, and 157th, respectively. We also selected three relatively gentle time points: the 31st, 96th, and 126th. The shapes of the probability density curves of the six moments, as mentioned above, are shown in Figure 10. All probability density curves are round and full, with no spikes or dips. The highest peaks are less different, not too wide, and not too narrow, indicating that the probability density curves are appropriate. Most of the observations are close to the highest point of the probability density, and a few observations are off-center, indicating that the probability predictions are reliable. The actual values of electricity consumption are close to the peak of the PDF curves, which shows that this model can effectively perform the probabilistic prediction of electricity consumption. The CRPS metric values for the probabilistic prediction results of the different models are shown in Table 2. The CRPS of the model proposed in this paper is the smallest in all five household datasets, indicating that this model has the highest comprehensive probabilistic prediction performance.
In graphical form, we present the results and evaluation metrics for point prediction, interval prediction, and probabilistic prediction: (1) There is a significant improvement in point prediction accuracy compared to the cutting-edge DL method. The MAPE values have been reduced to below 4% for all five different patterns of household energy consumption forecasts. (2) Most of the actual values fall within the high confidence level prediction interval, reflecting the validity of the model interval prediction proposed in this paper. (3) The true values in the probability density graph are almost always distributed at the higher probability density values, indicating that the prediction results of this paper’s method are highly referable.
In summary, the electricity consumption forecasting model exhibits very good performance in both point and probabilistic forecasting. Our model can obtain households’ electricity demand in future periods accurately and in real-time, providing people with decision support and helping them adjust their household equipment usage time.

5. Conclusions

Residential energy consumption forecasting is essential for the electricity market and individual households. Researchers have been striving to implement new methods to improve prediction accuracy. SWT is a more reliable decomposition method, TCN can extract multi-scale features, BiNLSTM can obtain time-series dependencies, DSC can better learn the useful features, and CBAM can focus on the critical information of the model. These methods have good performance in power forecasting. QR is a reliable method commonly used in interval forecasting.
Therefore, a new hybrid model SWT-QRTCN-ADSC-NLSTM is constructed in this paper to forecast household energy consumption. The DL model’s multi-channel input data is constructed using the SWT method, which reduces the complexity of the data. Relatively smooth low-frequency subsequences are used as inputs to the TCN. High-frequency subseries containing sharp fluctuations are used as input to the ADSC-NLSTM, which combines the strengths of each model to improve the prediction accuracy for high-frequency series. Finally, the DL module is combined with QR and KDE to achieve interval prediction and probabilistic prediction.
It is shown experimentally that the proposed model achieves highly reliable and sensitive interval prediction and effective probabilistic prediction while ensuring the accuracy of point prediction. Our proposed forecasting framework has important implications for reducing energy costs, improving energy efficiency, and increasing living comfort.
The multi-channel input data of this model was constructed using SWT, which reduces the complexity of the data and improves the predictive power of the model.

Author Contributions

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

Funding

This work was supported by Singapore MOE AcRF Tier 1 fundings with grant numbers A-0008299-00-00 and A-0008552-01-00 (K.Y.).

Data Availability Statement

Data used is available upon request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Xu, Y.; Liu, Z.; Zhang, C.; Ren, J.; Zhang, Y.; Shen, X. Blockchain-based Trustworthy Energy Dispatching Approach for High Renewable Energy Penetrated Power System. IEEE Internet Things J. 2022, 9, 10036–10047. [Google Scholar] [CrossRef]
  2. Xu, Y.; Xiao, S.; Wang, H.; Zhang, C.; Ni, Z.; Zhao, W.; Wang, G. Redactable Blockchain-based Secure and Accountable Data Management. IEEE Trans. Netw. Serv. Manag. 2023; Early Access. [Google Scholar]
  3. Alahakoon, D.; Yu, X. Smart electricity meter data intelligence for future energy systems: A survey. IEEE Trans. Ind. Inform. 2015, 12, 425–436. [Google Scholar] [CrossRef]
  4. Marzband, M.; Ghazimirsaeid, S.S.; Uppal, H.; Fernando, T. A real-time evaluation of energy management systems for smart hybrid home Microgrids. Electr. Power Syst. Res. 2017, 143, 624–633. [Google Scholar] [CrossRef]
  5. El-Baz, W.; Tzscheutschler, P. Short-term smart learning electrical load prediction algorithm for home energy management systems. Appl. Energy 2015, 147, 10–19. [Google Scholar] [CrossRef]
  6. Weber, C.; Perrels, A. Modelling lifestyle effects on energy demand and related emissions. Energy Policy 2000, 28, 549–566. [Google Scholar] [CrossRef]
  7. Ziekow, H.; Goebel, C.; Strüker, J.; Jacobsen, H.-A. The potential of smart home sensors in forecasting household electricity demand. In Proceedings of the 2013 IEEE International Conference on Smart Grid Communications (SmartGridComm), Vancouver, BC, Canada, 21–24 October 2013; pp. 229–234. [Google Scholar]
  8. Kaneko, N.; Fujimoto, Y.; Kabe, S.; Hayashida, M.; Hayashi, Y. Sparse modeling approach for identifying the dominant factors affecting situation-dependent hourly electricity demand. Appl. Energy 2020, 265, 114752. [Google Scholar] [CrossRef]
  9. Ye, Z.; O’Neill, Z.; Hu, F. Hardware-based emulator with deep learning model for building energy control and prediction based on occupancy sensors’ data. Information 2021, 12, 499. [Google Scholar] [CrossRef]
  10. Moradzadeh, A.; Mansour-Saatloo, A.; Nazari-Heris, M.; Mohammadi-Ivatloo, B.; Asadi, S. Introduction and literature review of the application of machine learning/deep learning to load forecasting in power system. In Application of Machine Learning and Deep Learning Methods to Power System Problems; Springer: Cham, Switzerland, 2021; pp. 119–135. [Google Scholar]
  11. Ervural, B.C.; Beyca, O.F.; Zaim, S. Model estimation of ARMA using genetic algorithms: A case study of forecasting natural gas consumption. Procedia-Soc. Behav. Sci. 2016, 235, 537–545. [Google Scholar] [CrossRef]
  12. Ediger, V.Ş.; Akar, S. ARIMA forecasting of primary energy demand by fuel in Turkey. Energy Policy 2007, 35, 1701–1708. [Google Scholar] [CrossRef]
  13. Hambali, A.O.J.; Akinyemi, M.; JYusuf, N. Electric power load forecast using decision tree algorithms. Comput. Inf. Syst. Dev. Inform. Allied Res. J. 2016, 7, 29–42. [Google Scholar]
  14. Vinagre, E.; Pinto, T.; Ramos, S.; Vale, Z.; Corchado, J.M. Electrical energy consumption forecast using support vector machines. In Proceedings of the 2016 27th International Workshop on Database and Expert Systems Applications (DEXA), Porto, Portugal, 5–8 September 2016; pp. 171–175. [Google Scholar]
  15. Wang, Z.; Wang, Y.; Zeng, R.; Srinivasan, R.S.; Ahrentzen, S. Random Forest based hourly building energy prediction. Energy Build. 2018, 171, 11–25. [Google Scholar] [CrossRef]
  16. Wei, R.R.; Wei, Z.Z.; Rong, R.; Wang, Y.; Jiang, J.D.; Yu, H. Short term load forecasting based on PCA and LS-SVM. Adv. Mater. Res. 2013, 756–759, 4193–4197. [Google Scholar] [CrossRef]
  17. 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] [CrossRef]
  18. Sun, G.; Jiang, C.; Wang, X.; Yang, X. Short-term building load forecast based on a data-mining feature selection and LSTM-RNN method. IEEJ Trans. Electr. Electron. Eng. 2020, 15, 1002–1010. [Google Scholar] [CrossRef]
  19. Gu, J.; Wang, Z.; Kuen, J.; Ma, L.; Shahroudy, A.; Shuai, B.; Liu, T.; Wang, X.; Wang, G.; Cai, J.; et al. Recent advances in convolutional neural networks. Pattern Recognit. 2018, 77, 354–377. [Google Scholar] [CrossRef] [Green Version]
  20. Hewage, P.; Behera, A.; Trovati, M.; Pereira, E.; Ghahremani, M.; Palmieri, F.; Liu, Y. Temporal convolutional neural (TCN) network for an effective weather forecasting using time-series data from the local weather station. Soft Comput. 2020, 24, 16453–16482. [Google Scholar] [CrossRef] [Green Version]
  21. Sun, M. Chinese text classification based on GRU-Attention. Mod. Inf. Technol. 2019, 3, 10–12. [Google Scholar]
  22. Yan, K.; Chen, X.; Zhou, X.; Yan, Z.; Ma, J. Physical Model Informed Fault Detection and Diagnosis of Air Handling Units Based on Transformer Generative Adversarial Network. IEEE Trans. Ind. Inform. 2022, 19, 2192–2199. [Google Scholar] [CrossRef]
  23. Kong, W.; Dong, Z.Y.; Jia, Y.; Hill, D.J.; Xu, Y.; Zhang, Y. Short-term residential load forecasting based on LSTM recurrent neural network. IEEE Trans. Smart Grid 2017, 10, 841–851. [Google Scholar] [CrossRef]
  24. Gao, X.; Li, X.; Zhao, B.; Ji, W.; Jing, X.; He, Y. Short-term electricity load forecasting model based on EMD-GRU with feature selection. Energies 2019, 12, 1140. [Google Scholar] [CrossRef] [Green Version]
  25. Yan, K.; Wang, X.; Du, Y.; Jin, N.; Huang, H.; Zhou, H. Multi-step short-term power consumption forecasting with a hybrid deep learning strategy. Energies 2018, 11, 3089. [Google Scholar] [CrossRef] [Green Version]
  26. Li, W.; Quan, C.; Wang, X.; Zhang, S. Short-Term Power Load Forecasting Based on a Combination of VMD and ELM. Pol. J. Environ. Stud. 2018, 27, 2143–2154. [Google Scholar] [CrossRef]
  27. Cai, C.; Li, Y.; Su, Z.; Zhu, T.; He, Y. Short-Term Electrical Load Forecasting Based on VMD and GRU-TCN Hybrid Network. Appl. Sci. 2022, 12, 6647. [Google Scholar] [CrossRef]
  28. Shao, X.; Pu, C.; Zhang, Y.; Kim, C.S. Domain fusion CNN-LSTM for short-term power consumption forecasting. IEEE Access 2020, 8, 188352–188362. [Google Scholar] [CrossRef]
  29. Zeng, Y.; Chen, J.; Jin, N.; Jin, X.; Du, Y. Air quality forecasting with hybrid LSTM and extended stationary wavelet transform. Build. Environ. 2022, 213, 108822. [Google Scholar] [CrossRef]
  30. Liang, Y.; Lin, Y.; Lu, Q. Forecasting gold price using a novel hybrid model with ICEEMDAN and LSTM-CNN-CBAM. Expert Syst. Appl. 2022, 206, 117847. [Google Scholar] [CrossRef]
  31. Afrasiabi, M.; Mohammadi, M.; Rastegar, M.; Stankovic, L.; Afrasiabi, S.; Khazaei, M. Deep-based conditional probability density function forecasting of residential loads. IEEE Trans. Smart Grid 2020, 11, 3646–3657. [Google Scholar] [CrossRef] [Green Version]
  32. 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] [CrossRef] [Green Version]
  33. Zhang, Z.; Qin, H.; Liu, Y.; Yao, L.; Yu, X.; Lu, J.; Jiang, Z.; Feng, Z. Wind speed forecasting based on quantile regression minimal gated memory network and kernel density estimation. Energy Convers. Manag. 2019, 196, 1395–1409. [Google Scholar] [CrossRef]
  34. Nason, G.P.; Silverman, B.W. The stationary wavelet transform and some statistical applications. In Wavelets and Statistics; Springer: New York, NY, USA, 1995; pp. 281–299. [Google Scholar]
  35. Moniz, J.R.A.; Krueger, D. Nested LSTMs. In Proceedings of the Ninth Asian Conference on Machine Learning, PMLR, Seoul, Republic of Korea, 31 January 2018; pp. 530–544. [Google Scholar]
  36. Mishra, K.; Basu, S.; Maulik, U. DaNSe: A dilated causal convolutional network based model for load forecasting. In Pattern Recognition and Machine Intelligence, Proceedings of the 8th International Conference, PReMI 2019, Tezpur, India, 17–20 December 2019; Springer International Publishing: Cham, Switzerland, 2019; pp. 234–241. [Google Scholar]
  37. Guo, M.H.; Xu, T.X.; Liu, J.J.; Liu, Z.N.; Jiang, P.T.; Mu, T.J.; Zhang, S.H.; Martin, R.R.; Cheng, M.M.; Hu, S.M. Attention mechanisms in computer vision: A survey. Comput. Vis. Media 2022, 8, 331–368. [Google Scholar] [CrossRef]
  38. Koenker, R.; Hallock, K.F. Quantile regression. J. Econ. Perspect. 2001, 15, 143–156. [Google Scholar] [CrossRef]
  39. Węglarczyk, S. Kernel density estimation and its application. ITM Web Conf. 2018, 23, 00037. [Google Scholar] [CrossRef]
  40. Xu, X.; Yan, Z.; Xu, S. Estimating wind speed probability distribution by diffusion-based kernel density method. Electr. Power Syst. Res. 2015, 121, 28–37. [Google Scholar] [CrossRef]
  41. Kelly, J.; Knottenbelt, W. The UK-DALE dataset, domestic appliance-level electricity demand and whole-house demand from five UK homes. Sci. Data 2015, 2, 150007. [Google Scholar] [CrossRef] [PubMed] [Green Version]
Figure 1. The overall structure of the proposed method.
Figure 1. The overall structure of the proposed method.
Information 14 00231 g001
Figure 2. Decomposition component after wavelet transform. The graphs on the right represent the raw data from top to bottom, A3, D3, D2, D1-A1, and D1-D1. Only 600 data samples were depicted for clearer vision.
Figure 2. Decomposition component after wavelet transform. The graphs on the right represent the raw data from top to bottom, A3, D3, D2, D1-A1, and D1-D1. Only 600 data samples were depicted for clearer vision.
Information 14 00231 g002
Figure 3. The structure of NLSTM and BiNLSTM memory cells. The pink shaded part in the left picture is the inner LSTM unit of NLSTM.
Figure 3. The structure of NLSTM and BiNLSTM memory cells. The pink shaded part in the left picture is the inner LSTM unit of NLSTM.
Information 14 00231 g003
Figure 4. The structure of TCN. The graph on the right represents the dilated causal convolution, and the left shows the residual block.
Figure 4. The structure of TCN. The graph on the right represents the dilated causal convolution, and the left shows the residual block.
Information 14 00231 g004
Figure 5. The structure of DSC.
Figure 5. The structure of DSC.
Information 14 00231 g005
Figure 6. The structure of CBAM. The middle part of the figure is the overall structure of CABM, the top is the internal structure of CAM, and the bottom is the internal structure of SAM.
Figure 6. The structure of CBAM. The middle part of the figure is the overall structure of CABM, the top is the internal structure of CAM, and the bottom is the internal structure of SAM.
Information 14 00231 g006
Figure 7. The frame diagram of the residential electricity probabilistic forecasting method based on quantile regression and deep learning module.
Figure 7. The frame diagram of the residential electricity probabilistic forecasting method based on quantile regression and deep learning module.
Information 14 00231 g007
Figure 8. Point prediction results of different models.
Figure 8. Point prediction results of different models.
Information 14 00231 g008
Figure 9. Interval prediction results of different models.
Figure 9. Interval prediction results of different models.
Information 14 00231 g009aInformation 14 00231 g009b
Figure 10. Probability density curves at different time points predicted by SWT-QRTCN-ADSC-NLSTM.
Figure 10. Probability density curves at different time points predicted by SWT-QRTCN-ADSC-NLSTM.
Information 14 00231 g010
Table 1. Results of point prediction evaluation of the different models.
Table 1. Results of point prediction evaluation of the different models.
MAERMSEMAPE (100%)
Hse1Hse2Hse3Hse4Hse5Hse1Hse2Hse3Hse4Hse5Hse1Hse2Hse3Hse4Hse5
QRLSTM0.01030.01010.01270.00980.00810.02230.02360.03280.02110.024522.3124.7129.3228.129.21
QRGRU0.01080.00990.01190.00980.00850.02260.02420.03200.02140.023523.4421.3823.7727.6210.39
QRNLSTM0.00980.01060.01370.00910.01030.02180.02310.03150.02080.023220.0327.6434.2922.0315.51
QRCNN-LSTM0.00990.00930.01300.00980.00770.02270.02380.03170.02170.023418.5519.7129.1425.678.65
SWT-QRLSTM0.00730.00410.00610.00220.00350.01440.00590.01080.00280.004016.2612.2013.5411.316.99
SWT-QRNLSTM0.00870.00370.00330.00260.00420.01540.00540.00420.00290.007017.9211.4714.7113.436.35
SWT-QRDSC-NLSTM0.00180.00170.00180.00260.00260.00350.0020.00200.00290.00314.576.158.959.974.48
SWT-QRADSC-NLSTM0.00110.00090.00110.00360.00210.00270.00230.00160.00770.00582.993.294.139.572.09
Proposed0.00030.00030.00090.00130.00070.00060.00060.00140.00250.00120.911.022.963.541.05
Table 2. Results of interval and probability prediction evaluation of different models.
Table 2. Results of interval and probability prediction evaluation of different models.
PICPPIAWCRPS
Hse1Hse2Hse3Hse4Hse5Hse1Hse2Hse3Hse4Hse5Hse1Hse2Hse3Hse4Hse5
QRLSTM0.9640.9650.9370.8590.9012.1421.8441.5891.5631.3410.00740.03030.00970.00710.0058
QRGRU0.9560.9740.9240.9470.9361.9652.1931.5661.9211.2920.00750.03040.00980.00710.0059
QRNLSTM0.9460.9290.9510.9520.9452.0511.8021.2681.6521.1390.00690.02810.00990.00760.0056
QRCNN-LSTM0.9610.9740.9360.9460.9502.0581.7511.7052.5441.1570.00640.02430.01000.00700.0057
SWT-QRLSTM0.9450.9520.9450.9640.9561.8121.4811.3101.4170.910.00490.01450.00640.00320.0027
SWT-QRNLSTM0.9810.9620.9550.9650.9511.5571.5901.2721.5260.9010.00560.01430.00560.00430.0024
SWT-QRDSC-NLSTM0.9770.9650.9450.9559.5721.1131.2131.2101.3110.8380.00260.00090.00180.00100.0016
SWT-QRADSC-NLSTM0.9760.9680.9610.9729.5441.321.1811.2191.2310.4560.00280.01040.00120.00080.0011
Proposed0.9850.9750.9670.9679.6450.6341.0911.1200.9770.4530.00040.00050.00090.00050.0004
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Jin, N.; Song, L.; Huang, G.J.; Yan, K. Probabilistic Forecasting of Residential Energy Consumption Based on SWT-QRTCN-ADSC-NLSTM Model. Information 2023, 14, 231. https://doi.org/10.3390/info14040231

AMA Style

Jin N, Song L, Huang GJ, Yan K. Probabilistic Forecasting of Residential Energy Consumption Based on SWT-QRTCN-ADSC-NLSTM Model. Information. 2023; 14(4):231. https://doi.org/10.3390/info14040231

Chicago/Turabian Style

Jin, Ning, Linlin Song, Gabriel Jing Huang, and Ke Yan. 2023. "Probabilistic Forecasting of Residential Energy Consumption Based on SWT-QRTCN-ADSC-NLSTM Model" Information 14, no. 4: 231. https://doi.org/10.3390/info14040231

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