Issue |
Sci. Tech. Energ. Transition
Volume 80, 2025
Decarbonizing Energy Systems: Smart Grid and Renewable Technologies
|
|
---|---|---|
Article Number | 9 | |
Number of page(s) | 12 | |
DOI | https://doi.org/10.2516/stet/2024100 | |
Published online | 06 January 2025 |
Regular Article
Dynamic graph structure and spatio-temporal representations in wind power forecasting
1
State Grid Jibei Zhangjiakou Wind, PV, Storage and Transmission Renewable Energy Co., Ltd., Zhangjiakou 075000, China
2
Hebei University of Architecture, Information Engineering College, Zhangjiakou 075000, Hebei, China
* Corresponding author: fjl1976@hebiace.edu.cn
Received:
5
July
2024
Accepted:
13
November
2024
Wind Power Forecasting (WPF) has gained considerable focus as a crucial aspect of the successful integration and operation of wind power. However, due to the stochastic and unstable nature of wind, it poses a real challenge to effectively analyze the correlations among multiple time series data for accurate prediction. In our study, an end-to-end framework called Dynamic Graph structure and Spatio-Temporal representation learning (DSTG) framework is proposed to achieve stable power forecasting by constructing graph data to capture the critical features in the data. Specifically, a Graph Structure Learning (GSL) module is introduced to dynamically construct task-related correlation matrices via backpropagation to mitigate the inherent inconsistency and randomness of wind power data. Additionally, a dual-scale temporal graph learning (DTG) module is further proposed to explore the implicit spatio-temporal features at a fine-grained level using different skip connections from the constructed graph data. Finally, comprehensive experiments are performed on the collected Xuji Group Wind Power (XGWP) dataset, and the results show that DSTG outperforms the state-of-the-art spatio-temporal methods by 10.12% on the average of root mean square error and mean absolute error, demonstrating the effectiveness of DSTG. In conclusion, our model provides a promising approach.
Key words: Graph / Wind power / Spatio-temporal features / Graph neural networks / Dynamic graph structure
© The Author(s), published by EDP Sciences, 2025
This is an Open Access article distributed under the terms of the Creative Commons Attribution License (https://creativecommons.org/licenses/by/4.0), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
1 Introduction
Recently, with the rapid consumption of fossil fuels, it has become an urgent task to accelerate the development of renewable energy [1]. Wind energy, characterized by its cleanliness, wide distribution and abundant reserves, has become the most promising renewable energy source for large-scale development. With technological advances, wind power is maturing to achieve greater scalability and commercial viability. Actually, wind power is considered as a crucial strategic choice for sustainable energy development with its low emission and non-polluting characteristics [2]. It is worth noting that the intermittent, fluctuating and stochastic nature of wind power poses significant challenges to the safe operation and scheduling of the power grid system when integrating wind turbines into the grid [3, 4]. Therefore, accurately predicting the output power of grid-connected wind farms can significantly mitigate the adverse effects of wind power integration on the power system, promoting the development of scientific power generation plans, reducing operational costs, and enhancing wind power competitiveness [5].
Specifically, interest in developing WPF methods has grown over the past two decades and has been divided into four categories [6]: (1) Physical-based models [7, 8] rely on numerical weather prediction [9] to determine meteorological information for future time intervals. By analyzing the topography, wake effects and spatial correlations near wind turbines, microscale meteorological data, such as wind speed and direction at turbine hub height, can be obtained. The obtained meteorological data are then mapped onto the power curve of the turbine according to the principle of conservation of mass, momentum and energy to solve the output power of the turbine. However, physical-based methods rely on large amounts of data related to topography and meteorology and require the collaboration of experts from multi-fields to construct the model, which limits their portability and applicability. (2) Statistical models involve attempting to explore the relationship between historical weather conditions and wind power to predict future wind power. Various statistical approaches [10, 11] have been applied in the WPF task, such as autoregressive moving average model [12] and Bayesian network [13]. Alanazi et al. compared different numerical estimation methods for assessing wind energy potential using the Weibull distribution model. Their study shows that this statistical model has high accuracy in wind energy assessment and optimizes the deployment of wind farms [47]. Bedewy et al. used GIS spatial analysis to estimate suitable locations for power plant distribution. This approach significantly enhanced the efficiency and scientific rigor of site selection [48]. Statistical methods are generally easier to implement and require minimal feature engineering. They offer economic models that conserve computational resources. Nonetheless, given the dynamic nature of wind, the prediction performances of these shallow learning approaches are affected by the non-grid and stochastic of the wind power data. (3) Additionally, Machine Learning (ML) methods have been widely used to address the non-linear nature of WPF tasks. Models such as Multi-Layer Perception (MLPs) [14], Support Vector Machines (SVMs) [15], Random Forests (RFs) [16] and Extreme Learning Machines (ELMs) [17] have shown promise in WPF tasks. For example, Balal et al. employed machine learning models to forecast power generation using historical weather data. Their results showed that these machine learning algorithms effectively improved the prediction accuracy, contributing to better grid optimization and energy management [49]. Unfortunately, ML methods rely heavily on manual feature engineering, requiring significant domain expertise. (4) Recently, Deep Learning (DL) methods [4, 18] have shown superior capability in capturing and uncovering fairly complex intrinsic correlations. For example, Long Short-Term Memory Networks (LSTMs) [19] and Gated Recurrent Units (GRUs) have been developed to address the long-term dependency problem and further to enhance the precision of WPF tasks [20]. Considering the excellent performance of Convolutional Neural Networks (CNNs) [21] and Recurrent Neural Networks (RNNs), some scholars [22, 23] combined these two methods to achieve better prediction performance than using a single spatial or temporal ones. It is worth noting that the DL approach, while achieving high performance, is limited by the need for grid data as input, ignoring the interconnections between the multiple variables that affect the turbine [24].
In fact, the main purpose of the aforementioned four methods is to enhance prediction accuracy by selecting representative local features or phenomena. However, the complex non-linear functional relationship between wind power and input variables poses a challenge to the approaches that adequately evaluate the implicit importance of each input variable through individual feature extraction and correlation calculations. Inspired by the success of the Graph Convolution Networks (GCNs) [25, 26] in handling non-grid data, researchers have explored the graph representation method in WPF tasks [27, 28]. In these approaches, each variable is associated with a node in the graph, while connections between multiple-variables represent edges. Notably, using GCN approaches to complete WPF tasks faces two challenges:
Challenge 1: A crucial requirement for GCNs is the construction of graph connectivity (adjacency matrix), which typically involves the use of a pre-determined fixed graph structure e.g. the Pearson Correlation Coefficient (PCC) [29]. However, due to the inherent randomness of wind power data, fixed adjacency matrix construction methods cannot fully exploit the dynamic nature of data. Consequently, determining an appropriate graph structure to ensure precise forecasting becomes a challenging task.
Challenge 2: As shown in Figure 1, the single variable wind speed, for example, exhibits variations at each time of the day, thus wind power forecasting emphasizes a dynamic process, which involves one or more influencing variables. However, the grid DL approaches do not consider the dynamic contexts of wind power, i.e., the stochasticity and correlation of multivariate structural information. To effectively model the spatio-temporal dynamics of wind power, it is crucial to consider both the characteristics of the signal and global structural correlations among multiple variables.
Figure 1 Wind speed intensity for Turbine 1 over two consecutive days. The left graph represents the first two days, while the right graph shows the following two days. The horizontal axis indicates time (in min), and the vertical axis represents wind speed (in m/s). |
To address these challenges, a solution for WPF is introduced via a dynamic spatio-temporal graph representation learning framework, DSTG, which constructs a task-related graph structure and explores stochasticity in multivariation. Specifically, DSTG comprises two components: a graph structure learning (GSL) module and a dual-scale temporal graph learning (DTG) module.
-
GSL employs a supervised scheme to explore important graph adjacency matrices, which dynamically learns the graph structure by using the Ensemble Empirical Mode Decomposition (EEMD) [30] features computed on each time series. This approach allows for adaptive correlation exploration and facilitates the integration of relationships across multiple variables.
-
DTG consists of a graph attention-like cell and a temporal graph-aware LSTM network, which collaboratively models dynamic graph information using spatial feature learning and temporal structure embedding. DTG is further enhanced by a recurrent-skip component that integrates multi-scale temporal features. Furthermore, DTG introduces a temporal smoothness regularization to optimize prediction by capturing fine-grained discriminative features and exploring correlations across temporal graphs.
In conclusion, our contributions are as follows:
-
Graph structure learning is designed to dynamically construct the relationship of each element in input, where the relationships (edges) between each variable are fitted by the neural networks. Importantly, the graph structure learning strategy can be guided by the objective function, significantly improving the perceivability of the structure to the task.
-
The proposed DTG is a joint spatial-temporal wind prediction module that combines the graph structure learning strategy with a graph attention-like network, and uses a recurrent skip-based LSTM as a temporal feature extractor. It can capture dynamic spatial and multiple temporal features via temporal smoothness constraints, thus improving prediction performance.
-
A real wind power dataset, the Xuji Group Wind Power (XGWP) dataset, is collected. Extensive experiments conducted on this dataset show that the proposed DSTG is very effective compared to the state-of-the-art methods.
The rest of the paper is organized as follows:
Section 2 represents the related work of this paper. Section 3 details the definition and mathematical formulation of DSTG. Section 4 describes the datasets and presents experiments validating our model’s effectiveness. Finally, conclusions and future work are summarized in Section 5.
2 Related work
Graph convolutional networks (GCNs) and WPF: Recently, GCNs are particularly suitable for processing non-grid data, including wind power data, due to their ability to model multivariables as nodes in a graph structure, capturing complex and irregular relationships that are not inherently structured in a regular grid format. Based on the manner of neighborhood aggregation, these methods are classified into two categories: 1) Spatial methods primarily conduct convolution operations directly on the nodes and their neighboring nodes within the graph. The graph sample and aggregate (GraphSAGE) model [31] performs neighborhood aggregation to generate node embeddings by sampling and aggregating features of neighboring nodes. The Graph Attention Networks (GAT) [32] utilize masked self-attention mechanisms to assign different weights to different nodes in a neighborhood to capture the importance of graph representations. (2) Spectral methods define the convolution operation on the graph’s spectral representation. For instance, a generalized graph convolution framework, inspired by the graph Laplacian [33], is proposed to deal with graphs. To reduce the computational cost, Chebyshev’s expansion of the graph Laplacian [34] is utilized, which enhances the efficiency without losing accuracy.
Furthermore, the use of GCNs has become more prevalent in capturing spatial correlations among wind turbine data and exploring the spatial structure through predefined graph structure (adjacency matrix) methods, for example: Khodayar and Wang [35] used general LSTMs to extract temporal features and incorporated a spectral graph convolution to capture spatial features for the WPF task using a mutual information-based adjacency matrix. Li [27] integrated the GCNs and residual network to realize wind power forecast using the PCC-based adjacency matrix. Bentsen et al. [36] use graph attention networks for wind power forecasting. Yue Song et al. [28] combined maximum information coefficient with GCNs and utilized the multi-resolution convolution neural networks to enhance wind power forecasting by integrating spatial correlations and temporal dynamics. Overall, existing GCN models typically rely on a fixed graph structure, which poses a significant limitation in that the graph structure changes over time in response to external factors, and thus a fixed graph structure cannot be used for accurate prediction.
3 Methods
Our goal is to investigate the interdependencies among multivariate variables, aiming to construct a more precise wind power forecasting framework from a spatio-temporal perspective. Specifically, each influential variable represents a critical external or internal feature, corresponding to a time-series observation. Formally, X ∈ ℝN × C is used to indicate the observation data of wind turbines, where N denotes the number of features, and C is the length of the time-series. We use to denote the wind power data of the turbine at t timestamp. The WPF task aims to forecast the wind power at future times based on historical observations, i.e., given X, the objective is to fit a nonlinear function ϕ(·) that predicts the wind power supply at future t′ steps from the observations at previous t steps as:(1)where represent the predicted active power.1 This section first summarizes the proposed framework. Then, the specifics of each module are presented, explaining its components and functions.
3.1 Overview of the proposed DSTG framework
This study presents a Dynamic Spatio-Temporal Graph (DSTG) representation learning framework, illustrated in Figure 2, which comprises two key phases: (i) During the temporal graph construction phase, the EEMD is applied to extract representative features from the segment data. Subsequently, the graph structure learning module is utilized to process the multivariate input and dynamically construct the correlation adjacent matrix. The extracted features and adjacent matrices are combined to construct the temporal graph series. (ii) In the prediction phase, the dual-scale temporal graph learning module is employed to explore implicit relationships and temporal features from the graph. Here, a recurrent-skip mechanism is employed to facilitate long-term wind power prediction.
Figure 2 The general framework of DSTG consists of two phases: ① The adaptive graph structure learning module is trained to acquire the dynamic spatial graph structure using the extracted features. ② Then, the dual scale temporal graph learning module is proposed to focus on the extraction of discriminative features by both the graph attention network and LSTM network with the recurrent-skips. |
3.2 Graph Structure Learning (GSL) module
First, the spatial structural information among the multivariate time series is exploited. Formally, the temporal graphs (undirected) are defined as , where V indicates the set of nodes and each one represents a signal time series; , and N indicates the number of multivariates. denotes the set of edges, representing the connections between two nodes, and A denotes the adjacency matrix of GT. It is worth emphasizing that the structure A used in our proposed model is obtained through an end-to-end learning process. As shown in Figure 2-①, the raw time series sequences is defined as , where Ci indicates the time series length of i-th variable xi ∈ X(i ∈ {1, 2, ⋯, N}). For each feature xi, the differential ensemble empirical mode decomposition (EEMD) [37] is utilized to extract features from various time series. Subsequently, the feature matrix is defined for each series xi, where denotes the extracted Femmd features of node n at series i. Moreover, the graph structure is learned instead of relying on a graph constructed based on prior knowledge or artificial. Specifically, an adaptive function Amn = g(zm, zn) is defined to represent the connection relationship between variable zm and zn based on the input feature matrix , where . g(zm, zn) is implemented through a Fully-Connected (FC) layer with the trainable weight . Each edge of the learned graph structure (adjacency matrix) A is defined as follows:(2)where σ(·) is a leaky rectified linear unit function to ensure that each edge in the adjacency matrix A is non-negative. Moreover, the softmax function [50] is used to normalize each row of A. Particularly, the weight matrix w is learned and updated by minimizing the following loss function,(3)
It means that the larger distance ‖zm − zn‖2 between zm and zn, the smaller the corresponding value of . To guarantee the sparsity of the graph A in the correlation connection structure, the regularization term [51] is employed, where λ is a constraint term.
3.3 Dual scale Temporal Graph (DTG) learning module
To capture the dynamic spatio-temporal patterns in temporal graphs, the DTG module is introduced to comprehensively learn the temporal characteristics present in time-series data from two distinct aspects: multivariable spatial features and temporal graph information.
As shown in Figure 2-②. (i) To fully explore the spatio-temporal dynamics of wind power data, EEMD features from the time series of each node are used as their corresponding initial embeddings to build temporal graphs. Graph attention-like networks are then utilized to capture spatial features at the graph level; however, these networks are incapable of capturing temporal characteristics. In contrast, adaptive graph attention networks are integrated into the LSTM architecture (referred to as GAL) to effectively exploit spatio-temporal features in modeling dynamic wind power networks. (ii) The traditional LSTM is limited by long-term dependency and cannot exploit dependencies with variable lengths. To overcome this limitation, dynamic skip connections are proposed to extend the temporal span and enrich the optimization information, specifically by adding dynamic jump connections between the current hidden cell and the neighboring hidden cells.
Formally, GAL takes temporal graph features with node embeddings as inputs and consists of three gate components: the input gate , the forget gate and the output gate . Particularly, each gate operation is replaced with a stack of adaptive graph attention layers (GAL-cell) to capture spatial features of the temporal graphs. The input of the GAL-cell consists of three components: , , and . Here, represents the hidden state obtained in the (t − p) time-step, where p denotes the number of hidden cells skipped. The matrix At represents the adjacency matrix that is learned for the t-th graph structure within the input temporal graph series. It is worth noting that our graph attention is constructed differently from traditional GAT [32], and we learn a new way of constructing node attention weight relies on GSL. On the other hand, refers to the feature matrices associated with the t-th graph structure. Unlike traditional LSTM [43] that operates solely on temporal embedding, our approach utilizes both graph structure and temporal features as inputs. The updating procedure of gates is expressed as follows:21) input gate ,(4)2) forget gate ,(5)3) output gate ,(6)4) input modulation gate ,(7)5) cell state update ,(8)6) hidden state ,(9)where fgat (·) indicates the graph convolution operation and B is the bias term, ψ(·) is the Tanh activate function, and the is graph embedding of . The GAT convolution operation for l-th layer can be written as(10)where matrix is the trainable weight of l-th layer, and are the node embedding computed before and after the GAT operation at l-th and ()-th steps, respectively. In particular, is the graph embedding of at the first layer, which is equal to , and each item At can be obtained by equation (2). Then, the outputs of the GAL-cell are combined to produce a final embedding as follows:(11)where is the hidden state of recurrent-skip component at time t, are the p hidden states from time stamp t – p + 1 to t, matrices and are the trainable weights. Finally, is flattened into a vector along the node dimension and fed into FC layers for prediction.
3.3.1 Learning and optimization
The loss function uses the mean squared error,(12)where, yi denotes the true wind power values, are the predicted wind power, and τ indicates the total number of time points. Moreover, a regularization constraint, temporal smoothness, is proposed to capture the temporal correlations in the progression of wind power. Our assumption is that there is a minimal difference between power values at two consecutive time points. We model the temporal smoothness by penalizing significant differences between the predicted values at consecutive time points as follows:(13)
Hence, the total loss of DSTG is as follows:(14)where γ and λ are constant values of the constraint term. With supervision, the DSTG model can be optimized using back-propagation to achieve a better solution. Importantly, to reduce the time-intensive task of identifying an optimal solution, our method incorporates a multi-time window ensemble strategy. We train multiple DSTG instances using varying window lengths on the provided temporal graph series. This approach enables the models to capture distinct temporal patterns by considering various time strides. Finally, the predictions of these trained models are then combined using a majority voting mechanism to yield a final prediction.
4 Experiments an results
The experiments are designed to explore and answer the following questions, which will help in validating the effectiveness of the proposed modules:
-
Q1. Is DSTG more effective than the state-of-the-art method?
-
Q2. Is GSL effective for constructing correlations between multiple variables?
-
Q3. What is the contribution of each component to the DTG module?
4.1 Datasets and experimental setup
Datasets: The goal of our work is to predict the current wind turbine power using the weather conditions detected by each wind turbine and the internal state of the turbines. Accordingly, a dataset, XGWP, was collected from the Zhangjiakou wind farm energy storage company operated by China Xuji Group. The dataset includes data from 8 doubly-fed turbines, each rated at 2.0 MW. The data are mainly divided into two primary parts: historical meteorological data, turbine data and historical power data. 1) The first part is the numerical weather data, collected from the wind farm’s anemometer tower and calibrated with historical weather forecast data. 2) The second part comprises turbine status data and power output data obtained from the wind farm’s Supervisory Control And Data Acquisition (SCADA) system. The dataset spans the period from July 4, 2020, to December 31, 2020, and includes data from each turbine sampled at 10-minute intervals, yielding 25,920 valid records. For more details on the XGWP dataset, refer to Table 1. For a fair comparison, the same preprocessing procedures and operations as outlined in the code3 are followed to analyze zero values, missing data, unknown data, and to perform anomaly detection. Additionally, XGWP is sequentially split into train, validation, and test datasets in chronological order by 150 days, 20 days, and 10 days, respectively, to predict future active power time series of length 288.
Column names and their definitions.
Experiment settings: DSTG is implemented using PyTorch and the Adam optimizer with a decay rate of 1 × 10−4 to mitigate over-fitting, with the training process consisting of 100 epochs. To ensure model stability, the initial learning rate is set to 1 × 10−4 and decayed gradually with the StepLR strategy. Each hidden layer utilized a dropout rate of 0.2. To smooth the historical power data and focus on data trends, the sliding window is applied with lengths of 576, 432, 288 and a stride of 10, respectively.
4.2 Evaluation metrics
To evaluate the prediction of DSTG, the final evaluation score for wind turbine i at time step t is calculated as the average of the Root Mean Square Error (RMSE) and Mean Absolute Error (MAE) of the prediction results,(15)where y and are the true and predicted wind power, respectively, and τ is the total prediction time-step number. The total score St is reported, i.e., the total prediction scores for all wind turbine scores . For testing, roll over the test dataset using the prediction window and report the average evaluation score. Additionally, the Mean Absolute Percentage Error (MAPE) [44] is reported to offer an intuitive measure of the prediction’s deviation from the actual power value.
4.3 Comparison with state-of-the-art methods (Q1)
To demonstrate the validity of DSTG, three categories of methods are compared using original settings from their respective papers. To maintain the fairness of the experimental results and ensure stability in validation, five identical experiments (with different random seeds) are performed on the XGWP dataset, and the evaluation indicator St is averaged to obtain the final results. Here, this paper uses the paired t-test at a 5% significance level to assess statistically significant differences between DSTG and other methods.
DSTG is compared with the following methods, as shown in Table 1, all of which use features such as Etmp, Wspd and Wdir as inputs.
GRU is a sequential prediction model that utilizes a single gating unit to concurrently regulate the forgetting factor and determine whether to update the state unit.
AutoFormer [25] is a decomposition architecture that performs dependency discovery and information aggregation at the sequence level by embedding sequence decomposition blocks as internal operators.
SCINet [42] combines downsampling, convolution and interaction in a hierarchical structure, employing varied convolution filters and iterative operations for handling information across multiple temporal scales.
GWNET [41] is a model that combines the concepts of GCNs and wavelet transforms to learn features in graph-structured data at multiple scales.
Ast-GCN [26] combines the spatio-temporal GCNs to capture spatial interactions and to construct features at each important time step.
RBCNN [21] is a two-step hybrid strategy, initially extracting features through variable mode decomposition, followed by transforming these features into images. It then applies modified residual-based CNNs for WPF.
DCRNN [38] is a data-driven model that combines diffusion convolutional layers and RNN layers to capture spatial dependencies and temporal dynamics in time series, enabling accurate predictions of future data.
AGCRN [39] combines node adaptive parameter learning and data-adaptive graph generation, enhancing GCNs for spatial correlation discovery and node pattern learning.
HSTTN [40] enhances WPF by integrating hierarchical temporal modeling, transformer-based spatio-temporal dependencies and contextual fusion blocks.
GCMCN [28] combines GCNs with multi-resolution CNNs, and enhances wind power forecasting by integrating spatial correlations and temporal dynamics.
Mic-LSTM [45] enhances WPF by denoising SCADA data with wavelet decomposition and selecting key features using the maximum information coefficient to train a LSTM network.
Mvmd-DNN [46] enhances WPF by integrating multivariate variational mode decomposition, elastic net variable selection and a hybrid neural network (CNN, BiLSTM and Attention) to capture the coupling between wind power series and multiple meteorological series.
Based on the results in Table 2, DSTG exhibits significant differences from other methods in both MAE and RMSE metrics, with p-values less than 0.05, indicating that the predictive performance of DSTG is statistically significantly better than the other methods. Moreover, Figure 3 shows the comparison between the predicted power curve and the actual power curve of our DSTG model, where the dashed and solid lines indicate the actual and predicted power curves, respectively. Particularly, the MAPE metrics between the predicted power and the true power for each method are shown in Table 2. The following conclusions can be drawn:
-
The RNN-based approaches outperform the CNN-based approaches by 2.68 scores, which is attributed to the fact that CNNs primarily focus on extracting local feature patterns and overlook the spatial characteristics of wind turbines. Additionally, the GCN-based method obtains lower MAPE scores and performs better in capturing spatial information, while the traditional CNN-based method is difficult to effectively capture the spatial structure in multivariate data. In particular, transformer-based spatio-temporal methods are less effective in wind power forecasting when the data are limited and lack periodicity. Similarly, RNN-based models are not well-suited for aggregating spatial features from all wind turbine data.
-
Compared with the single GCN-based approaches (e.g., GCMCN), our spatio-temporal GCN method attempts to exploit temporal information by learning and explicitly adjusting spatial information. It can fully exploit the spatio-temporal correlation of the data while alleviating the uncertainty caused by random variables, thus achieving better performance.
-
Importantly, our graph-based methods leverage spatial structure learning to alleviate the data dynamic problem with a stable optimization process. Figure 4 illustrates the optimization process of DSTG. It can be observed that constructing graph structures at a finer level facilitates the stable learning of relationships between multivariate, thus obtaining better performance.
Figure 4 Loss curves for the optimization process, including training and validation.
Figure 3 Diagram of real power and predicted power. |
Results comparisons between DSTG and other methods, where ST indicates spatio-temporal.
4.4 Ablation studies
In this section, the effects of model hyperparameters in DSTG will be systematically explored. Specifically, the impacts of the following factors are discussed:
-
the effectiveness of each proposed component.
-
the impact of recurrent-skip number.
-
the impact of node information aggregation manners.
4.4.1 Effectiveness of each proposed component (Q2)
The proposed DSTG framework comprises three key components: the graph structure learning (GSL) module, the dual scale temporal graph learning (DTG) module and the recurrent-skips (RS). To assess the impact of each component within DSTG, several variants have been designed for comparative analysis:
-
DSTG -w/o GSL a variant of DSTG with graph structure learning is removed from the framework, replacing it with a PCC-based adjacency matrix.
-
DSTG -w/o DTG a variant of DSTG, where no DTG module and all graph embeddings are fed directly into the fully-connected (FC) layer for prediction.
-
DSTG -w/o RS a variant of DSTG, where no recurrent-skips setting and all graph embeddings are fed directly into the LSTM layer for prediction.
Specifically, the DSTG model is compared with three of its variants. From the results shown in Table 3, our work finds that 1) each component has different contributions in different parts. The performance decreases after removing each component, demonstrating the complementary and necessity of these three components. 2) Comparing DSTG -w/o GSL with DSTG reveals that the joint learning of graph structure is beneficial to explore the shared correlation among the multivariate, thereby extracting relevant dynamic embeddings from latent variate attributes and separating specific spatial information. 3) By comparing DSTG -w/o DTG with DSTG, it can be verified that the association and fusion of graph convolution and LSTM significantly affect the performance of prediction. 4) DSTG -w/o RS significantly reduces the prediction performance of the model, suggesting that our recurrent-skips setup aggregates the information more efficiently and better captures the long-distance-dependent features for the WPF task.
Ablation studies of the components in DSTG.
4.4.2 Impact of different recurrent-skip length (Q3)
To examine the impact of the skip-connection component proposed in our work, an ablation study with varying skip lengths is conducted. The results of the experiments are presented in Figure 5.
Figure 5 Ablation study on recurrent-skips. |
It is evident that the performance of the model improves with an appropriate skip length, indicating the effectiveness of the skip-connection component. The incorporation of the recurrent-skip component significantly enhances the model’s performance, demonstrating its ability to capture both long-term and short-term temporal patterns in wind power data. Nevertheless, it is worth emphasizing that an excessively large number of connections may lead to information redundancy and potentially degrade the model’s performance. Hence, it is crucial to strike a balance and select an optimal skip length to achieve the best results.
4.4.3 Impact of node aggregation manners (Q3)
To assess the effectiveness of the GAL-cell design, a comprehensive ablation study is performed comparing DSTG with two simpler models: GCN+LSTM and GraphSAGE+LSTM. Specifically, temporal graph embeddings are acquired via GCN and GraphSAGE networks, which are subsequently fed into LSTM modules.
As depicted in Table 4, the results highlight the effectiveness of GAL-cell, validating our motivation to incorporate graph convolution into LSTM while considering the dynamic variation of the graph structure. This approach proves capable of modeling spatio-temporal dependencies in wind power data. Moreover, the ordinary GCN and GraphSAGE models ignore dynamic correlations among multivariate variables and do not effectively preserve the correlations that do exist. In contrast, GAL-cell adaptively retains correlations among multivariables, which helps alleviate the issues associated with the inherently stochastic nature of the wind power data.
Ablation study on combination different GCNs with LSTM.
4.5 Limitations of our work
The findings presented in this work consistently demonstrate the efficacy of the DSTG model. Nevertheless, there are three drawbacks: first, the dataset used is small and may not be able to fully optimize the parameters of the GSL module. It is suggested that future work could improve the performance of DSTG by incorporating a pre-training phase on a wider range of datasets. Second, the DTG module employs several recurrent-skips to capture variations in the different time-scales, which is effective but also increases computational cost. Additionally, it is crucial to consider factors such as the number of parameters and inference speeds related to real-time predictions in practical applications.
5 Conclusion and future work
This study introduces the Dynamic Spatio-Temporal Graph (DSTG) model, a novel framework designed for wind power forecasting that effectively captures spatio-temporal correlations and addresses the stochastic nature of wind power data. Our approach leverages dynamic graph embeddings to adapt to spatial-temporal dynamics, significantly enhancing prediction accuracy. The key components of our approach include: 1) Adaptive graph structure learning: This component dynamically integrates spatial information into the graph structure, continuously adjusting to changing data dynamics, which is crucial for accurate forecasting in volatile environments like wind power generation. 2) Dual-scale temporal graph learning: By capturing both micro and macro temporal dynamics, this module ensures a comprehensive understanding of time-dependent patterns, improving the model’s ability to forecast over varying time horizons. Our extensive experiments on the XGWP dataset show that DSTG performs significantly better than existing state-of-the-art methods. Specifically, DSTG achieved a 10.12% improvement in the average of root mean square error and mean absolute error compared to the best-performing existing methods. Notably, the flexibility of DSTG allows it to be applied not only to the dataset used in this study, but also suggests its potential for wider application in renewable energy forecasting. By directly addressing the core challenges in wind power forecasting, our model opens up new avenues for research in energy prediction, particularly in harnessing the power of graph-based learning mechanisms in other complex, dynamic systems. Future work will focus on exploring the integration of additional predictive variables to enhance its forecasting capabilities. Furthermore, practical considerations for implementing the DSTG framework in real-time wind power forecasting will be prioritized, particularly addressing latency and efficiency challenges. This includes optimizing model response times, implementing model compression techniques, and ensuring the framework can adapt to varying operational conditions to maintain robust performance in real-time scenarios.
Funding
This research is funded by the Science and Technology Project of State Grid Hebei Zhangjiakou Wind, Storage and Transmission New Energy Co.-(GWZJK2019).
Conflicts of interest
All authors declare that they have no competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.
The key symbols and their corresponding definitions are shown in the Appendix.
All of these formulas build on LSTMs [43].
References
- Deng X., Shao H., Hu C., Jiang D., Jiang Y. (2020) Wind power forecasting methods based on deep learning: A survey, Comput. Model. Eng. Sci. 122, 1, 273–302. [Google Scholar]
- Foley A.M., Leahy P.G., Marvuglia A., McKeogh E.J. (2012) Current methods and advances in forecasting of wind power generation, Renew. Energy 37, 1, 1–8. [CrossRef] [Google Scholar]
- Wang X., Guo P., Huang X. (2011) A review of wind power forecasting models, Energy Proc. 12, 770–778. [CrossRef] [Google Scholar]
- Wang H.Z., Li G.Q., Wang G.B., Peng J.C., Jiang H., Liu Y.T. (2017) Deep learning based ensemble approach for probabilistic wind power forecasting, Appl. Energy 188, 56–70. [CrossRef] [Google Scholar]
- Tastu J., Pinson P., Trombe P.J., Madsen H. (2013) Probabilistic forecasts of wind power generation accounting for geographically dispersed information, IEEE Trans. Smart Grid 5, 1, 480–489. [Google Scholar]
- Chen C., Liu H. (2020) Medium-term wind power forecasting based on multi-resolution multi-learner ensemble and adaptive model selection, Energy Convers. Manag. 206, 112492. [CrossRef] [Google Scholar]
- Landberg L. (1998) A mathematical look at a physical power prediction model, Wind Energy 1, 1, 23–28. [CrossRef] [Google Scholar]
- Chen P., Pedersen T., Bak-Jensen B., Chen Z. (2009) ARIMA-based time series model of stochastic wind power generation, IEEE Trans. Power Syst. 25, 2, 667–676. [Google Scholar]
- Wang Q., Liu W., Yu H., Zheng S., Gao S., Granelli F. (2019) CPAC: Energy-efficient algorithm for IoT sensor networks based on enhanced hybrid intelligent swarm, Comput. Model. Eng. Sci. 121, 1, 83–103. [Google Scholar]
- Milligan M., Schwartz M., Wan Y.H. (2003) Statistical wind power forecasting models: Results for US wind farms, NREL/CP-500-33956, National Renewable Energy Lab (NREL), Golden, CO (United States). [Google Scholar]
- Sideratos G., Hatziargyriou N.D. (2007) An advanced statistical method for wind power forecasting, IEEE Trans. Power Syst. 22, 1, 258–265. [CrossRef] [Google Scholar]
- Yuan X., Tan Q., Lei X., Yuan Y., Wu X. (2017) Wind power prediction using hybrid autoregressive fractionally integrated moving average and least square support vector machine, Energy 129, 122–137. [CrossRef] [Google Scholar]
- Adedipe T., Shafiee M., Zio E. (2020) Bayesian network modelling for the wind energy industry: An overview, Reliab. Eng. Syst. Saf. 202, 107053. [CrossRef] [Google Scholar]
- Sun W., Wang Y. (2018) Short-term wind speed forecasting based on fast ensemble empirical mode decomposition, phase space reconstruction, sample entropy and improved back-propagation neural network, Energy Convers. Manag. 157, 1–12. [CrossRef] [Google Scholar]
- Hu Q., Zhang S., Yu M., Xie Z. (2015) Short-term wind speed or power forecasting with heteroscedastic support vector regression, IEEE Trans. Sustain. Energy 7, 1, 241–249. [Google Scholar]
- Zeng J., Qiao W. 2011 Support vector machine-based short-term wind power forecasting, in: 2011 IEEE/PES Power Syst. Conf. Expos., IEEE, pp. 1–8. [Google Scholar]
- Liu H., Tian H.Q., Li Y.F. (2015) Four wind speed multi-step forecasting models using extreme learning machines and signal decomposing algorithms, Energy Convers. Manag. 100, 16–22. [CrossRef] [Google Scholar]
- Hong Y.Y., Rioflorido C.L.P.P. (2019) A hybrid deep learning-based neural network for 24-h ahead wind power forecasting, Appl. Energy 250, 530–539. [CrossRef] [Google Scholar]
- Liu X., Zhou J. (2024) Short-term wind power forecasting based on multivariate/multi-step LSTM with temporal feature attention mechanism, Appl. Soft Comput. 150, 111050. [CrossRef] [Google Scholar]
- Chen J., Zeng G.Q., Zhou W., Du W., Lu K.D. (2018) Wind speed forecasting using nonlinear-learning ensemble of deep learning time series prediction and extremal optimization, Energy Convers. Manag. 165, 681–695. [CrossRef] [Google Scholar]
- Yildiz C., Acikgoz H., Korkmaz D., Budak U. (2021) An improved residual-based convolutional neural network for very short-term wind power forecasting, Energy Convers. Manag. 228, 113731. [CrossRef] [Google Scholar]
- Yin H., Ou Z., Huang S., Meng A. (2019) A cascaded deep learning wind power prediction approach based on a two-layer of mode decomposition, Energy 189, 116316. [CrossRef] [Google Scholar]
- Liu H., Mi X., Li Y., Duan Z., Xu Y. (2019) Smart wind speed deep learning based multi-step forecasting model using singular spectrum analysis, convolutional Gated Recurrent Unit network and Support Vector Regression, Renew. Energy 143, 842–854. [CrossRef] [Google Scholar]
- Zhao Z., Yun S., Jia L., Guo J., Meng Y., He N., Yang L. (2023) Hybrid VMD-CNN-GRU-based model for short-term forecasting of wind power considering spatio-temporal features, Eng. Appl. Artif. Intell. 121, 105982. [CrossRef] [Google Scholar]
- Wu H., Xu J., Wang J., Long M. (2021) Autoformer: Decomposition transformers with auto-correlation for long-term series forecasting, Adv. Neural Inf. Process. Syst. 34, 22419–22430. [Google Scholar]
- Zhou H., Ren D., Xia H., Fan M., Yang X., Huang H. (2021) Ast-gnn: An attention-based spatio-temporal graph neural network for interaction-aware pedestrian trajectory prediction, Neurocomputing 445, 298–308. [CrossRef] [Google Scholar]
- Li H. (2022) Short-term wind power prediction via spatial temporal analysis and deep residual networks, Front. Energy Res. 10, 920407. [CrossRef] [Google Scholar]
- Song Y., Tang D., Yu J., Yu Z., Li X. (2022) Short-term forecasting based on graph convolution networks and multiresolution convolution neural networks for wind power, IEEE Trans. Ind. Inf. 19, 2, 1691–1702. [Google Scholar]
- Liu Z., Li M., Yang B., Wei H. (2022) Spatial wind power forecasting using a GRU-based model. Baidu KDD Cup, WindTeam CSU123. [Google Scholar]
- Wang S., Zhang N., Wu L., Wang Y. (2016) Wind speed forecasting based on the hybrid ensemble empirical mode decomposition and GA-BP neural network method, Renew. Energy 94, 629–636. [CrossRef] [Google Scholar]
- Hamilton W., Ying Z., Leskovec J. (2017) Inductive representation learning on large graphs, Adv. Neural Inf. Process. Syst. 30, 1025–1035. [Google Scholar]
- Veličković P., Cucurull G., Casanova A., Romero A., Lio P., Bengio Y. (2017) Graph attention networks, Stat 1050, 20, 10–48550. arXiv preprint arXiv:1710.10903. [Google Scholar]
- Bruna J., Zaremba W., Szlam A., LeCun Y. (2013) Spectral networks and locally connected networks on graphs, arXiv preprint arXiv:1312.6203. [Google Scholar]
- Defferrard M., Bresson X., Vandergheynst P. (2016) Convolutional neural networks on graphs with fast localized spectral filtering, Adv. Neural Inf. Process. Syst. 29, 3844–3852. [Google Scholar]
- Khodayar M., Wang J. (2018) Spatio-temporal graph deep neural network for short-term wind speed forecasting, IEEE Trans. Sustain. Energy 10, 2, 670–681. [Google Scholar]
- Bentsen L.Ø., Warakagoda N.D., Stenbro R., Engelstad P. (2022) May) Wind park power prediction: Attention-based graph networks and deep learning to capture wake losses, In J. Phys.: Conf. Ser 2265, 2, 022035. IOP Publishing. [CrossRef] [Google Scholar]
- Wu Z., Huang N.E. (2009) Ensemble empirical mode decomposition: a noise-assisted data analysis method, Adv. Adapt. Data Anal. 1, 1, 1–41. [CrossRef] [Google Scholar]
- Li Y., Yu R., Shahabi C., Liu Y. (2018) Diffusion convolutional recurrent neural network: Data-driven traffic forecasting, ICLR-2018. arXiv preprint arXiv:1707.01926. [Google Scholar]
- Bai L., Yao L., Li C., Wang X., Wang C. (2020) Adaptive graph convolutional recurrent network for traffic forecasting, Adv. Neural Inf. Process. Syst. 33, 17804–17815. [Google Scholar]
- Zhang Y., Liu L., Xiong X., Li G., Wang G., Lin L. (2023) Long-term wind power forecasting with hierarchical spatial-temporal transformer, IJCAI-2023, 6308–6316. arXiv preprint arXiv:2305.18724. [CrossRef] [Google Scholar]
- Xu B., Shen H., Cao Q., Qiu Y., Cheng X. (2019) Graph wavelet neural network, ICLR-2019. arXiv preprint arXiv:1904.07785. [Google Scholar]
- Liu M., Zeng A., Chen M., Xu Z., Lai Q., Ma L., Xu Q. (2022) Scinet: Time series modeling and forecasting with sample convolution and interaction, Adv. Neural Inf. Process. Syst. 35, 5816–5828. [Google Scholar]
- Yu Y., Si X., Hu C., Zhang J. (2019) A review of recurrent neural networks: LSTM cells and network architectures, Neural Comput. 31, 7, 1235–1270. [CrossRef] [Google Scholar]
- De Myttenaere A., Golden B., Le Grand B., Rossi F. (2016) Mean absolute percentage error for regression models, Neurocomputing 192, 38–48. [CrossRef] [Google Scholar]
- Liu Z.H., Wang C.T., Wei H.L., Zeng B., Li M., Song X.P. (2024) A wavelet-LSTM model for short-term wind power forecasting using wind farm SCADA data, Expert Syst. with Appl. 247, 123237. [CrossRef] [Google Scholar]
- Yang T., Yang Z., Li F., Wang H. (2024) A short-term wind power forecasting method based on multivariate signal decomposition and variable selection, Appl. Energy 360, 122759. [CrossRef] [Google Scholar]
- Alanazi M.A., Aloraini M., Islam M., Alyahya S., Khan S. (2023) Wind energy assessment using Weibull distribution with different numerical estimation methods: a case study, Eme. Sci. J. 7, 6, 2260–2278. [CrossRef] [Google Scholar]
- Bedewy B.A.H., Al-Timimy S.R.A. (2023) Estimate suitable location of solar power plants distribution by GIS spatial analysis, Civil Eng. J. 9, 5, 1217–1229. [CrossRef] [Google Scholar]
- Balal A.T., Jafarabadi Y.P.T., Demir A.T., Igene M.T., Giesselmann M.T., Bayne S.T. (2023) Forecasting solar power generation utilizing machine learning models in Lubbock, Eme. Sci. J. 7, 4, 1052–1062. [CrossRef] [Google Scholar]
- Sharma S., Sharma S., Athaiya A. (2017) Activation functions in neural networks, Towards Data Sci. 6, 12, 310–316. [Google Scholar]
- Van Laarhoven T. (2017) L2 regularization versus batch and weight normalization, arXiv preprint arXiv:1706.05350. [Google Scholar]
Appendix
A.1 Major symbols and definitions
As shown in Table A1, a list of key symbols along with their corresponding definitions is provided.
The major symbols and their definitions.
All Tables
Results comparisons between DSTG and other methods, where ST indicates spatio-temporal.
All Figures
Figure 1 Wind speed intensity for Turbine 1 over two consecutive days. The left graph represents the first two days, while the right graph shows the following two days. The horizontal axis indicates time (in min), and the vertical axis represents wind speed (in m/s). |
|
In the text |
Figure 2 The general framework of DSTG consists of two phases: ① The adaptive graph structure learning module is trained to acquire the dynamic spatial graph structure using the extracted features. ② Then, the dual scale temporal graph learning module is proposed to focus on the extraction of discriminative features by both the graph attention network and LSTM network with the recurrent-skips. |
|
In the text |
Figure 4 Loss curves for the optimization process, including training and validation. |
|
In the text |
Figure 3 Diagram of real power and predicted power. |
|
In the text |
Figure 5 Ablation study on recurrent-skips. |
|
In the text |
Current usage metrics show cumulative count of Article Views (full-text article views including HTML views, PDF and ePub downloads, according to the available data) and Abstracts Views on Vision4Press platform.
Data correspond to usage on the plateform after 2015. The current usage metrics is available 48-96 hours after online publication and is updated daily on week days.
Initial download of the metrics may take a while.