Skip to main content
Computational Intelligence and Neuroscience logoLink to Computational Intelligence and Neuroscience
. 2022 Apr 30;2022:6909558. doi: 10.1155/2022/6909558

Short-Term Demand Forecasting Method in Power Markets Based on the KSVM–TCN–GBRT

Guang Yang 1,, Songhuai Du 1, Qingling Duan 1, Juan Su 1
PMCID: PMC9078802  PMID: 35535191

Abstract

With the consumption of new energy and the variability of user activity, accurate and fast demand forecasting plays a crucial role in modern power markets. This paper considers the correlation between temperature, wind speed, and real-time electricity demand and proposes a novel method for forecasting short-term demand in the power market. Kernel Support Vector Machine is first used to classify real-time demand in combination with temperature and wind speed, and then the temporal convolutional network (TCN) is used to extract the temporal relationships and implied information of day-ahead demand. Finally, the Gradient Boosting Regression Tree is used to forecast daily and weekly real-time demand based on electrical, meteorological, and data characteristics. The validity of the method was verified using a dataset from the ISO-NE (New England Electricity Market). Comparative experiments with existing methods showed that the method could provide more accurate demand forecasting results.

1. Introduction

The inherent volatility and uncertainty of renewable energy sources, such as wind power and photovoltaics, may lead to large deviations between the bid output and the actual output when renewable energy sources participate in the market. Also, customers change their electricity load when they receive a price change or incentive signal from the supply side, taking into account their own production or consumption. Hence, timely and accurate information on the demand changes has imposed higher requirements on the accuracy of demand forecasting [1].

In current electricity forecasting, it is necessary to fully integrate economic, meteorological, and other multidimensional information; use advanced data-driven processing means; and deeply analyze the change patterns and laws of renewable energy and demand [2]. This creates the need to study demand response characteristics under multidimensional variables in the electricity market environment to improve forecasting accuracy [3]. For power system operation, short-term demand forecasts can predict demands from 1 hour to 168 hours in advance [4]. To obtain accurate forecasting results, different forecasting models such as regression, statistical, and state-space methods are used. Expert system-based, evolutionary process, fuzzy systems, and artificial intelligence algorithms have also been introduced. Wang et al. [5] proposed a method that decomposes the demand into the trend series and the fluctuating series and then builds the corresponding forecasting models separately. To improve the internal clustering performance, Dongyeon et al. [6] proposed the logistic mixed vector autoregression model, which combines clustering and prediction into one model through an expectation-maximization algorithm. Dong et al. [7] proposed an indicator variable to capture the abnormal information on special days, such as national holidays, proximity days, and bridging days. In Yin et al. [8], the multispatiotemporal convolutional network was applied to short-term demand prediction tasks, which reduced the noise error of demand data and enhanced the time-series characteristics of demand data. In [9], the demand was decomposed into different frequency components using an integrated empirical modal decomposition algorithm; the low-frequency components were then predicted using multivariate linear regression, the high-frequency components were predicted using a long short-term memory neural network (LSTM), and the components were finally combined to obtain the demand forecast. Han et al. [10] presented a short-term individual residential demand forecasting model based on a combination of deep learning and k-means clustering, which is capable of effectively extracting the similarity of residential demand and performing residential demand forecasting accurately at the individual level. It first makes full use of k-means clustering to extract the similarity among residential demand and then employs deep learning to extract complicated patterns of residential demand. Lv et al. [11] designed a LightGBM-optimized LSTM to realize short-term stock prices. To improve the demand prediction accuracy in the case of single sample data, Mei et al. [12] proposed a model based on multiscale temporal features for LSTM. First, wavelet decomposition decomposes historical data into stable components, trend demand, and periodic series such as the response peak-valley magnitude and duration, highlighting different time-scale features. Second, LSTM is used to achieve further extraction of time-series characteristics and data fitting. Finally, the model directly outputs predicted values for multiple moments. M. Hadi Amini et al. [13] proposed an autoregressive integrated moving average method for forecasting conventional electrical loads and electric vehicle parking charging demand. Kianoosh et al. [14] proposed to model the nonseasonal and seasonal cycles of load data using regression (AR) and moving average (MA) components, which have been used to forecast electricity demand at different time scales. Moreover, Zhang et al. [15] used Singular Spectrum Analysis (SSA) to preprocess the data and then used a support vector machine (SVM) optimized by the cuckoo search (CS) algorithm to model the resulting sequence with different prediction strategies. Salah et al. [16] used wrapper and embedding feature selection methods to select the optimal features and a genetic algorithm (GA) to find the optimal time lag and number of layers to optimize the predictive performance of the LSTM model, which was used to construct a short-to-medium-term cumulative load forecasting model. LU et al. [17] proposed a hybrid model short-term load forecasting method based on the convolutional neural network (CNN) and LSTM network. The CNN was first used to extract the feature vector, and the feature vector was constructed in a time-series sequence and used as the input data for the LSTM network. In [18], a convolutional long- and short-term memory network (Conv-LSTM) was proposed for electrical load data, and it achieved better accuracy than the traditional prediction algorithm based on linear regression. CHEN et al. [19] derived the respective predictions based on LSTM and LightGBM training. The optimal weighting combination method was used to determine the weighting coefficients and derive the prediction values of the combined model to improve the accuracy of load prediction. In [20], predictions were extrapolated by calculating correlations between potential variables and outputs and predicting the future consumption of high performance. In [21], a hybrid method combining empirical mode decomposition (EMD), particle swarm optimization (PSO), and a fuzzy inference system based on the adaptive network (ANFISs) for short-term load prediction of microgrids was proposed. In [22], sample entropy was used to identify the nonlinearity and uncertainty of the original time series, and the optimal mode of the original series and the optimal input form of the model were determined by the feature selection method. Finally, the least square SVM adjusted by the multiobjective sines and cosines optimization algorithm was used to predict the power demand sequence. In [23], the parameters of the LSTM were first optimized using the Sparrow Search Algorithm (SSA); then, the dataset was preprocessed, and finally, the processed data were used for residential load training and prediction. Li et al. [24] combined LSTM with quantile regression to generate multiple quantile results and introduced a combinatorial layer that considers the constraint relationships between quantile prediction values to ensure that the quantile prediction values are reasonable.

The TCN was proposed in 2018 to offer greater performance advantages over recurrent neural networks (RNNs) in temporal data processing tasks [25]. Following the motivation above, we propose a novel method based on Kernel Support Vector Machine (KSVM)–TCN–Gradient Boosting Regression Tree (GBRT) for improving the short-term demand forecasting accuracy of power markets. The contributions of this paper are as follows:

  1. The KSVM is used to extract and train classification features for real-time electricity demand on historical data by the features of temperature and wind speed, and a numerical calculation method is used to automatically select the parameters of the KSVM to derive a classification sequence of real-time electricity demand for future days as the feature sequence.

  2. A multivariable TCN method is used to capture the fluctuation trend of day-ahead demand in the day-ahead market to predict the real-time demand series in the real-time market.

  3. The TCN–GBRT method integrating time-domain processing, integrated learning, and parallel feature processing is proposed. TCN is able to extract features and temporal relationships owing to its residual network and convolutional structure, avoiding gradient disappearance and gradient explosion in deep learning. GBRT can combine multiple weak classifiers into a single strong classifier that takes the best of all the weak classifiers and achieves optimal performance.

2. Materials and Methods

2.1. KSVM Model

In this paper, a Gaussian Kernel SVM is used in data feature extraction to solve the classification problem of the presence of nonlinear separability. That is, given a training sample set D={(x1, y1), .(x2, y2),…, (xm, ym)}, yi={−1+1}, the basic type of Kernel SVM is defined as in the following equation:

minw,b12ω2,s.t. yiωTϕxi+b1,i=1,2,,m,γ=ω22, (1)

where γ is the sum of the distances from the support vector to the hyperplane, called the “margin.” Finding the maximizing interval is equivalent to finding the minimum ||x||2. ω = (ω1; ω2; …; ωd) is the normal vector of the hyperplane, b is the displacement term, and ϕ(x) denotes the feature vector after mapping x.

The dual problem is defined in the following equation:

maxi=1mi12i=1mj=1mijyiyjϕxiTϕxj,s.t. i=1miyi=0,i0,i=1,2,,m. (2)

Here, κ(.,.) is the kernel function given in

κxi,xj=ϕxiTϕxj. (3)

The kernel function maps the data from the original space into a high-dimensional Hilbert space, where a more efficient classification hyperplane exists than in the original space.

Suppose that {xj(i)}j=1⋯NiRd is the set of training samples in class i, where Ni represents the training samples in class i (i=1,2,…, L). The Gaussian Radial Basis Function (RBF) kernel is defined as in the following equation:

κx,z,σ=expxz22σ2,σ0,, (4)

where x, zRd, and σR − {0} are the corresponding parameters.

2.2. TCN Model

TCN is a one-dimensional full convolution network, which combines the structure of causal convolution, extended convolution, and the residual network. Causal convolution means that the output time is convolved only with the elements of the previous layer of time, which ensures that there will be no information leakage in the future. Dilated convolution is designed to capture a sufficiently long history of information, and the depth of the network model increases dramatically.

Define the one-dimensional sequence input X(x1, x2xs), where F : ·{0,1,…, k − 1} is the function to the dilatative convolution, and the TCN convolution operation is defined as in the following equation:

Fs=XCondfs=i=0k1fixsd·i, (5)

where Con is the convolution operation; d is the dilatative convolution parameter; s is the current number of sequences; k is Con Size; s-d·i is past directions; and a convolution with parameter d=1,2,4 and size k=3 is shown in Figure 1.

Figure 1.

Figure 1

A dilated causal convolution with dilation factors d=1,2,4 and filter size k=3.

As shown in Figure 2, the mezzanine mapping is within the residual connection, as shown in equation (6). The residual network fits several nonlinear layers between the input and output data. The more the features that are extracted, the closer the residual F(x) is to 0. Hence, when the network reaches an optimal structure, F(x) is pushed to 0 as the network layers deepen, leaving only the identity mapping x. This overcomes the problem of TCN degradation due to increasing network layers. Using the residuals, each order of derivative plus the constant term 1 is as in equations (6) and (7). The error can still be effectively backpropagated at this point, even if the derivatives ∂f/∂x are small.

o=Fx+x, (6)
hx=f+xx=1+fx, (7)

where F(x) is a residual function; x is a constant.

Figure 2.

Figure 2

Residual block.

2.3. GBRT Model

The GBRT algorithm is able to compensate for the tendency of the cart algorithm to overfit small sample data or produce instability and low prediction accuracy. The algorithm is an iterative decision tree algorithm, which consists of three parts: cart, Gradient Boosting algorithm, and reduction idea.

The basic idea of the algorithm is to use the Boosting method to iterate multiple weak learners with low prediction accuracy to form a strong learner with high prediction accuracy, that is, to reduce the residuals of the previous model by learning again so that the next generated model has a smaller error. The gradient iteration makes the combined model continuously improved, which is a kind of decision tree integrated learning algorithm designed to improve the model learning rate and prevent overfitting. That is, it does not fully trust each residual tree and uses gradual approximation to learn through multiple tree residuals.

For continuous data types, the loss function is the classical loss function in Boosting, that is, the sum of squared errors, which is calculated as shown in (4). After M-th iterations, the prediction is shown in equations (8) and (9).

Ly,fx=i=1nyifxi2, (8)
fx=i=0nfix, (9)

where x is the input variables, y is the output variables, and i is the iteration count.

The key to improving the prediction accuracy of the GBRT model is the calculation of the residuals, and this paper uses the method proposed by Friedman [26] to calculate the residuals based on the negative gradient of the loss function.

In this paper, the negative gradient of the loss function is used as an approximation to the residuals in the boosted tree algorithm. Hence, the i-th sample of the m-th round gim is calculated as shown in the following equation:

gim=Lyi,fxifxifxi=fm1xi. (10)

f m (x) can be calculated from βm and hm, where βm denotes the optimal step for each iteration and is calculated as shown in (13). Hm(x) is the decision tree created in the m-th iteration. The prediction is shown in (11) and (12).

βm=argminβi=1nLyi,fm1x+βmhmx, (11)
fmx=fm1x+βmhmx. (12)

2.4. Short-Term Demand Forecasting Method Based on KSVM–TCN–GBRT

This paper takes into account day-ahead demand, real-time demand, date features, and meteorological features. An RBF kernel-SVM method is used to get the relationship between temperature, wind speed, and real-time power demand.

The TCN–GBRT method is also proposed to forecast the next day's real-time demand and the next week's real-time demand. Processing datasets are shown in Table 1.

Table 1.

Processing datasets.

Type of data Input VARIABLE t Units Processing method Output variable t
Electrical features t − 24/168 day-ahead cleared demand MW https://www.iso-ne.com/ [27] t + 24/168 real-time demand
t − 24/168 day-ahead locational marginal price MW
$/MWh
t + 24/168 day-ahead cleared demand MW Feature extraction based on TCN
Meteorological feature t − 24/168 temperature °F https://www.wunderground.com/ [28]
t − 24/168 dew point °F
t − 24/168 humidity °F
t − 24/168 wind speed MPH
t − 24/168 condition One hot
t + 24/168 temperature °F
t + 24/168 dew point °F
t + 24/168 humidity °F
t + 24/168 wind speed MPH
t + 24/168 condition One hot
Date features t − 24/168 Week Day Date
t − 24/168 Month
t − 24/168 holiday
t + 24/168 Week Day
t + 24/168 Month
t + 24/168 holiday
Classification features t + 24/168 classification ID Feature extraction based on KSVM

The KSVM–TCN–GBRT method processing steps for power markets are shown in Figure 3. The short-term demand forecasting framework based on the KSVM–TCN–GBRT method is shown in Figure 4.

Figure 3.

Figure 3

The KSVM–TCN–GBRT model processing steps for Power Markets.

Figure 4.

Figure 4

The short-term demand forecasting framework based on KSVM–TCN–GBRT model.

In this paper, parameters are selected automatically for RBFkernel-SVM by the means of temperature and wind speed. Temperature and wind speed are the main influencing factors in the new energy power market, including photovoltaic and wind power. In this paper, temperature and wind speed are proposed for measuring real-time demand class dissociative in the feature space. The same classes' temperatures and wind speeds are as close as possible. For the different classes' temperatures and wind speeds, the greater the distance that can be created between them, the better. Hence, the mean of values applied by the normal kernel function on the samples in the same class is as shown in equation (13):

wγ=1i=1LΩi2i=1Lx=Ωix=Ωiκx,z,γ, (13)

where |Ωi| is the samples in class i. β is w(γ), which is close to 1 [29]. The RBF kernel function is as in the following equation:

bγ=1i=1Lj=1jiLΩiΩii=1Lj=1jiLx=Ωix=Ωiκx,z,γ. (14)

Hence, γ should be determined such that it is closest to b(γ). The same classes are closest to 0. The different classes are closest to 1.

It can be seen that 0 ≤ w(γ) ≤ 1 and 0 ≤ b(γ) ≤ 1 if k(x, y, γ) ≥ t, which is equivalent to the optimization problem, as in the following equation:

minβJγ=1wγ+bγ0=1wγ+bγ. (15)

In this paper, the KSVM–TCN–GBRT parameter settings are shown in Table 2.

Table 2.

the KSVM–TCN–GBRT parameter settings.

Model Parameters Value
Kernel SVM Kernel RBF
Gamma γ (automatic selecting the parameter for RBFkernel-SVM to consider temperature and wind speed)
TCN input_channels 2
layers_channels [32, 16, 8, 4, 2]
kernel_size 3
Optimizer Adam
learning_rate 0.001
Loss mean_squared_error,
Metrics mse
GBRT n_estimators 400
Subsample 1
min_samples_split 2
min_samples_leaf 1
max_depth 3
Alpha 0.7
learning_rate 0.2
Loss ls
Verbose 0

Consider the impact of meteorological factors such as temperature and wind on new energy sources such as photovoltaics and wind power. In this paper, hourly datasets are extracted to create quarterly and similar day datasets based on actual electricity spot market data and weather data. This paper classifies real-time electricity demand by numerical intervals, using wind speed and temperature as the main characteristics and using 100 as the unit of measurement. A classification method using RBF SVMs with hyperparameters is used to find the optimum using numerical optimization. The wind speed and temperature are divided into groups that are particularly close to each other; the greater the difference between the different groups, the better. This master feature classification sequence is fed as a feature column into the succeeding deep learning neural network. KSVM can effectively solve machine learning problems with small samples and has good generalization ability; it can compensate for the problems of neural network structure selection and local minima.

In the electricity market, a real-time electricity demand forecast is a multivariate time series consisting of the day-ahead demand and day-ahead price. In this paper, a multivariate TCN model is developed for supervised learning, and the dynamic relationships between its variables are extracted. We take the T time series of the day-ahead demand and day-ahead price of the day-ahead market as the cause and the time series of real-time demand series T + 24 and T + 168 of the real-time market as the effect. By increasing the number of layers, changing the expansion coefficients, revising the filters, and adjusting the length of the historical sequence, we can avoid the gradient dispersion and gradient explosion problems in the RNN model prediction, and longer-term memory and dynamic analysis capabilities can be obtained. Also, as a convolutional structure, TCNs can slide a one-dimensional convolutional kernel to receive inputs of an arbitrary length and can be massively processed in parallel for faster training and verification. This effectively guarantees the timeliness of power prediction.

In this paper, one hot numerical treatment of meteorological features and date features is used to process the electricity market dataset into a non-high-dimensional nonsparse set of values suitable for GBRT forecasting. GBRT is integrated learning, using decision trees as weak classifiers and iterative learning based on the residuals of the decision tree predictions. It allows the GBRT model to be highly interpretative and robust, automatically discovering higher-order relationships between day-ahead market sequences and real-time demand characteristics.

2.5. Performance Evaluation

In this paper, absolute error (APE) is shown in equation (15), mean absolute percentage error (MAPE) is shown in equation (16), root mean square error (RMSE) is shown in equation (17), and mean absolute error (MAE) is shown in equation (18). The prediction errors and definitions are as follows:

APE=PiprePirealPireal, (16)
MAPE=1N1NPiprePirealPireal, (17)
RMSE=1NPiprePireal2N, (18)
MAE=1NPiprePirealN, (19)

where N is the total number of test datasets, Pipre is the i-th demand prediction, and Pireal is the i-th demand prediction.

3. Results and Discussion

3.1. Experimental Settings

The hardware environment was Intel(R) Core(TM) i5-7200U CPU @2.70 GHz, 64 bit, 8GBDDR4 RAM memory, NVIDIA GeForce 940MX. The software development environment was Python 3.7, Tensorflow2.2.

The electricity spot market hourly dataset was obtained from ISO-NE, in the Connecticut region [27]. The meteorological data were derived from [28], and the names of weather stations were Windsor Locks and Bridgeport. The dataset spans January 1, 2016, to March 31, 2021, at an hourly frequency of 46009 moments.

The real-time demand in 2019 is shown in Figure 5. The four series of forecast dates are represented in order from top to bottom: original series, trend series, seasonal series, and residual series.

Figure 5.

Figure 5

Real-time electricity demand fluctuation chart of 24 hours per day in December 2019.

The maximum real-time demand at different temperatures is shown in Figure 6. The maximum real-time demand at different wind speeds is shown in Figure 7.

Figure 6.

Figure 6

Max real-time demand at different temperatures.

Figure 7.

Figure 7

Max real-time demand at different wind speeds.

In this paper, the comparison method parameter settings are shown in Table 3.

Table 3.

The comparison method parameter settings.

Name Layer (type) Output shape Param # Connected to
CNN- LSTM Input (InputLayer) [(None, 5, 2)] 0
conv1d (Conv1D) (None, 5, 16) 48 input_1[0][0]
max_pooling1d (MaxPooling1D) (None, 1, 16) 0 conv1d[0][0]
Dropout (dropout) (None, 1, 16) 0 max_pooling1d[0][0]
Dense (dense) (None, 1,1) 17 multiply[0][0]
CNN-LSTM-attention input (InputLayer) [(None, 5, 2)] 0
conv1d (Conv1D) (None, 5, 16) 48 input[0][0]
max_pooling1d (MaxPooling1D) (None, 1, 16) 0 conv1d[0][0]
Dropout (dropout) (None, 1, 16) 0 max_pooling1d[0][0]
attention_vec (dense) (None, 32) 1056 bilstm[0][0]
Multiply (multiply) (None, 32) 0 bilstm[0][0] attention_vec[0][0]
Dense (dense) (None, 1) 33 multiply[0][0]
CNN-Bi-LSTM-attention input(InputLayer) [(None, 5, 2)] 0
conv1d (Conv1D) (None, 5, 16) 48 input[0][0]
max_pooling1d (MaxPooling1D) (None, 1, 16) 0 conv1d[0][0]
Dropout (dropout) (None, 1, 16) 0 max_pooling1d[0][0]
Bilstm (bidirectional) (None, 32) 4224 dropout[0][0]
attention_vec (dense) (None, 32) 1056 bilstm[0][0]
Multiply (multiply) (None, 32) 0 bilstm[0][0] attention_vec[0][0]
Dense (dense) (None, 1) 33 multiply[0][0]

3.2. Experiment 1: Real-Time Demand Forecast for the Next Day

In this experiment, the real-time power demand was predicted for a day on March 31, 2021, at an hourly frequency of 24 moments. The training dataset includes data from January 1, 2016, to March 30, 2021. The test set has data from March 31, 2020.

Real-time demand projections from March 1, 2021, to March 31, 2021, are shown in Table 4. The result of the comparison method is shown in Table 5. Figure 8 shows the results of the KSVM-based real-time demand classification, considering the forecast results for temperature and wind speed for March 31, 2021. Figure 9 shows the comparison between the predicted and actual demand power for each model from March 30, 2021. It can be seen that the proposed models were able to match the actual demand power in their forecasts. In particular, the proposed models could capture occasional fluctuations.

Table 4.

Real-time demand projections on March 31, 2021.

Predicted time Actual value (MW) CNN-LSTM CNN-LSTM-attention CNN-Bi-LSTM-attention TCN Proposed method
Value (MW) APE (MW) Value (MW) APE (MW) Value (MW) APE (MW) Value (MW) APE (MW) Value (MW) APE (MW)
0: 00 2340 2697 357 2627 287 2779 439 2750 410 2348 8
1: 00 2263 2564 301 2380 117 2471 208 2527 264 2232 31
2: 00 2219 2469 250 2286 67 2369 150 2328 109 2221 2
3: 00 2204 2404 200 2282 78 2311 107 2369 165 2223 19
4: 00 2266 2360 94 2310 44 2291 25 2352 86 2266 0
5: 00 2453 2369 84 2375 78 2360 93 2520 67 2447 6
6: 00 2766 2539 227 2579 187 2571 195 2732 34 2767 1
7: 00 2996 2788 208 2889 107 2827 169 3025 29 3035 39
8: 00 3090 2950 140 3026 64 2999 91 3182 92 3093 3
9: 00 3111 3052 59 3081 30 3037 74 3245 134 3036 75
10: 00 3118 3242 124 3115 3 3111 7 3259 141 3070 48
11: 00 3090 3355 265 3093 3 3154 64 3263 173 3038 52
12: 00 3076 3409 333 3062 14 3129 53 3245 169 3013 63
13: 00 3083 3312 229 3061 22 3207 124 3236 153 3016 67
14: 00 3013 3265 252 3240 227 3218 205 3240 227 3031 18
15: 00 3004 3237 233 3151 147 3194 190 3194 190 3029 25
16: 00 3103 3134 31 3027 76 3097 6 3187 84 3054 49
17: 00 3215 3125 90 3036 179 3087 128 3253 38 3215 0
18: 00 3243 3169 74 3168 75 3146 97 3326 83 3280 37
19: 00 3252 3207 45 3218 34 3206 46 3343 91 3254 2
20: 00 3138 3209 71 3157 19 3172 34 3349 211 3146 8
21: 00 2922 3320 398 3239 317 3256 334 3258 336 2954 32
22: 00 2663 3154 491 3144 481 3127 464 2866 203 2747 84
23: 00 2441 2837 396 2803 362 2859 418 2634 193 2464 23
MAPE (%) 0.1844 0.1806 0.1876 0.1752 0.0315
MAX APE (MW) 491 481 464 410 84

Table 5.

Real-time demand forecasting evaluation on the testing set.

Time March 31, 2021
Statistical metrics γ mae (MW) γ mape (%) γ rmse (MW)
CNN-LSTM 206.18 7.61 241.13
Bi-LSTM 125.56 4.66 176.31
ATT-LSTM 154.9 5.8 202.97
TCN 153.39 5.63 178.63
Proposed method 28.87 1 38.35

Figure 8.

Figure 8

KSVM-based real-time demand classification on March 31, 2021.

Figure 9.

Figure 9

Real-time demand forecast on March 31, 2021.

3.3. Experiment 2: Real-Time Demand Forecast for the Next Week

In this experiment, the real-time power demand was predicted for a week, from March 25, 2021, to March 31, 2021, with 168 moments. The training dataset includes data from January 1, 2016, to March 24, 2021. The test set includes data from March 25, 2021, to March 31, 2021.

The result of comparison method is shown in Table 6. Figure 10 shows the results of the KSVM-based real-time demand classification, considering the forecasted temperature and wind speed from March 25, 2021, to March 31, 2021. Figure 11 shows the comparison between the predicted and actual demand power for each model from March 31, 2021. It also can be seen that the proposed models were able to match the actual demand power better than other forecasts.

Table 6.

Real-time demand forecasting evaluation on the testing set.

Time March 25, 2021, to March 31, 2021
Statistical metrics γ mae (MW) γ mape (%) γ rmse (MW)
CNN-LSTM 284.58 11.05 338.09
Bi-LSTM 216.66 8.28 279.51
ATT-LSTM 236.33 9.09 302.51
TCN 247.67 9.90 272.13
Proposed method 40.47 1.47 54.75

Figure 10.

Figure 10

KSVM-based real-time demand classification from March 25, 2021, to March 31, 2021.

Figure 11.

Figure 11

Real-time demand forecast from March 25, 2021, to March 31, 2021.

4. Conclusions

This paper proposed a novel method for short-term demand forecasting in power markets based on KSVM–TCN–GBRT. The advantages of this method over previous methods are as follows:

  1. A data-driven method for short-term demand forecasting based on KSVM–TCN–GBRT was designed and improved, and the temperature and the wind speed were proposed for measuring the real-time demand to improve accuracy in forecasting market demand.

  2. We adopted a model structure consisting of data classification, a time-convolutional network, and an integrated forecasting model for daily and weekly forecasts. Our proposed model can do multistep forecasting and improve the accuracy by focusing on each feature differently.

  3. CNN-LSTM, LSTM with the attention mechanism, bidirectional LSTM, and TCN were used for forecasting and comparative analysis, and the operational results indicated that the proposed prediction method can reduce the prediction error and improve the prediction accuracy.

Acknowledgments

This work was supported by National Key R&D Program of China (no. 2016YFB0900100).

Data Availability

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

Conflicts of Interest

The authors declare that there are no conflicts of interest regarding the publication of this article.

References

  • 1.Du S., Wen B., Jiang C. Power Market . Beijing, China: China Electric Power Press; 2004. [Google Scholar]
  • 2.Kang C., Xia Q., Hu z., Zhang B. New connotation of forecasting problem in power market. Power System Automation . 2004;28(18) doi: 10.7500/AEPS20170120004. [DOI] [Google Scholar]
  • 3.Kang C., Yao L. Key scientific issues and theoretical research framework for power system high proportion renewable energy. Power System Automation . 2017;41(9) [Google Scholar]
  • 4.shahidehpour M. Beijing, China: China Electric Power Press; 2005. Market oriented operation of power system. [Google Scholar]
  • 5.Wang Y., Sun S., Chen X., et al. Short-term load forecasting of industrial customers based on SVMD and XGBoost. International Journal of Electrical Power & Energy Systems . 2021;129 doi: 10.1016/j.ijepes.2021.106830.106830 [DOI] [Google Scholar]
  • 6.Jeong D., Park C., Ko Y. M. Short-term electric load forecasting for buildings using logistic mixture vector autoregressive model with curve registration. Applied Energy . 2021;282 doi: 10.1016/j.apenergy.2020.116249.116249 [DOI] [Google Scholar]
  • 7.Dong H., Gao Y., Fang Y., Liu M., Kong Y. The short-term load forecasting for special days based on bagged regression trees in qingdao, China. Computational Intelligence and Neuroscience . 2021;1:p. 16. doi: 10.1155/2021/3693294.3693294 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 8.Yin L., Xie J. Multi-temporal-spatial-scale temporal convolution network for short-term load forecasting of power systems. Applied Energy . 2021;283 doi: 10.1016/j.apenergy.2020.116328.116328 [DOI] [Google Scholar]
  • 9.Li J., Deng D., Zhao J., et al. A novel hybrid short-term load forecasting method of smart grid using MLR and LSTM neural network. IEEE Transactions on Industrial Informatics . 2021;17(4):2443–2452. doi: 10.1109/TII.2020.3000184. [DOI] [Google Scholar]
  • 10.Han F., Pu T., Li M., Taylor G. A short-term individual residential load forecasting method based on deep learning and k-means clustering. CSEE JOURNAL OF POWER AND ENERGY SYSTEMS . 2020;7(2) doi: 10.17775/CSEEJPES.2020.04060. [DOI] [Google Scholar]
  • 11.Lv J., Wang C., Gao W., Zhao Q. An economic forecasting method based on the LightGBM-optimized LSTM and time-series model. Computational Intelligence and Neuroscience . 2021;1:p. 10. doi: 10.1155/2021/8128879.8128879 [DOI] [PMC free article] [PubMed] [Google Scholar] [Retracted]
  • 12.Yang M., Li Z., Wu H. LSTM Short-Term Demand Forecasting Based on Multi-Scale Temporal Features . Beijing, China: Control Engineering of China; [Google Scholar]
  • 13.Amini M. H., Kargarian A., Karabasoglu O. ARIMA-based decoupled time series forecasting of electric vehicle charging demand for stochastic power system operation. Electric Power Systems Research . 2016;140:378–390. doi: 10.1016/j.epsr.2016.06.003. [DOI] [Google Scholar]
  • 14.Boroojeni K. G., Amini M. H., Bahrami S., et al. A novel multi-time-scale modeling for electric power demand forecasting: from short-term to medium-term horizon. Electric Power Systems Research . 2017;142:58–73. doi: 10.1016/j.epsr.2016.08.031. [DOI] [Google Scholar]
  • 15.Zhang X., Wang J., Zhang K. Short-term electric load forecasting based on singular spectrum analysis and support vector machine optimized by Cuckoo search algorithm. Electric Power Systems Research . 2017;146:270–285. doi: 10.1016/j.epsr.2017.01.035. [DOI] [Google Scholar]
  • 16.Bouktif S., Fiaz A., Ouni A., Serhani M. Optimal deep learning LSTM model for electric load forecasting using feature selection and genetic algorithm: comparison with machine learning approaches †. Energies . 2018;11(7):p. 1636. doi: 10.3390/en11071636. [DOI] [Google Scholar]
  • 17.Lu J., Zhang Q., Yang Z., Tu M., Lu J., Peng H. short-term load forecasting method based on CNN-LSTM Hybrid Neural Network Model. Automation of Electric Power Systems . 2019;43(8) doi: 10.7500/AEPS20181012004. [DOI] [Google Scholar]
  • 18.Rafi S. H., Masood N.-A., Deeba S. R. An effective short-term load forecasting methodology using convolutional long short term memory network. Proceedings of the 2020 11th International Conference on Electrical and Computer Engineering (ICECE); December 2020; Dhaka, Bangladesh. [DOI] [Google Scholar]
  • 19.Weinan C. H. E. N., Zhijian H. U., Jingpeng Y. U. E., Yixing D. U., Qi Q. I. Short-term load prediction based on combined model of long short-term memory network and light gradient boosting machine. Automation of Electric Power Systems . 2021;45(4) [Google Scholar]
  • 20.Semero Y. K., Zhang J., Zheng D. EMD-PSO-ANFIS‐based hybrid approach for short‐term load forecasting in microgrids. IET Generation, Transmission & Distribution . 2020;14(3):470–475. doi: 10.1049/iet-gtd.2019.0869. [DOI] [Google Scholar]
  • 21.Li R., Chen X., Balezentis T., Streimikiene D., Niu Z. Multi-step least squares support vector machine modeling approach for forecasting short-term electricity demand with application. Neural Computing & Applications . 2021;33(1):301–320. doi: 10.1007/s00521-020-04996-3. [DOI] [Google Scholar]
  • 22.Ma Y., Tang Y., Li B., Qi B. Residential high-power load prediction based on optimized LSTM network. Proceedings of the 2020 International Conference on Artificial Intelligence and Computer Engineering (ICAICE); October 2020; Beijing, China. [DOI] [Google Scholar]
  • 23.Sabat M., Baczyński D. Usage of the pareto fronts as a tool to select data in the forecasting process-A short-term electric energy demand forecasting case. Energies . 2021;14(11):p. 3204. doi: 10.3390/en14113204. [DOI] [Google Scholar]
  • 24.Dan L., Zhang Y., Yang B., Wang Q. Short-term probabilistic power demand forecasting method based on constrained parallel LSTM quantile regression. Power System Technology . 2022;45(4) doi: 10.13335/j.1000-3673.pst.2020.1124. [DOI] [Google Scholar]
  • 25.Bai S., Kolter J. Z., Koltun V. An empirical evaluation of generic convolutional and recurrent networks for sequence modeling. Proceedings of the AAAI Conference Artificial Intelligenc (AAAI); March 2018; New Orleans, LA, USA. pp. 2159–2166. [Google Scholar]
  • 26.Friedman J. H. Greedy function approximation:a gradient boosting machine. Annals of Statistics . 2001;29(5):1189–1232. doi: 10.1214/aos/1013203451. [DOI] [Google Scholar]
  • 27. https://www.iso-ne.com/
  • 28. https://www.wunderground.com/
  • 29.Li C.-H., Lin C.-T., Kuo B.-C., Ho H.-H. An automatic method for selecting the parameter of the normalized kernel function to support vector machines. Proceedings of the 2010 International Conference on Technologies and Applications of Artificial Intelligence; November 2010; Hsinchu, Taiwan. [DOI] [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Data Availability Statement

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


Articles from Computational Intelligence and Neuroscience are provided here courtesy of Wiley

RESOURCES