Next Article in Journal
The Effects of Experiential Quality on Restorative Experience and Subjective Well-Being: An Assessment of Urban Forest Visitors
Previous Article in Journal
New Energy Logistics Vehicle Promotion: A Tripartite Evolutionary Game Perspective
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Load Forecasting Model Based on Spatiotemporal Partitioning and Cross-Regional Attention Collaboration

1
College of Electrical Engineering and Control Science, Nanjing Tech University, Nanjing 211816, China
2
State Grid Shanghai Municipal Electric Power Company, Shanghai 200122, China
3
State Grid Integrated Energy Service Group Co., Ltd., Beijing 100052, China
*
Author to whom correspondence should be addressed.
Sustainability 2025, 17(18), 8162; https://doi.org/10.3390/su17188162
Submission received: 31 July 2025 / Revised: 4 September 2025 / Accepted: 8 September 2025 / Published: 10 September 2025
(This article belongs to the Special Issue Energy Conservation Towards a Low-Carbon and Sustainability Future)

Abstract

With the advancement of new power system construction, thermostatically controlled loads represented by regional air conditioning systems are being extensively integrated into the grid, leading to a surge in the number of user nodes. This large-scale integration of new loads creates challenges for the grid, as the resulting load data exhibits strong periodicity and randomness over time. These characteristics are influenced by factors like temperature and user behavior. At the same time, spatially adjacent nodes show similarities and clustering in electricity usage. This creates complex spatiotemporal coupling features. These complex spatiotemporal characteristics challenge traditional forecasting methods. Their high model complexity and numerous parameters often lead to overfitting or the curse of dimensionality, which hinders both prediction accuracy and efficiency. To address this issue, this paper proposes a load forecasting method based on spatiotemporal partitioning and collaborative cross-regional attention. First, a spatiotemporal similarity matrix is constructed using the Shape Dynamic Time Warping (ShapeDTW) algorithm and an adaptive Gaussian kernel function based on the Haversine distance. Spectral clustering combined with the Gap Statistic criterion is then applied to adaptively determine the optimal number of partitions, dividing all load nodes in the power grid into several sub-regions with homogeneous spatiotemporal characteristics. Second, for each sub-region, a local Spatiotemporal Graph Convolutional Network (STGCN) model is built. By integrating gated temporal convolution with spatial feature extraction, the model accurately captures the spatiotemporal evolution patterns within each sub-region. On this basis, a cross-regional attention mechanism is designed to dynamically learn the correlation weights among sub-regions, enabling collaborative fusion of global features. Finally, the proposed method is evaluated on a multi-node load dataset. The effectiveness of the approach is validated through comparative experiments and ablation studies (that is, by removing key components of the model to evaluate their contribution to the overall performance). Experimental results demonstrate that the proposed method achieves excellent performance in short-term load forecasting tasks across multiple nodes.

1. Introduction

In recent years, with the transformation of energy consumption structures and the deepening of power market reforms, the demand for refined power load forecasting has become increasingly prominent [1]. Especially against the backdrop of accelerated urbanization, the interaction between the physical topology of the power grid and diverse user electricity consumption behaviors has become increasingly close. The correlation of loads is not only reflected in the physical adjacency determined by the grid topology but also in the behavioral dependencies driven by similar lifestyles and work patterns. At the same time, these consumption behaviors are further influenced by factors such as temperature, forming dynamically evolving patterns. The interweaving of spatial correlations in the physical structure and temporal dependencies in behavior gives rise to complex spatiotemporal coupling characteristics [2]. Traditional methods are mostly limited to time series modeling for individual nodes, making it difficult to effectively capture the physical spatial correlations determined by the grid topology or the temporal dependencies driven by similar consumption behaviors [3,4]. This multidimensional characteristic poses new challenges for forecasting approaches.
Currently, research efforts targeting power system load forecasting can primarily be categorized into three types: statistical methods, machine learning methods, and deep learning methods [4]. Statistical methods include Auto-Regressive analysis [5], Exponential Smoothing Models [6], Kalman Filtering [7], Multiple Linear Regression [8], and Auto-Regressive Integrated Moving Average [9], among others. These methods have the advantage of effectively utilizing the linear correlations in time series data and feature relatively low computational complexity, making them suitable for handling load data with clear linear trends and seasonal characteristics [10]. In contrast, load forecasting methods based on machine learning and deep learning have been widely applied due to their effectiveness in capturing the complex nonlinear characteristics of power load data [11]. Ref. [12] proposes a short-term wind power forecasting model for large-scale multi-wind-farm systems based on enhanced global temporal and spatial feature extraction, which effectively addresses the issue of power fluctuations from grid-connected wind farms under conditions of high absolute prediction errors, thereby improving the stability of the power system. Ref. [13] proposes a short-term load spatiotemporal forecasting method based on Graph Neural Networks (GNN), which addresses the limitation in existing load forecasting studies where data dependencies are insufficiently captured due to the reliance on sequential input under Euclidean space assumptions. Ref. [14] proposes a novel short-term load forecasting method for new power systems based on the combination of Graph Convolutional Networks (GCN) and Long Short-Term Memory networks (LSTM), which takes multiple factors into account. This method effectively addresses the challenge of capturing both temporal dynamics and nonlinear relationships in multi-node load data. Ref. [15] proposed a dual-channel learner for the SpatioTemporal Graph Neural Network (STGNN) model to capture the complementary information of heterogeneous features, learning the unique contributions of different temporal components and combining dynamic traffic signals with spatiotemporal embeddings in a data-driven manner, enabling the model to dynamically extract dependencies in specific spatiotemporal contexts. However, when applying neural network models to large-scale multi-node load forecasting, the expansion of the number of nodes rapidly increases both the computational complexity and the risk of overfitting. It also intensifies the difficulty of effectively extracting spatiotemporal features, ultimately leading to a significant decline in forecasting performance.
To enhance the feasibility and effectiveness of multi-node joint forecasting, clustering-based node partitioning methods have become the mainstream solution for multi-node load forecasting. Ref. [16] proposes an integrated energy node clustering method based on multi-temporal-scale convolutional kernels, which groups similar load nodes to address the challenge of capturing complex patterns in load data across different time scales. Ref. [17] introduced a short-term load forecasting approach tailored to electricity market conditions was presented, which integrates real-time electricity prices. This approach adeptly captures the correlation between electricity prices and load demands, leading to enhanced forecasting accuracy. Ref. [18] presents a short-term wind power forecasting method based on Numerical Weather Prediction (NWP) data using a Sequence-to-Sequence (Seq2Seq) model. This approach applies the K-means algorithm to cluster loads, followed by individual forecasting using the Seq2Seq model. Ref. [19] proposed a Graph Convolutional Recurrent Neural Network for short-term residential load forecasting, demonstrating the effectiveness of graph-based models in capturing both temporal and spatial dependencies. Similarly, various hybrid models combining GCN, LSTM, and Spatiotemporal Graph Convolutional Networks (STGCN) have been applied to multi-node load forecasting, achieving better performance compared to traditional statistical methods. Beyond single-region modeling, researchers have recognized the importance of cross-region collaboration in large-scale load forecasting. Ref. [20] proposed a collaborative energy management framework for interconnected regional integrated energy systems, explicitly considering spatiotemporal dependencies. Ref. [21] further introduced a multi-space collaboration framework for optimal model selection in load forecasting, showing that collaborative strategies can enhance the robustness of the entire system. Ref. [22] demonstrated that collaborative forecasting of multiple energy loads in integrated systems based on feature extraction and deep learning can significantly improve predictive accuracy and reliability. Although the above-mentioned studies achieve grouped forecasting for multi-node loads through clustering methods, their partitioning strategies often consider only a single temporal scale or static spatial relationships, making it difficult to fully capture the complex spatiotemporal coupling characteristics. Moreover, the lack of effective cross-regional interaction mechanisms causes each partition to become an isolated information island, failing to capture the correlations between the divided regions.
To address the challenges in large-scale multi-node load forecasting, such as excessively high model complexity and the risk of overfitting caused by a rapid increase in the number of nodes, as well as insufficient consideration of temporal characteristics and spatial correlations in existing regional partitioning strategies and the lack of effective inter-regional association mechanisms after partitioning, this paper proposes a load forecasting method based on spatiotemporal partitioning and collaborative cross-regional attention. The innovative contributions of this study are mainly reflected in the following two aspects:
  • An improved spectral clustering partitioning method based on spatiotemporal comprehensive evaluation is constructed. By integrating the ShapeDTW algorithm with an adaptive spatial kernel function based on the Haversine distance, a comprehensive evaluation matrix is formed, which can simultaneously capture the similarity in load time series patterns and the geographical relationships among nodes. This evaluation matrix serves as the basis for spectral clustering, and the optimal number of partitions is adaptively determined by incorporating the Gap Statistic criterion. The proposed method provides a more discriminative partitioning foundation for multi-node load forecasting, significantly improving both partition quality and overall forecasting performance.
  • A regional collaborative forecasting method based on STGCN is constructed. A local STGCN is deployed in each sub-region to precisely extract intra-regional features. The cross-regional attention mechanism is then designed to achieve collaborative fusion of global information. By balancing the adaptability of regional models with the interaction of global features, the proposed method effectively improves the overall accuracy and stability of short-term load forecasting for multi-node systems.

2. Methodology

2.1. Overall Framework

In multi-regional power load forecasting tasks, traditional methods typically adopt a unified global modeling approach to capture the spatiotemporal correlations among all nodes. However, such methods have two notable limitations. First, as the regional scale increases, model complexity rises sharply, making it difficult to capture both global patterns and local details. Second, loads in different regions often exhibit significant spatial heterogeneity and temporal variability, which a single model cannot adequately represent. Moreover, simple regional partitioning methods that consider only spatial proximity neglect the temporal correlations among load sequences, potentially leading to partition results that do not align with the actual spatiotemporal evolution patterns. To overcome the aforementioned limitations, this paper proposes a load forecasting framework based on spatiotemporal partitioning and collaborative cross-regional attention, as illustrated in Figure 1. First, a comprehensive evaluation index is constructed based on temporal similarity and spatial proximity to achieve regional partitioning that reflects the spatiotemporal characteristics of the load. Second, the STGCN model is applied within each region to extract local features. At the same time, a cross-regional attention mechanism is introduced to learn global dependencies among regions, thereby alleviating the problem of information isolation between regional blocks. Finally, comprehensive comparative and ablation experiments are conducted on the load dataset. A thorough evaluation system is established using the Mean Absolute Error (MAE), Root Mean Square Error (RMSE), and coefficient of determination (R2) to systematically validate the effectiveness of the proposed method. This method effectively improves the forecasting accuracy of multi-node loads in complex power grids by combining local and global spatiotemporal feature learning, while also reducing the complexity of the graph structure.
The framework is composed of three sequential modules that systematically process spatiotemporal data to achieve high-accuracy load forecasting. The first module is the Regional Division Module based on Spatiotemporal Similarity, which is responsible for preprocessing the raw multi-node load data and partitioning the network. This module first constructs a comprehensive spatiotemporal similarity matrix based on time-series shape similarity (via the ShapeDTW algorithm) and geospatial proximity (via the Haversine distance). Then, it utilizes spectral clustering and the Gap Statistic method to objectively determine the optimal number of partitions, dividing the entire network into several sub-regions with highly homogeneous internal characteristics.
The second module is the Partition Collaborative Prediction Module, which serves as the core of the framework. Each partitioned sub-region, conceptualized as a “space-time extension map,” is fed into a dedicated SpatioTemporal Graph Convolutional Network (STGCN) to extract its local spatiotemporal features. Simultaneously, to address the “information island” problem caused by partitioning, this module designs a cross-regional attention mechanism to learn the correlation weights between different partitions, thereby enabling the collaborative fusion of global features.
The third module is the prediction results and evaluation indexes Module, used for the final display and validation of the model’s performance. Through the “Forecasting Results” chart, this module intuitively compares the fit of the prediction curves from the proposed method and various baseline models against the actual load curve. At the same time, the “Evaluation Indexes” section lists the mathematical formulas for three standard metrics used to quantify the model’s accuracy—namely, MAE, RMSE, and R2—to validate the effectiveness of the entire framework in a rigorous and transparent manner.

2.2. Regional Division Module Based on Spatiotemporal Similarity

2.2.1. Load Time Series Correlation Analysis Method Based on ShapeDTW

The traditional Dynamic Time Warping (DTW) algorithm is capable of finding the globally optimal alignment path between two time series. However, its main limitation lies in the insufficient consideration of local shape characteristics of the time series. As a result, the matching outcomes may sometimes lack practical interpretability. To address this issue, the ShapeDTW algorithm introduces local shape descriptions and incorporates structural information from the neighborhood of each time point into the dynamic programming process. Since power load sequences typically exhibit clear local characteristics, ShapeDTW is capable of capturing fine-grained patterns that are difficult for traditional DTW to handle. This allows for a more accurate representation of the true dynamic similarity, ultimately providing a solid basis for identifying nodes with similar consumption behaviors and performing reliable regional partitioning.
ShapeDTW defines a univariate time series T = ( t 1 , t 2 , , t L ) T ,   T L , ShapeDTW encodes the structural information in the neighborhood of time point t i using a shape descriptor d i m . In this way, the original real-valued sequence T = ( t 1 , t 2 , , t L ) T is transformed into a sequence of shape descriptors d = ( d 1 , d 2 , , d L ) T ,   d L × m with the same length. ShapeDTW then aligns the transformed multivariate shape descriptor sequence d using DTW. Finally, the alignment path of the shape descriptors is transferred to the alignment path of the original time series.
Given two univariate time series P = ( p 1 , p 2 , , p L P ) T , where P L P , and Q = ( q 1 , q 2 , , q L Q ) T , where Q L Q , let D P = ( d 1 P , d 2 P , , d L P P ) T with d i P m and D P L P × m , and D Q = d 1 Q , d 2 Q , , d L Q Q T with d i Q m and D Q L Q × m denote their corresponding shape descriptor sequences. The ShapeDTW alignment is equivalent to solving the following optimization problem:
D S h a p e D T W = arg min w ˜ P { 0 , 1 } L × L P , w ˜ Q { 0 , 1 } L × L Q w ˜ P d P w ˜ Q d Q 1 , 2
where w ˜ P and w ˜ Q are warping matrices for d P and d Q , respectively, and w ˜ P d P w ˜ Q d Q 1 , 2 denotes the l 1 / l 2 matrix norm. This multivariate time series alignment problem can be efficiently solved via dynamic programming, with a time complexity of O ( L P × L Q ) . The corresponding temporal correlation matrix is defined as:
R t ( i , j ) = 1 D S h a p e D T W ( P i , Q j ) max ( D S h a p e D T W )

2.2.2. Spatial Proximity

In power load forecasting, spatial proximity reflects the degree of geographical association between different nodes. This paper constructs a spatial proximity scoring matrix based on the latitude and longitude coordinates of nodes using a Gaussian kernel function, in order to quantify the spatial correlation among nodes.
Given two nodes i and j in a power system, with latitude and longitude coordinates ( lat i , lon i ) and ( lat j , lon j ) , respectively. The spatial proximity score R s i ,   j is calculated using the Haversine formula to compute the great-circle distance between the nodes, which takes into account the curvature of the Earth and is suitable for distance calculation based on latitude and longitude coordinates:
D geo ( i , j ) = 2 r arcsin sin 2 lat j lat i 2 + cos ( lat i ) cos ( lat j ) sin 2 lon j lon i 2
where r is the radius of the Earth (default value 6371 km), and lat and lon are expressed in radians.
To avoid manually setting the bandwidth parameter, the median of the distances between nodes is used as the adaptive bandwidth σs, enhancing the adaptability of the model:
σ s = median D geo ( i , j ) | i , j V , i j
where V denotes the set of all nodes; D geo ( i , j ) is the Haversine distance between node i and node j.
The spatial proximity matrix is finally obtained by mapping the geographical distances using a Gaussian kernel function:
R s ( i , j ) = exp D geo ( i , j ) 2 2 σ s 2
The spatial proximity score provides a reliable measure of spatial association for subsequent spatiotemporal joint clustering, and together with the temporal analysis based on ShapeDTW, forms a multi-dimensional evaluation basis for regional partitioning.

2.2.3. Spectral Clustering

Spectral clustering, as a nonlinear clustering method based on graph theory, is capable of effectively handling complex spatiotemporal correlation patterns in power load forecasting. Traditional clustering algorithms such as K-means exhibit clear limitations when dealing with non-convex distributed data, whereas spectral clustering can uncover the underlying manifold structure of the data by projecting it into a feature space. In this paper, the spectral clustering method is employed to integrate the temporal similarity extracted by the ShapeDTW algorithm with the spatial proximity based on geographical coordinates, thereby achieving a rational regional partitioning of power load nodes. Specifically, the Gaussian kernel function is first used to transform the spatiotemporal similarity measures into edge weights in the graph, constructing a joint spatiotemporal similarity matrix. Then, eigen-decomposition is performed on the normalized graph Laplacian matrix, and the eigenvectors corresponding to the K smallest eigenvalues are selected to form a low-dimensional embedding space. Finally, K-means clustering is applied in this low-dimensional space to obtain the final regional partitioning results [23].
Given N nodes in a power system, define the joint spatiotemporal similarity matrix W N × N :
W ( i , j ) = λ R t ( i , j ) + ( 1 λ ) R s ( i , j )
where λ is the weight coefficient for the temporal–spatial combination, set to 0.7 in this case. R t ( i , j ) is the temporal correlation matrix; R s ( i , j ) is the spatial proximity matrix.
In spectral clustering, the construction of the objective function is a core step, which measures the similarity relationships among samples by optimizing graph partitioning criteria. The schematic diagram of spectral clustering is shown in Figure 2. In this paper, a graph theory-based approach is adopted to quantify the correlation strength among load nodes by constructing a joint spatiotemporal similarity matrix. The design of the objective function follows the normalized cut criterion, aiming to maximize intra-cluster similarity while minimizing inter-cluster connections. Its mathematical formulation is as follows:
1 2 i = 1 n j = 1 n t = 1 k W ( i , j ) ( h i t h j t ) 2
where H n × k , and h i t is the element located at the i - th row and t - th column of matrix H; W ( i , j ) is the joint spatiotemporal similarity matrix defined in this paper. Let D be a diagonal matrix with its diagonal elements being the average similarity values between nodes, d k = 1 n i = 1 n W ( i , k ) . The above equation satisfies the constraint condition n H T D H = I k . Let F = n D 1 / 2 H , transforming the above equation into the following matrix form:
1 n t r F T L F
where L n × n is the Laplacian matrix, satisfying L = I n D 1 / 2 W D 1 / 2 , and F satisfies F T F = I k . The optimal solution for the above equation corresponds to the eigenvectors of the smallest k eigenvalues of L. Finally, the clustering indicator matrix is obtained as H = 1 n D 1 / 2 F , and standard k-means clustering algorithm is applied on H to obtain the final clustering results.

2.2.4. Optimal Partitioning with Gap Statistic

In spectral clustering, the choice of the preset number of clusters (k) directly affects the rationality of the partitioning. The traditional Elbow Method relies on subjective observation, whereas this paper adopts the Gap Statistic method, which objectively determines the optimal number of partitions by comparing with a statistical reference distribution.
The definition of Gap Statistic is:
Gap n ( k ) = E n * ( log ( d k ) ) log ( d k )
The E n * ( log ( d k ) ) here represents the expectation of log ( d k ) . The expected value of the eigenvalues is estimated by generating random sample sets of the same size as the original dataset and performing clustering analysis on them. Specifically, by averaging the eigenvalues of the Laplacian matrix for these random sample sets, an approximate value of the expected eigenvalue can be obtained. Subsequently, by calculating the Gap Statistic and determining the k value corresponding to its maximum value, the optimal number of clusters can be determined [24,25]. This method uses the distribution of eigenvalues from random samples to evaluate the clustering structure of the original data, thereby providing a basis for selecting an appropriate number of clusters. The basic idea of the Gap Statistic is:
E n * ( log d k ) = 1 B b = 1 B log ( d k b * )
Here, B is the number of sampling times, and d k b * is the k - t h eigenvalue of the b - t h random sample. The optimal k value is selected using the following formula:
w = 1 B b = 1 B log ( d k b * )
s k = 1 + B B 1 B b = 1 B log ( d k b * w ) 2
The smallest k value that satisfies the equation is selected as the optimal number of clusters.
Gap k Gap k + 1 s k + 1

2.3. Regional Collaborative Prediction Model Architecture

2.3.1. Subgraph Construction Based on Spatiotemporal Characteristics

Power load forecasting is a complex modeling problem with spatiotemporal coupling characteristics. Due to the evident spatial aggregation features of power consumption behavior, load nodes that are geographically close exhibit spatial correlations through both the physical connections in the power grid topology and the similarity in user electricity consumption patterns. This spatiotemporal coupling effect means that load forecasting must consider both the dynamic evolution over time and the spatial interdependencies. In this paper, multi-load forecasting within a region is modeled as a spatiotemporal graph node regression problem: each load node within the region is treated as a basic spatial node, with its historical load time series serving as node features. The edge weights of the graph are jointly determined by the power grid topological relationships and spatiotemporal similarities between nodes.
Based on the load node partitioning results obtained from the spatiotemporal clustering in the previous section, this section constructs a subgraph tailored to the characteristics of the power system, as shown in Figure 3. This section constructs a subgraph oriented towards the characteristics of power systems. The graph structure within each subregion uses G = ( V , E ) to achieve physical-data fusion representation, where the node set V = v 1 , v 2 , , v n inherits the spatiotemporally similar nodes from the clustering division, and n is the number of spatiotemporally similar nodes within the subregion. The edge set E = e 1 , e 2 , , e m is generated based on the power grid topology structure, representing the collection of edges between similar nodes, with m being the number of edges.
Figure 3 visually demonstrates the data modeling process of transforming the real-world, geographically embedded power grid into a standardized graph structure suitable for the STGCN model. The left panel shows the 20 load nodes and their physical topological connections overlaid on a geographical map of Chongqing. The right panel shows the abstracted graph structure, G = ( V , E ) , which removes the geographical context to represent the pure topological relationships. This abstract graph serves as the direct input for the model, enabling it to learn and capture the spatial dependencies between nodes.

2.3.2. Adjacency Matrix Generation

In power load forecasting, accurately modeling spatial dependencies between nodes is crucial for improving prediction accuracy. Traditional adjacency matrix construction methods often consider only a single spatial distance factor, neglecting the unique spatiotemporal coupling characteristics of load data. The propagation of power load is simultaneously influenced by both the physical topology of the power grid and the similarity in user electricity consumption patterns: geographically close nodes may exhibit similar load patterns due to overlapping power supply radii, while nodes that are farther apart but have similar consumption behaviors can also show correlations. Such complex spatial dependencies cannot be accurately captured by a single distance metric.
Therefore, for each node within a subregion, we construct a weighted adjacency matrix that reflects the spatiotemporal dependencies of the region by comprehensively considering both spatial proximity and temporal similarity of load patterns. This matrix not only incorporates geographical distance information between nodes but also integrates the similarity features of load curves quantified using the DTW algorithm. The elements of the intra-region adjacency matrix can be expressed as:
A i j l o c a l = exp D geo ( i , j ) 2 2 σ s 2 exp γ D ShapeDTW 2 ( i , j ) , if   j N k ( i ) 0 , otherwise
In the formula, D geo ( i , j ) represents the Haversine geographical distance between nodes i and j; σ s is the self-adaptive bandwidth; D ShapeDTW  is the time-series distance of load curves calculated using the ShapeDTW algorithm; γ is the scaling factor, which is set to 1 in this case. Simultaneously, the adjacency matrix undergoes sparsification processing: N k ( i ) denotes the k-nearest neighbor set of node i, based on the combined distance D joint = λ D g e o + ( 1 λ ) D S h a p e D T W . Additionally, the weights of non-neighbor nodes are forcibly set to zero to ensure the sparsity of the matrix.
Global spatial associations between different subregions are dynamically learned through a cross-region attention mechanism, avoiding information loss caused by traditional fixed connection methods. The inter-region connection matrix can be expressed as:
A m n global = softmax ( h m W Q ) ( h n W K ) d
Among them, h m W Q is the query vector of the attention mechanism Q m , which represents the feature of subregion m; h n W K is the key vector of the attention mechanism K n , which represents the feature of subregion n; h m is the spatiotemporal feature of subregion m; and d is the feature dimension.

2.3.3. STGCN-Attention Hybrid Model

The STGCN is specifically designed for handling load forecasting problems with spatiotemporal dependencies by integrating GCN and Temporal Convolutional Networks (TCN). Among these, the GCN layer is responsible for capturing spatial dependencies, while the TCN layer is tasked with extracting temporal patterns. The schematic of the STGCN principle is shown in Figure 4.
The GCN layer captures spatial dependencies through graph convolution operations:
H spatial = σ D ˜ 1 2 A ˜ D ˜ 1 2 H W G
In the formula, A ˜ = A + I represents the adjacency matrix with added self-connections, D ˜ is the corresponding degree matrix, and W G is the trainable parameter. The TCN layer utilizes dilated causal convolutions to extract multi-scale temporal features:
H temporal = tanh ( W 1 X ) σ ( W 2 X )
Among them, ∗ represents the dilated convolution operation, ⊙ is the Hadamard product, and the gating mechanism effectively controls information flow.
However, traditional STGCN faces two major challenges when dealing with large-scale power grids: one is that the number of edges in the graph structure grows quadratically with the number of nodes, leading to a sharp increase in model training complexity; the other is that uniform connection weights fail to reflect the actual spatial correlation strength between regions. To address these issues, this paper proposes a hierarchical spatiotemporal graph convolution method, which solves the aforementioned problems through regional modeling and global feature enhancement based on an attention mechanism.
Mathematical Expression of the Hierarchical Spatiotemporal Graph Convolution Layer:
H l + 1 = σ ( A local H l W l + A global H l W g )
Here, H l is the node feature matrix of the l - t h layer; A local is the intra-partition adjacency matrix; A global is the inter-partition attention connection matrix; W l and W g are the learnable parameter matrices for local and global feature transformations, respectively; σ ( ) is the nonlinear activation function ReLU. Among them, A local H l W l ensures that the topological connections between nodes within a partition and the similarity of regional load fluctuations strictly adhere to the rules; A global H l W g dynamically learns the potential long-range dependencies between partitions through an attention mechanism, effectively compensating for the shortcomings of fixed formula matrices in modeling complex spatial correlations. The attention mechanism diagram is shown in Figure 5.

3. Examples Analysis

3.1. Experimental Setup

The sample data in this study were obtained from Chongqing, China. We collected the load data of 17,700 building air-conditioning users (including commercial and residential) across the city from 2 September to 8 September 2024, with a sampling interval of 15 min. To facilitate modeling at a regional level, this extensive user data was aggregated into 20 nodes, each representing a regional power supply substation. Therefore, each of the 20 nodes studied in this paper represents the aggregated air conditioning load of a specific region, containing 672 data entries per node. The specific regional node distribution is shown in Figure 6. To evaluate the performance of the proposed method in load forecasting tasks, load power is selected as the sole input feature for the prediction model (without including meteorological or other features). To ensure effective model learning and meet both optimization and evaluation requirements, the dataset is split into training, validation, and test sets in a ratio of 7:1:2, aiming to improve the stability and reliability of the predictions.
The proposed model is built using the Python 3.11 environment and the PyTorch 2.7.0 framework, and runs on hardware equipped with a Core(TM) i5-13500HX CPU (2.50 GHz) and 8 GB of memory. The entire model training time is controlled within 30 min. Since there is currently no well-established theoretical guidance for hyperparameter selection, this paper sets the initial parameters empirically; they were fine-tuned based on model performance during experimentation. After multiple trials, the selected hyperparameters are summarized in Table 1.

3.2. Evaluating Indicator

In this paper, the evaluation metrics for the model include the MAE, RMSE, and R2. Smaller values of MAE and RMSE, and an R2 value closer to 1 indicate a smaller deviation between the predicted and actual values, implying higher prediction accuracy of the model. The mathematical expressions are shown in Equations (18)–(20).
M A E = 1 n i = 1 n | y i y i |
R M S E = 1 n i = 1 n y i y i 2
R 2 = 1 i = 1 n ( y i y i ) 2 i = 1 n ( y i y i ¯ ) 2
In the formula, n represents the number of data points, y i represents the actual value, y i represents the predicted value, and y i ¯ represents the average of the actual values.

3.3. Analysis of Regional Partitioning Rationality

To address the challenges of high graph structural complexity and difficulty in modeling spatiotemporal feature coupling in large-area, multi-node load forecasting, this paper proposes a load forecasting method based on collaborative spatiotemporal partitioning and cross-region attention mechanisms. First, the ShapeDTW algorithm is employed to calculate the temporal similarity matrix of user load curves, accurately capturing the similarity in consumption patterns among different users, especially with strong identification capability for phase shifts and local fluctuation patterns. Second, an adaptive Gaussian kernel function based on Haversine distance is constructed to model spatial proximity by incorporating user geographical locations. Then, spectral clustering is applied to perform load regional partitioning based on the weighted fusion matrix of the spatiotemporal similarity matrix. This approach not only effectively reduces the complexity of the entire graph structure but also ensures that users within the same partition share highly similar spatiotemporal characteristics. This provides a structurally rational and feature-consistent data foundation for the subsequent partition-based STGCN forecasting model.
This paper applies spectral clustering combined with spatiotemporal correlation analysis to perform spatiotemporal regional partitioning of electricity users in Chongqing. The Gap Statistic method is used for optimal partition decision-making, where the Gap value and standard deviation Sk are calculated to determine the optimal number of partitions. The results of the Gap Statistic are shown in Table 2.
The Gap statistic in the table reflects the difference in log-dispersion between the actual data and the reference distribution, with larger values indicating higher significance of the clustering structure. The Sk index, on the other hand, characterizes the stability of the Gap value. A smaller Sk indicates lower dispersion in the reference distribution, ensuring that the comparison results based on Gap are statistically significant. As shown in the table, when k = 4, the system simultaneously satisfies the following two optimal conditions: (1) Gap(k) reaches the global maximum of 0.7977; (2) The corresponding Sk value achieves the minimum of 0.1443. This indicates that dividing the power consumption areas into four regions not only maximizes the spatiotemporal similarity within regions but also ensures the stability of the partitioning result. Figure 7 shows the optimal partitioning result when k = 4.
To systematically evaluate the effectiveness of the spatiotemporal coupled partitioning method proposed in this paper, a comparative experiment is designed as follows: Traditional spectral clustering (considering only spatial distance) and the regional partitioning method proposed in this paper (integrating ShapeDTW temporal similarity and Haversine spatial distance) are, respectively, employed. The number of partitions is set to K∈{3,4,5}, and prediction performance across multiple scenarios is compared using the forecasting model.
Table 3 presents a comparative analysis of the air conditioning load forecasting performance for typical nodes in commercial and office areas. The load curve exhibits a typical “double-peak and double-valley” daily cycle pattern (morning peak: 09:00–13:30, evening peak: 15:00–19:30). Experimental results demonstrate that the proposed Spatiotemporal Spectral Clustering (STSC) method achieves significant performance improvement under the optimal partition number k = 4. The RMSE, MAE, and R2 are 831.629 kW, 605.7206 kW, and 0.9899, respectively. Compared to the traditional spectral clustering (SC) method, RMSE is reduced by 46.0%, MAE by 53.5%, and R2 is improved by 2.16%. Moreover, the STSC method consistently demonstrates superior performance across all tested partition numbers (k = 3,4,5). Specifically, when k = 3 and k = 5, the RMSE is reduced by 48.9% and 55.2%, respectively, while MAE is reduced by 54.8% and 52.6%, respectively. As shown in Figure 8, during the peak load periods with the most intense fluctuations, the STSC method with k = 4 still maintains excellent prediction accuracy. This optimal partitioning result aligns with the previous Gap Statistic analysis, where the Gap value reached its maximum of 0.7977 and the Sk value reached its minimum of 0.1443 at k = 4. This consistency validates the effectiveness of the spatiotemporal correlation-based partitioning method proposed in this paper.
Figure 9 illustrates the comparison of prediction performance for 20 nodes under different partitioning strategies. In this three-dimensional line chart, the x-axis represents node numbers (1–20), the y-axis shows the R2 score, and the z-axis compares the proposed method with the traditional spectral clustering method across different numbers of partitions. Specific results are presented in Table 4: Across all partition numbers, the R2 curves of the proposed method (represented by red, green, and yellow lines) are significantly higher than those of the traditional spectral clustering method (represented by gray, blue, and purple lines), with an average improvement of 3.142%. When k = 4, the R2 curve of the proposed method exhibits the best stability characteristics and compared to the proposed method with 3 or 5 partitions, it shows an average improvement of 0.698% and 0.641%, respectively. These experimental data fully demonstrate that the proposed method not only achieves optimal overall performance at the optimal partition number (k = 4) but also maintains stable prediction accuracy across various nodes. Meanwhile, the complete data of the 20 regions’ indicators have been placed in Table A1 in Appendix A.

3.4. Prediction Performance Comparison

To systematically evaluate the performance advantages of the spatiotemporal partitioning and global feature enhancement-based STGCN model proposed in this paper for multi-region short-term load forecasting, comparative and ablation experiments were designed for both the regional partitioning method and the global feature-enhanced prediction model. The results of the ablation study and the performance of various prediction methods on evaluation metrics are shown in Table 5 and Figure 10. Table 5 and Figure 10 present a comparative analysis of the load forecasting performance for Node 1. As shown in the table, the proposed method achieves the best performance. This result demonstrates that both the spatiotemporal partitioning and the global attention mechanism are effective at improving forecasting accuracy in multi-region tasks. Specifically, after introducing the STSC method, the RMSE and MAE metrics improved by 27.75% and 32.71%, respectively; after incorporating the global attention mechanism, the RMSE and MAE metrics improved by 29.56% and 33.83%, respectively. The STGCN model with global feature enhancement through cross-region attention mechanisms outperforms the single STGCN model in forecasting tasks, validating the effectiveness of the global feature enhancement strategy applied to partitioned loads. In addition, compared with traditional single forecasting models for multi-region short-term load forecasting, the proposed method demonstrates significant improvements in RMSE and MAE metrics, achieving average improvements of 53.66% and 57.69%, respectively, further confirming the overall effectiveness of the proposed method.
To comprehensively evaluate the consistency of the model’s prediction performance across individual nodes, this paper conducts comparative and ablation experiments on 20 load nodes, with evaluation metrics shown in Figure 11. Meanwhile, the R2 indicator data for each region has been placed in Table A2 in Appendix A. The proposed method maintains stable R2 performance across all nodes, with an R2 range of [0.9635, 0.9920]. The standard deviation of R2 across regions is only 0.0081, which is one-fourth that of the STGCN method. Even for Node 18, where the prediction performance is the lowest, the proposed method still outperforms all comparison methods. Meanwhile, removing the spatiotemporal partitioning mechanism leads to a performance drop of more than 8% in Region 2/17, and disabling the attention mechanism increases the fluctuation by 37% in Region 7/19. These results fully demonstrate that the combination of the spatiotemporal partitioning strategy and the cross-region attention mechanism enables the proposed method to achieve better spatial uniformity and stability, providing a reliable solution for load forecasting in complex power grid environments.

4. Conclusions

To overcome the limitations of traditional models in regional multi-node short-term load forecasting, where a single global graph structure is adopted, this paper proposes a load forecasting method based on spatiotemporal partitioning and cross-region attention mechanisms. Such traditional approaches fail to accurately capture the spatiotemporal heterogeneity across different regions and neglect inter-regional dependencies in load patterns, leading to information isolation and prediction distortion between regions. Through a case study involving 20 air conditioning load nodes in Chongqing, the effectiveness of the proposed method is verified, and the following conclusions are drawn:
  • An integrated similarity matrix is constructed by combining the temporal correlation matrix based on ShapeDTW and the spatial proximity matrix, which, together with spectral clustering and Gap Statistic for adaptive determination of the optimal number of partitions, enables the division of load nodes into multiple sub-regions with high spatiotemporal similarity. This approach transforms a single complex graph structure into several simpler ones, effectively reducing graph complexity while enhancing regional homogeneity. Comparative ablation experiments validate the effectiveness of the method. The spectral clustering model based on the spatiotemporal partitioning strategy achieves an average improvement of 3.142% in the R2 metric across 20 nodes compared to the traditional spectral clustering model.
  • The synergistic effect of partitioned STGCN and cross-region attention mechanisms effectively addresses the issue of “information islands” and insufficient inter-regional dependencies, significantly improving both prediction accuracy and stability. Verified through comparative ablation experiments, the proposed method achieves an average improvement of 3.563% in the R2 metric across 20 nodes compared to traditional models. The proposed model demonstrates high balance and stability, with an R2 distribution range of [0.9635, 0.9920] and a standard deviation only one-fourth that of the traditional STGCN model. The regional partitioning strategy effectively mitigates the negative impact of complex graph structures on local prediction accuracy, while the cross-region attention module suppresses error propagation across regions, ensuring balanced and stable prediction performance across all nodes.

Author Contributions

Conceptualization, X.D., R.Y. and J.L.; methodology, R.Y.; software, X.D., R.Y. and J.L.; validation, Z.D., C.Z. and C.X.; formal analysis, X.D. and R.Y.; investigation, Z.D., C.Z. and C.X.; data curation, X.D. and R.Y.; writing—original draft preparation, X.D. and R.Y.; writing—review and editing, C.Z., C.X. and J.L.; visualization, X.D., R.Y. and J.L.; project administration, X.D. and J.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was financially supported by the Science and Technology Projects from the State Grid Corporation of China (Research and application on multi-temporal adjustable load of normal marketization participating in grid interactive technology, No.:5400-202317586A-3-2-ZN).

Data Availability Statement

The datasets presented in this article are not readily available because the data are part of an ongoing study. Requests to access the datasets should be directed to the State Grid Corporation of China.

Conflicts of Interest

Author Zhenlan Dou was employed by the company State Grid Shanghai Municipal Electric Power Company. Author Chunyan Zhang was employed by the company State Grid Shanghai Municipal Electric Power Company. Author Chen Xu was employed by the company State Grid Integrated Energy Service Group Co. LTD. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest. The authors declare that this study received funding from the Science and Technology Projects from the State Grid Corporation of China (Research and application on multi-temporal adjustable load of normal marketization participating in grid in-teractive technology, No.:5400-202317586A-3-2-ZN). The funder had the following involvement with the study: “provided the research data”.

Appendix A

Table A1. R2 Metric for Validating Partition Rationality.
Table A1. R2 Metric for Validating Partition Rationality.
RegionSC (3 Regions)STSC (3 Regions)SC (4 Regions)Proposed:
STSC (4 Regions)
SC (5 Regions)STSC (5 Regions)
10.95500.96010.95170.98990.96740.9810
20.96380.98440.96400.99200.95320.9882
30.97370.98490.95200.98840.96090.9905
40.91080.94730.97460.98840.97660.9761
50.96930.98830.96290.97450.95510.9707
60.95110.98700.96710.98810.93330.9332
70.94480.99110.94260.99140.93680.9851
80.94830.96820.95410.97860.93730.9890
90.93850.98950.95290.98780.98610.9778
100.96080.98190.93800.98040.96390.9721
110.96670.95230.94210.98790.97600.9785
120.96910.99270.92980.96990.94210.9786
130.90670.98230.95330.98980.90480.9913
140.96950.97830.98350.98630.96720.9634
150.94270.97950.93320.97830.86570.9898
160.94240.97930.94590.97750.94160.9907
170.89960.98180.91800.99150.89830.9307
180.94750.98750.94520.96350.93340.9797
190.96110.93570.96900.98880.94540.9879
200.97260.97980.97660.97930.95790.9886
Table A2. R2 Metric for Ablation Study.
Table A2. R2 Metric for Ablation Study.
RegionProposedSTSC-GCN-AttentionSTSC-STGCNSTSC-GCNSTSC-InformerSTSC-TCNSTGCNGCNInformerTCN
10.98990.97580.98000.96650.96920.96370.95530.95000.93780.9395
20.99200.98990.92450.96580.95170.95870.97000.93940.95580.8878
30.98840.96880.94400.83440.94770.95580.86290.96000.96690.9098
40.98840.97990.92020.94170.87140.93000.89400.94980.97440.8966
50.97450.94450.92370.89630.96080.95220.95920.95650.95750.8868
60.98810.95350.94570.93250.91860.92490.94960.97620.94330.9161
70.99140.97810.98150.98110.94950.93670.99050.90530.95710.9820
80.97860.98880.96170.98400.94270.95870.96850.90130.94850.9817
90.98780.98140.97980.98900.93920.96730.96270.93460.95050.9795
100.98040.97860.97350.97560.96890.97630.96950.91770.96000.9767
110.98790.98780.97980.96420.98350.97790.95390.92530.89030.9208
120.96990.97200.98230.98460.98220.97620.98000.92010.86880.9658
130.98980.98840.95300.99090.95660.97810.98900.91480.90160.9752
140.98630.97980.97510.92800.98280.97530.91450.91230.90720.9225
150.97830.97630.92480.96620.96500.94700.96210.93170.89320.9462
160.97750.97830.90390.97620.97590.93290.97470.89600.96520.9477
170.99150.93540.91870.97510.97170.95760.96290.92210.93250.9630
180.96350.95930.92640.95190.96970.94850.93160.92390.91960.9143
190.98880.97750.97310.95500.97290.95070.95920.95160.93610.9544
200.97930.98040.95350.97120.96730.96340.92140.93830.93550.8912

Appendix B

Table A3. Important symbol definitions.
Table A3. Important symbol definitions.
SymbolDefinition
ShapeDTW · The Shape Dynamic Time Warping algorithm, used to calculate the structural similarity between two time series
T = ( t 1 , t 2 , , t L ) T Univariate time series
D geo ( i , j ) The Haversine distance (great-circle distance) between node i and node j
rThe radius of the Earth, with a default value of 6371 km
R t ( i , j ) Temporal correlation matrix
σ s The adaptive bandwidth for the Gaussian kernel function, taken as the median of the distances between all nodes
( lat j , lon j ) The latitude and longitude coordinates of a node, expressed in radians
R s ( i , j ) The spatial proximity matrix
W ( i , j ) Spatiotemporal joint similarity matrix
LLaplacian matrix
HClustering indicator matrix
kThe preset number of clusters
αThe weight coefficient for the temporal-spatial combination, set to 0.7 in this paper
Gap ( k ) The Gap Statistic, used to determine the optimal number of clusters
E n * ( log ( d k ) ) The   expectation   of   log ( d k ) , estimated by clustering random sample sets
BThe number of sampling times for calculating the Gap Statistic
s k The standard deviation of the Gap value, which characterizes its stability
V = v 1 , v 2 , , v n Node matrix set
nThe number of spatiotemporally similar nodes within a sub-region; also, the number of data points for evaluation metrics
mThe number of edges within a sub-region
A m n global Interval-based connection matrix
h m W Q Query vector in the attention mechanism
H l + 1 Hierarchical spatiotemporal graph convolutional layer
σ ( ) The nonlinear activation function ReLU
Table A4. Abbreviation definitions.
Table A4. Abbreviation definitions.
AbbreviationFull Name
ShapeDTWShape Dynamic Time Warping
STGCNSpatiotemporal Graph Convolutional Network
GCNGraph Convolutional Network
TCNTemporal Convolutional Network
GNNGraph Neural Network
LSTMLong Short-Term Memory
DTWDynamic Time Warping
STLFShort-Term Load Forecasting
NWPNumerical Weather Prediction
Seq2SeqSequence-to-Sequence
SCSpectral Clustering
STSCSpatiotemporal Spectral Clustering
MAEMean Absolute Error
RMSERoot Mean Square Error
R2Coefficient of Determination

References

  1. Wang, W.; Chen, Y.; Xiao, C.; Yang, Y.; Yao, J. Design of short-term load forecasting method considering user behavior. Electr. Power Syst. Res. 2024, 234, 110529. [Google Scholar] [CrossRef]
  2. Zhu, L.; Liu, J.; Hu, C.; Zhi, Y.; Liu, Y. Analysis of Electricity Consumption Pattern Clustering and Electricity Consumption Behavior. Energy Eng. 2024, 121, 2639–2653. [Google Scholar] [CrossRef]
  3. Shang, Q.; Zhang, Q.; Ju, C.; Zhou, Q.; Yang, Z. A unified traffic flow prediction model considering node differences, spatio-temporal features, and local-global dynamics. Phys. A Stat. Mech. Its Appl. 2025, 667, 130554. [Google Scholar] [CrossRef]
  4. Wang, Y.; Hao, Y.; Zhao, K.; Yao, Y. Stochastic configuration networks for short-term power load forecasting. Inf. Sci. 2025, 689, 121489. [Google Scholar] [CrossRef]
  5. Wang, Q. The characteristic analysis and forecasting of mid-long term load based on spatial autoregressive model. J. Northeast. Dianli Univ. 2021, 41, 118–123. [Google Scholar] [CrossRef]
  6. Hu, Y.; Qu, B.; Wang, J.; Liang, J.; Wang, Y.; Yu, K.; Li, Y.; Qiao, K. Short-term load forecasting using multimodal evolutionary algorithm and random vector functional link network based ensemble learning. Appl. Energy 2021, 285, 116415. [Google Scholar] [CrossRef]
  7. Zhao, F.; Sun, B.; Zhang, C. Cooling, heating and electrical load forecasting method for CCHP system based on multivariate phase space reconstruction and Kalman filter. Proc. CSEE 2016, 36, 399–406. [Google Scholar] [CrossRef]
  8. Amral, N.; Ozveren, C.S.; King, D. Short term load forecasting using multiple linear regression. In Proceedings of the 2007 42nd International Universities Power Engineering Conference, Brighton, UK, 4–6 September 2007; IEEE: New York, NY, USA, 2008; pp. 1192–1198. [Google Scholar] [CrossRef]
  9. Mai, H.; Xiao, J.; Wu, X.; Chen, C. Research on ARIMA model parallelization in load prediction based on R language. Power Syst. Technol. 2015, 39, 3216–3220. [Google Scholar] [CrossRef]
  10. Li, Y.; Wang, H.; Huang, X.; Hao, J.; Lei, W.; Wang, Q. Short-term power load forecasting in distribution networks considering human comfort level. Front. Energy Res. 2025, 13, 1514755. [Google Scholar] [CrossRef]
  11. Wang, Y.; Chen, J.; Chen, X.; Zeng, X.; Kong, Y.; Sun, S. Short-term load forecasting for industrial customers based on TCN-LightGBM. IEEE Trans. Power Syst. 2021, 36, 1984–1997. [Google Scholar] [CrossRef]
  12. Huang, N.; Li, B.; Sun, H.; Wang, Y.; Cai, G.; Zhang, L. Short-term Prediction of Wind Power in Wide-area Multi-wind Farms with Enhanced Time-space Characteristics. Power Syst. Technol. 2025, 49, 3688–3698. [Google Scholar] [CrossRef]
  13. Wang, S. Short-Term Load Temporal-Spatial Forecasting Based on Graph Neural Networks. Master’s Thesis, Northeast Electric Power University, Jilin, China, 2023. [Google Scholar]
  14. Chen, H.; Zhu, M.; Hu, X.; Wang, J.; Sun, Y.; Yang, J. Research on short-term load forecasting of new-type power system based on GCN-LSTM considering multiple influencing factors. Energy Rep. 2023, 9, 1022–1031. [Google Scholar] [CrossRef]
  15. Wang, P.; Feng, L.; Zhu, Y.; Wu, H. Hybrid spatial–temporal graph neural network for traffic forecasting. Inf. Fusion 2025, 118, 102978. [Google Scholar] [CrossRef]
  16. Cao, J.E.; Liu, C.; Chen, C.-L.; Qu, N.; Xi, Y.; Dong, Y.; Feng, R. A short-term load forecasting method for integrated community energy system based on STGCN. Electr. Power Syst. Res. 2024, 232, 110265. [Google Scholar] [CrossRef]
  17. Kong, X.; Zheng, F.; Zhijun, E.; Cao, J.; Wang, X. Short-term Load Forecasting Based on Deep Belief Network. J. Mod. Power Syst. 2018, 42, 133–139. [Google Scholar] [CrossRef]
  18. Zhang, Y.; Li, Y.; Zhang, G. Short-term wind power forecasting approach based on Seq2Seq model using NWP data. Energy 2020, 213, 118371. [Google Scholar] [CrossRef]
  19. Arastehfar, S.; Matinkia, M.; Jabbarpour, M.R. Short-term residential load forecasting using Graph Convolutional Recurrent Neural Networks. Eng. Appl. Artif. Intell. 2022, 116, 105358. [Google Scholar] [CrossRef]
  20. Zhao, W.; Chang, W.; Yang, Q. Collaborative energy management of interconnected regional integrated energy systems considering spatio-temporal characteristics. Renew. Energy 2024, 235, 121363. [Google Scholar] [CrossRef]
  21. Xian, H.; Che, J. Multi-space collaboration framework based optimal model selection for power load forecasting. Appl. Energy 2022, 314, 118937. [Google Scholar] [CrossRef]
  22. Wang, Z.; Duan, J.; Luo, F.; Qiu, X. Collaborative Forecasting of Multiple Energy Loads in Integrated Energy Systems Based on Feature Extraction and Deep Learning. Energies 2025, 18, 1048. [Google Scholar] [CrossRef]
  23. Zhao, J.; Itti, L. shapeDTW: Shape Dynamic Time Warping. Pattern Recognit. 2018, 74, 171–184. [Google Scholar] [CrossRef]
  24. Song, K.; Yao, X.; Nie, F.; Li, X.; Xu, M. Weighted bilateral K-means algorithm for fast co-clustering and fast spectral clustering. Pattern Recognit. 2021, 109, 107560. [Google Scholar] [CrossRef]
  25. Khan, I.K.; Daud, H.B.; Zainuddin, N.B.; Sokkalingam, R.; Naheed, N.; Janisar, A.A.; Inayat, A.; Rana, M.S. Standardization of expected value in gap statistic using Gaussian distribution for optimal number of clusters selection in K-means. Egypt. Inform. J. 2025, 30, 100701. [Google Scholar] [CrossRef]
Figure 1. Overall flowchart.
Figure 1. Overall flowchart.
Sustainability 17 08162 g001
Figure 2. Schematic diagram of spectral clustering.
Figure 2. Schematic diagram of spectral clustering.
Sustainability 17 08162 g002
Figure 3. Spatiotemporal information graph of load.
Figure 3. Spatiotemporal information graph of load.
Sustainability 17 08162 g003
Figure 4. The schematic of the STGCN principle.
Figure 4. The schematic of the STGCN principle.
Sustainability 17 08162 g004
Figure 5. Attention mechanism diagram.
Figure 5. Attention mechanism diagram.
Sustainability 17 08162 g005
Figure 6. Regional Node Distribution Map.
Figure 6. Regional Node Distribution Map.
Sustainability 17 08162 g006
Figure 7. Regional Partitioning Results.
Figure 7. Regional Partitioning Results.
Sustainability 17 08162 g007
Figure 8. Comparison of prediction performance under different partitioning strategies at a single node.
Figure 8. Comparison of prediction performance under different partitioning strategies at a single node.
Sustainability 17 08162 g008
Figure 9. Prediction Performance Comparison Across Nodes.
Figure 9. Prediction Performance Comparison Across Nodes.
Sustainability 17 08162 g009
Figure 10. Prediction Performance Schematic of Different Methods.
Figure 10. Prediction Performance Schematic of Different Methods.
Sustainability 17 08162 g010
Figure 11. R2 Metrics of 20 Regions for Various Methods.
Figure 11. R2 Metrics of 20 Regions for Various Methods.
Sustainability 17 08162 g011
Table 1. Parameter Settings.
Table 1. Parameter Settings.
Parameter NameParameter Value
Seq len96
Number of attention heads4
Epoch150
Batch size24
Patience15
OptimizerAdam
Learning rate0.001
Activation functionRELU
Loss functionMSE
Table 2. Gap Statistic Results.
Table 2. Gap Statistic Results.
kGapSk
30.57790.1617
40.79770.1443
50.75150.2332
Table 3. Prediction performance metrics under different partitioning strategies at a single node.
Table 3. Prediction performance metrics under different partitioning strategies at a single node.
Partitioning StrategyNumber of Divided RegionsIndex
RMSE (KW)MAE (KW)R2
SC32108.30171830.08890.9421
41541.13331301.58390.9690
52320.99041738.60110.9298
Proposed
(STSC)
31075.2232826.43820.9849
4831.6296605.72060.9899
51040.4775823.79870.9859
Table 4. Average R2 Metrics Across 20 Nodes Under Different Partitioning Strategies.
Table 4. Average R2 Metrics Across 20 Nodes Under Different Partitioning Strategies.
Partitioning StrategyNumber of Divided RegionsAverage R2
SC30.9497
40.9528
50.9451
Proposed (STSC)30.9766
40.9836
50.9771
Table 5. Performance Metrics of Predictions for Various Methods.
Table 5. Performance Metrics of Predictions for Various Methods.
MethodRMSE (KW)MAE (KW)R2
TCN2048.86921444.11060.9395
Informer2060.63761506.04540.9378
GCN1554.0343 1422.9149 0.9500
STGCN1633.9125 1360.4150 0.9553
STSC-TCN1540.0439 1071.3119 0.9637
STSC-Informer1524.3477 1050.3312 0.9692
STSC-GCN1343.7922 1021.9116 0.9665
STSC-STGCN1180.6844915.44810.9800
STSC-GCN-Attention1302.12421001.20710.9758
Proposed
(STSC-STGCN-Attention)
831.6296605.72060.9899
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

Dou, X.; Yang, R.; Dou, Z.; Zhang, C.; Xu, C.; Li, J. A Load Forecasting Model Based on Spatiotemporal Partitioning and Cross-Regional Attention Collaboration. Sustainability 2025, 17, 8162. https://doi.org/10.3390/su17188162

AMA Style

Dou X, Yang R, Dou Z, Zhang C, Xu C, Li J. A Load Forecasting Model Based on Spatiotemporal Partitioning and Cross-Regional Attention Collaboration. Sustainability. 2025; 17(18):8162. https://doi.org/10.3390/su17188162

Chicago/Turabian Style

Dou, Xun, Ruiang Yang, Zhenlan Dou, Chunyan Zhang, Chen Xu, and Jiacheng Li. 2025. "A Load Forecasting Model Based on Spatiotemporal Partitioning and Cross-Regional Attention Collaboration" Sustainability 17, no. 18: 8162. https://doi.org/10.3390/su17188162

APA Style

Dou, X., Yang, R., Dou, Z., Zhang, C., Xu, C., & Li, J. (2025). A Load Forecasting Model Based on Spatiotemporal Partitioning and Cross-Regional Attention Collaboration. Sustainability, 17(18), 8162. https://doi.org/10.3390/su17188162

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