Next Article in Journal
A Multi-Sensor Stochastic Energy-Based Vibro-Localization Technique with Byzantine Sensor Elimination
Previous Article in Journal
The Practical Application of Bio-Inspired PMA for the Detection of Partial Discharges in High Voltage Equipment
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

State Transition Graph-Based Spatial–Temporal Attention Network for Cell-Level Mobile Traffic Prediction

1
School of Intelligent Systems Engineering, Shenzhen Campus of Sun Yat-Sen University, Shenzhen 518107, China
2
Huawei Cloud, Shenzhen 518129, China
3
Key Laboratory of Ministry of Education in Broadband Wireless Communication and Sensor Network Technology, Nanjing University of Posts and Telecommunications, Nanjing 210003, China
4
Guangdong Provincial Key Laboratory of Fire Science and Intelligent Emergency Technology, Guangzhou 510006, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(23), 9308; https://doi.org/10.3390/s23239308
Submission received: 12 October 2023 / Revised: 9 November 2023 / Accepted: 15 November 2023 / Published: 21 November 2023
(This article belongs to the Section Internet of Things)

Abstract

:
Mobile traffic prediction enables the efficient utilization of network resources and enhances user experience. In this paper, we propose a state transition graph-based spatial–temporal attention network (STG-STAN) for cell-level mobile traffic prediction, which is designed to exploit the underlying spatial–temporal dynamic information hidden in the historical mobile traffic data. Specifically, we first identify the semantic context information over different segments of the historical data by constructing the state transition graphs, which may reveal different patterns of random fluctuation. Then, based on the state transition graphs, a spatial attention extraction module using graph convolutional networks (GCNs) is designed to aggregate the spatial information of different nodes in the state transition graph. Moreover, a temporal extraction module is employed to capture the dynamic evolution and temporal correlation of the state transition graphs over time. Such a spatial–temporal attention network can be further integrated with a parallel long short-term memory (LSTM) module to improve the accuracy of mobile traffic prediction. Extensive experiments demonstrate that the STG-STAN can better exploit the spatial–temporal information hidden in the state transition graphs, achieving superior performance compared with several baselines.

1. Introduction

Mobile networks enable seamless connectivity and communication in a variety of application scenarios, such as cellular communication [1], Internet of Things [2], video streaming services [3], and vehicular communications [4]. The diversification of application scenarios leads to the rapid growth of the demand for mobile network resources. Consequently, there is a growing consensus on the utilization of artificial intelligence (AI) for self-optimizing network resource management. With recent advancements in data acquisition technologies, network operators can collect large amounts of relevant data to perform predictive analytics on network resources. This empowers network operators to make well-informed decisions, subsequently improving the overall capacity and reliability of mobile networks. Mobile traffic prediction is one of the critical works for resource scheduling [5]. It not only provides insights for base station deployment but also serves as an early warning system for sudden surges in mobile traffic demand. For example, based on mobile traffic prediction, network operators can design an adaptive sleeping strategy for cellular towers, which is one of the most energy-consuming components of mobile networks [6].
Despite the benefits, mobile traffic prediction is a highly challenging task. The patterns of mobile traffic are complex due to a variety of factors, such as diverse business requirements, user mobility, and social activities [7]. In urban areas, mobile traffic exhibits extensive spatial–temporal patterns. In the spatial domain, the complexity of mobile traffic usually stems from the functionality of regions. Mobile traffic within the same functional region often exhibits similar patterns, even if they may be geographically distant. Conversely, two neighboring regions may display significant differences in traffic patterns because of their distinct functionalities. In the temporal domain, the complexity of mobile traffic often arises from human activities. For instance, in residential areas, mobile traffic does not vary significantly between weekdays and weekends. However, in office areas, there is a noticeable drop in traffic demand during weekends.
Traditional machine learning models such as support vector regression (SVR) and random forest (RF) have been extensively employed for mobile traffic prediction. While these models are characterized by their lightweight nature and ease of training, their ability to capture complex patterns in mobile traffic is limited due to their relatively small parameter space. In recent years, because of the strong nonlinear modeling capabilities of deep learning (DL), there has been a lot of research applying DL techniques to mobile traffic prediction [8,9]. Most of the works employ graph-based structures to model the spatial dependencies of mobile traffic. After constructing graphs, convolutional neural networks (CNNs) and recurrent neural networks (RNNs) are often utilized to capture mobile traffic patterns in both spatial and temporal domains. Nevertheless, training a spatial–temporal prediction model based on DL typically requires large-scale urban mobile traffic data. In cases with limited or singular region data, like when deploying a new base station, these methods may not be effective. Consequently, performing traffic prediction using only cell-level data holds practical significance.
In this paper, we introduce a deep learning-based framework for cell-level mobile traffic prediction. Our goal is to effectively capture the underlying spatial–temporal patterns within a single cellular region. In contrast to existing approaches that utilize geographical graphs to model real-world spatial correlations, our approach involves the design of state transition graphs to capture long-term mobile traffic patterns. Notably, the state transition graph operates without the need for geographical location information. It constructs spatial graphs based on individual mobile traffic sequences to represent potential patterns. In particular, we divide mobile traffic data into distinct ranges to denote states. State transitions are represented as dynamic graphs, reflecting the evolving nature of mobile traffic over time. By constructing the state transition graph, we can capture spatial interdependencies among different nodes. Furthermore, this graph provides supplementary insights into traffic data patterns and reflects contextual information about the cellular region. For instance, the state transition graph for a cellular base station may reveal significant distinctions between weekdays and weekends.
Specifically, we propose a state transition graph-based spatial–temporal attention network (STG-STAN) for cell-level mobile traffic prediction, which leverages dynamic state transitions to exploit the spatial–temporal evolution of a single region’s traffic data. Firstly, we divide mobile traffic into different segments and construct a state transition graph for each segment. These graphs capture diverse patterns that help us understand the contextual information of the cellular region. Each node in the state transition graph represents a state, and the edges denote the transitions between states. Next, we employ graph convolutional networks (GCNs) to aggregate the information from the neighborhoods of each node within the state transition graph, which allows us to capture the spatial dependencies among the nodes. Moreover, in order to incorporate the global spatial correlations, we take into account the connections among all nodes in the graph and propose a node attention mechanism. The spatial representations obtained from the state transition graphs are then fed into RNNs to extract the temporal dependencies among the different state transition graphs. Such a spatial–temporal attention network is further integrated with a parallel long short-term memory (LSTM) branch to fuse multi-scale features in the mobile traffic for more accurate prediction. We summarize our contributions as follows:
  • We propose a novel STG-STAN for predicting mobile traffic at the cell level, which leverages the dynamic evolution of underlying state transitions to achieve precise prediction.
  • In the STG-STAN, we construct state transition graphs for capturing the spatial–temporal correlations presented in mobile traffic data. This approach enables the STG-STAN to effectively model the complex dependencies and interactions between different traffic states over time. Then, a parallel LSTM branch in the STG-STAN enhances the ability to capture both small-scale and large-scale temporal characteristics of mobile traffic.
  • Extensive experiments demonstrate that the STG-STAN can better exploit the spatial–temporal information and achieve superior performance gain compared with typical baselines.
The remainder of this paper is organized as follows. We discuss related works in Section 2. We give preliminary observations in Section 3. The framework of the STG-STAN is detailed in Section 4. Finally, we present the experiment’s results in Section 5 and conclude the paper in Section 6.

2. Related Work

2.1. Cellular Traffic Prediction

The pattern of cellular traffic is complicated due to the spatial–temporal correlation, which is influenced by various factors, e.g., diverse user demands and user mobility. Traditional models that only consider temporal relationships perform poorly because they fail to capture spatial correlations. Additionally, due to the limited parameters of these models, they cannot well fit the non-linear pattern of mobile traffic. In order to extract spatial correlations, several spatial modeling methods have been proposed for city-level mobile traffic prediction. These approaches typically utilize geographical information to represent spatial data. Consequently, mobile traffic from two regions that are geographically adjacent is considered to exhibit higher levels of similarity. For example, by taking into account the decomposition of mobile traffic, the authors in [10] modeled the spatial–temporal dependencies of traffic using a graph representation. The authors in [11] treated mobile traffic data as images to extract the spatial and temporal correlations among different cells. The authors in [12] proposed a time-wise attention-aided convolutional neural network to capture the spatial–temporal correlation of mobile traffic, in which convolutional layers were employed for the purpose of capturing local feature maps.
Although using geographical locations for graph construction is intuitive, the performance of prediction models may be undermined because they may include neighboring areas that are irrelevant and have a detrimental effect. To address this problem, some studies considered dynamic connections among regions in the city. In this approach, the connection between different regions is not determined by physical distance, but rather by correlations of mobile traffic patterns, such as similarity. The authors in [13,14,15] utilized dynamic time warping as a method for measuring the similarity between the cellular traffic of two regions, thereby representing spatial information. The authors in [16] considered the correlations of non-local areas, which exhibit relevant traffic patterns. Then, the spatial information was combined with different periodic features to achieve better performance.
After spatial modeling, the spatial–temporal information of mobile traffic is generally constructed using CNN, GNN, and RNN. For instance, the authors in [17] adopted CNN layers to fuse the local spatial information and LSTM layers to capture temporal information. The external impact factors were also considered and modeled by CNN layers. The authors in [18] combined GCN and gated recurrent unit to learn the spatial–temporal dependency of traffic. The authors in [8] adopted an attention mechanism to capture diverse global spatial–temporal dependencies in cellular networks. The local spatial–temporal dependencies were extracted by adopting dense convolution. In order to obtain the temporal pattern, the authors in [19] proposed three temporal components to model different periodic patterns of mobile traffic. The spatial–temporal correlation of mobile traffic was then captured by utilizing the attention mechanism and convolution operation.
The aforementioned studies deal with large-scale city-level mobile traffic prediction, where the exploration of spatial patterns typically spans across multiple cellular regions. In contrast, this work focuses on cell-level mobile traffic prediction, aiming to capture effective spatial–temporal patterns from individual traffic sequences to enhance prediction accuracy. In addition to cellular traffic prediction, other areas of traffic forecasting, such as traffic speed prediction, also widely employ spatial–temporal attention networks. For instance, the author in [20] utilized the graph attention network and an LSTM network to capture spatial–temporal features. Although spatial–temporal attention networks have been widely studied, to the best of our knowledge, our work is the first to apply them to cell-level mobile traffic prediction. Furthermore, we propose state transition graphs to model the long-term patterns of mobile traffic in individual regions, making it feasible to employ spatial–temporal feature extraction techniques for cell-level mobile traffic prediction.

2.2. Dynamic Graph Neural Networks

Graph neural networks have been widely applied to solve a variety of problems, ranging from link prediction [21], node classification [22], graph generation [23], recommendation systems [24], and so on. In many real-world scenarios, graph data change over time and modeling dynamic graphs has thus become an important research area in recent years. The topology and properties of dynamic graphs change over time, making it challenging to capture and analyze the underlying patterns and dynamics. To address the problems, researchers have proposed several approaches for modeling dynamic graphs, which typically use GNNs to capture graph information and adopt RNNs to learn the dynamics. The authors in [25] combined static graph representation methods and an RNN to construct dynamic graph representations. Gated GNNs and LSTM were designed with the aim of maintaining the structure of a graph and capturing its temporal behavior. The authors in [26] modeled the dynamic information as the graph evolution, including the update and propagation of graph node information. Upon the introduction of a new edge, the creation sequential information of edges and the time intervals between interactions were adopted to update node information. Considering that some nodes may not be present all the time, the authors in [27] used RNNs to evolve the network parameters of GNNs, where only the RNN parameters were trained in the proposed method. A spatial–temporal self-attention mechanism was proposed in [28] for dynamic node representations. In order to capture multiple types of graph evolution, multi-head attention was used in both spatial and temporal layers. The authors in [29] studied time series event prediction by constructing dynamic graphs. An evolutionary state graph network model was proposed to capture the node-level and graph-level evolution.
For traffic forecasting tasks, dynamic graph neural networks are typically employed to model the dynamic relationships among nodes, or to extract evolving node information across different time steps. The authors in [30] integrated a GCN and gated recurrent unit to capture topological structure and temporal features of road networks. The nodes on the graph corresponded to roads, and the edges denoted the connections between roads. The authors in [31] proposed a graph generation module to dynamically integrate geographic proximity and spatial heterogeneity information across different times. By generating dynamic adjacency matrixes, the dynamic characteristics of road networks could be modeled. The authors in [32] proposed an adjacency learning mechanism to capture the dependency among traffic sensors. The traffic data correlations were captured through a dynamic graph construction algorithm.
Our proposed scheme leverages a hybrid approach, combining a GNN and RNN to effectively capture spatial–temporal traffic characteristics. However, it is worth noting that GCN layers are inherently designed to incorporate future states into the current state, without explicitly considering the exploration of global correlations among already integrated features. Unlike the works above, we introduce a novel node self-attention mechanism. This mechanism aims to enhance the model’s ability to capture global spatial connections among nodes following the feature aggregation process.

3. Preliminary Observation and Analysis

To further illustrate the temporal dynamics of mobile traffic, we conduct an analysis on a real-world citywide mobile traffic dataset [33]. This dataset was published by Telecom Italia and contains three types of mobile traffic records, i.e., short message service (SMS), call service, and Internet service, over the city of Milan. The records are aggregated in a 100 × 100 partition and the size of each square is about 235 × 235 m. Figure 1 shows the Milan urban area by using a grid. The mobile traffic was collected from 1 November 2013 to 1 January 2014 with an interval of 10 min.
Figure 2 shows visualized records of one week of mobile traffic from three distinct regions within a city. The horizontal axis represents the time interval index on an daily scale, while the vertical axis denotes the number of telecommunication events occurring within a specific region. We choose three functionally different areas, including Via Montenapoleone, Milano Centrale, and Politecnico di Milano, which represent commercial, transportation, and educational zones, respectively. From Figure 2, several observations can be found. Firstly, there is a clear periodicity in the fluctuations of mobile traffic throughout the week. Each day exhibits a consistent pattern with two traffic peaks. These peaks coincide with the morning and evening rush hours, corresponding to people commuting to and from work. Secondly, there are significant disparities in mobile traffic patterns between weekdays and weekends. During the workweek, typically from Monday to Friday, the demand for mobile traffic is noticeably higher than that during the weekends. In addition, there are small-scale fluctuations in mobile traffic. These fluctuations are inherently present due to short-term variations in demand, which can be influenced by various factors such as special events, weather conditions, and local activities. Lastly, it is essential to acknowledge the heterogeneity in mobile traffic across the functional areas. For instance, Milano Centrale stands out as having notably higher nighttime traffic demand compared with Via Montenapoleone and Politecnico di Milano. This divergence underscores the influence of the specific characteristics and functions of each region on mobile networks.
Furthermore, we conduct a clustering analysis on different regions in Milan to demonstrate the spatial correlation of mobile traffic. Specifically, we aggregate the traffic data at an hourly granularity. Subsequently, we process the data over a span of 62 days by calculating the average 24 h mobile traffic, which serves as the feature for clustering. Figure 3a displays the mobile traffic patterns of six regions in two clusters. It is evident that there exists similarity among the mobile traffic patterns. Additionally, we mark the specific locations of these six regions on the map, as shown in Figure 3b, with the regions of the two categories differentiated by blue and gray colors. The results indicate that despite the absence of geographical adjacency between different regions, there is still a correlation in mobile traffic patterns, which implies that knowledge transfer can be conducted based on the spatial correlation between regions. In addition, it can be observed that regions near the city center and those far from the city center exhibit significant differences in mobile traffic patterns. This discrepancy is generally determined by the density of population aggregation.

4. STG-STAN Framework for Mobile Traffic Prediction

Based on the analysis above, we propose a novel state transition graph-based spatial–temporal attention network for mobile traffic prediction. In this section, we begin by providing an overview of the STG-STAN. Then, we present the design of the STG-STAN in detail.

4.1. Overview of the STG-STAN

Let x t denote the measurement of mobile traffic at time t and X = { x t τ + 1 , x t τ + 2 , , x t } R τ denote a set of historical measurements at time t, where τ is the size of the moving window. In this work, we focus on the one-step-ahead prediction. The mobile traffic prediction problem can be described as follows:
x ^ t + 1 = f ( x t τ + 1 , x t τ + 2 , , x t )
where x ^ t + 1 is the prediction and f ( · ) is a nonlinear mapping function, which is learned by deep neural networks.
The basic idea of the STG-STAN is to partition mobile traffic data into states and use the transition patterns between states to characterize the long-term fluctuation characteristics of mobile traffic. By constructing state transition graphs, more comprehensive feature representations can be obtained by leveraging deep neural networks to explore spatial and temporal information, thereby enhancing the prediction performance. The structure of our proposed STG-STAN comprises three main components, as depicted in Figure 4. The first component is the spatial–temporal attention network for the state transition graphs, which is used to capture the spatial–temporal dependencies of mobile traffic data. Specifically, the spatial–temporal attention network includes two modules, i.e., the spatial attention module and the temporal evolution module. The former employs GNNs and a self-attention mechanism to extract structural information from the state transition graph. The latter adopts LSTM networks to capture the temporal evolution of nodes over different state transition graphs. The second component is an independent LSTM branch that captures the short-term dynamic characteristics of the traffic data. The third component is the fusion module, which combines the outputs from the first and the second components using a weighted feature fusion mechanism to generate the final prediction output.
Unlike traditional ML-based and DL-based models, which omit state transition information, the STG-STAN leverages spatial–temporal dependencies and features hidden in cell-level mobile traffic. The overall process of our proposed method is divided into four steps, which are briefly described as follows:
(1)
In step 1, we model traffic changes over time as state transitions and construct dynamic graphs to represent the spatial–temporal correlations of traffic states.
(2)
In step 2, the node embeddings of dynamic graphs are fed into the spatial attention module. In this module, GCNs and node attention layers are employed to extract local and global spatial correlations between nodes. Specifically, local structural correlation is based on the aggregation of information between adjacent nodes, while global spatial information is captured through the state transition similarity on the whole graph. The node vectors containing spatial information are then fed into the temporal information evolution module to capture the dynamic temporal patterns of each node.
(3)
In step 3, considering the short-term fluctuation characteristics of mobile traffic, we adopt an LSTM branch to extract small-scale temporal patterns of traffic data.
(4)
In step 4, the prediction is obtained by fusing the node vector output and the parallel LSTM output. Through the extraction of the spatial–temporal state correlations and short-term fluctuation characteristics, more abundant mobile traffic patterns can be obtained.

4.2. Graph Representation for State Transition

In order to model the correlations between traffic states, we transform the traffic time series into state transition graphs, which may provide additional semantic information to predict future trends. The spatial correlation in the graph can also be exploited as a representation of the semantic information. In this subsection, we introduce the graph representation for state transition in detail.

4.2.1. Segmentation of the Traffic Time Series

Given the input mobile traffic data X, we perform segmentation based on statistical properties, i.e., the mean and variance. These segments serve as the basis for constructing state transition graphs denoted as G 1 , G 2 , , G T . We employ the existing offline change point detection methods for time series segmentation [34]. Based on the analysis in Section 3, there are three main reasons for segmentation. Firstly, segmentation is advantageous in discerning periodic patterns within the mobile traffic data. After segmentation, we can effectively differentiate and model daily patterns separately by employing state transition graphs. Secondly, segmentation enables a more precise characterization of the heterogeneity exhibited by different regions, providing a level of interpretability. Thirdly, as the constructed graphs exhibit dynamic evolution following segmentation, we can leverage dynamic graphs to model the evolving characteristics of mobile traffic, distinctly capturing features separated from small-scale fluctuations.

4.2.2. Constructing State Transition Graphs

The construction of a state transition graph within each segment relies on the dynamic properties of the traffic data. Before constructing the graph, we perform equal quantization of the traffic measurement data into N bins and map each measurement sample x t into one of bins. We define dynamic graphs as a sequence of state transition graphs, denoted as G = { G 1 , G 2 , , G T } , where each G k = < V k , E k > represents a weighted directed graph. In the graph, the set of vertices and edges are denoted as V k and E k , respectively. Each node v i k V in the graph G k indicates state-i and each edge e i j k denotes the state transition from state-i to state-j. We use an adjacency matrix A k = { a i j k } i , j { 1 , 2 , , N } to characterize the state transition, where a i j k A k represents the transition probability from state-i to state-j within the k-th segment. Specifically, a i j k is evaluated as
a i j k = c i j k l k 1
where c i j k denotes the number of times when the traffic measurement transits from state-i to state-j, and l k denotes the length of segment-k. An illustrative example of constructing the dynamic state transition graphs is shown in Figure 5.

4.3. Spatial–Temporal Graph Attention Network

4.3.1. Spatial Attention Module

To leverage the state transition information encoded in the graphs, we propose a spatial attention module that integrates GNN layers and a node attention mechanism. The GNN layers are utilized to capture local spatial information within the graph structure, while the node attention mechanism dynamically calculates similarity, allowing the model to prioritize the most relevant information.
Initially, we aggregate neighbor information into nodes using transition probabilities along the edges. To be specific, we input snapshots of the state transition graph into multiple independent GNNs. Before the aggregation operation, we apply an embedding layer to produce the initial feature for each node, resulting in a d-dimensional vector. The parameters of the embedding layer are updated during training. The input to the GNN layers consists of a set of node representations { v i R d , i V } , and the output yields a new set of node representations { z i R D , i V } , each possessing D dimensions that capture local spatial information. We employ a GCN in the spatial domain to capture local structural information. Spatial domain GCNs extend the concept of traditional GCNs, originally designed for graph-structured data, to effectively incorporate spatial information. Let h i ( l ) R D denote the feature vector of node-i in the l-th layer and then h i ( l + 1 ) R D can be computed as follows:
h i ( l + 1 ) = σ j N ( i ) a i j h j ( l ) W 0 ( l ) + h i ( l ) W 1 ( l ) + b ( l )
where N ( i ) represents the set of neighbors to node i. The parameters W 0 ( l ) R D × D and W 1 ( l ) R D × D denote the trainable weights in the l-th layer and b ( l ) R D is the trainable bias in the l-th layer. Note that a i j is the weight of edge ( i , j ) .
In the state transition graph, the GNN layer integrates future mobile traffic states into the current state by considering the weights of the edges and node embeddings. However, such local spatial correlations are insufficient to represent the dynamic connection between nodes. To further extract the global spatial correlations, we propose a node attention mechanism. The structure of the spatial node attention layer is shown in Figure 6.
We denote the input and the new node representations as matrices Z R N × D and M R N × F , respectively, where F is the dimension of new representations. The self-attention layer performs a linear projection of Z into multiple projection spaces by using three learnable matrices, W q R D × F / n h , W k R D × F / n h , and W v R D × F / n h , where n h is the number of attention heads. In each attention head, we employ the scaled dot-product attention mechanism [35] to calculate the similarity scores between nodes. The update of the node representations is calculated as follows:
c i j = 1 F Z W q ( Z W k ) T i j
α i , j = exp ( c i , j ) j = 1 N exp ( c i , j )
M = α Z W v
where α R N × N is the attention matrix and α i , j indicates the importance of node j to node i. M = { m i } i { 1 , 2 , , N } R N × F / n h denotes the new representations.
We then concatenate the outputs from different attention heads and feed them into a fully connected feed-forward network, followed by a residual connection and normalization:
M = C o n c a t ( M 1 , M 2 , , M n h )
M = L a y e r N o r m ( R e l u ( M W f c + b f c ) + M )
where W f c R F × F denotes the learnable linear projection matrix and b f c R N × F is the bias.

4.3.2. Temporal Evolution Module

Given the node representations of each graph, we use an LSTM encoder to capture the temporal patterns of nodes among all graphs. LSTM consists of memory cells, input gates, output gates, and forget gates, which work together to selectively store or discard information, allowing the model to maintain long-term dependencies. The structure of the LSTM unit is shown in Figure 7. Specifically, the temporal module feeds the node representations { m i 1 , m i 2 , , m i T } , m i t R F into LSTM and generates the final embeddings { e i 1 , e i 2 , , e i T } , e i t R F . The hidden state of each node at time t is computed as follows:
i t = σ ( W i m t + U i e t 1 + b i )
f t = σ ( W f m t + U f e t 1 + b f )
o t = σ ( W o m t + U o e t 1 + b o )
c ˜ t = tanh ( W c m t + U c e t 1 + b c )
c t = i t c ˜ t + f t c t 1
e t = o t tanh ( c t )
where i t , f t , and o t are the input gate, forget gate, and output gate, respectively. σ is a sigmoid function, and ⊙ is the element-wise product. To reduce computational complexity, we set the same LSTM parameters for each node. Let s t denote the traffic state at time t. We select the hidden vector e s t R F of state s t at time step T as the output.

4.4. Independent LSTM Branch and Fusion Output

According to the observation in Section 3, mobile traffic may experience short-term fluctuations, which can be caused by factors such as a sudden surge in user access to base stations, temporary obstructions due to buildings, and weather conditions. Therefore, it is crucial to accurately model the short-term evolution of mobile traffic, as relying solely on periodic patterns would overlook the valuable information contained in small-scale traffic patterns. To overcome the issue, an independent LSTM branch is adopted to model the short-term fluctuation characteristics of mobile traffic. Specifically, we feed the traffic data { x t τ , x t τ + 1 , , x t } into an independent LSTM branch and generate the non-linear dynamic features. This module employs a much smaller window size τ ( τ τ ) to effectively capture the local patterns of the traffic data, which provides a more robust and accurate representation of mobile traffic. The output of the LSTM branch is the hidden vector at time t, denoted as p t .
At last, we employ a fusion module to integrate the outputs from both the spatial–temporal attention network and the independent LSTM branch, thereby enhancing the ability to capture multi-scale features. In particular, the spatial–temporal attention network captures the long-term dependencies in the time series, while the independent LSTM branch focuses on the short-term dynamics. In the fusion module, two trainable weight matrices are applied to map two features into projection spaces with the same dimensionality. Then, the final prediction is obtained as follows by feeding them to the fully connected layers.
x ^ t + 1 = σ ( e s t W e + p t W p ) W f c + b f c
where W e , W p , and W f c denote the trainable weights; b f c is the bias; and σ is the nonlinear activation function. Our model is trained in an end-to-end manner and we use mean squared error (MSE) as the loss function in model training, defined as F l o s s = 1 L t = 1 L ( x t x ^ t ) 2 , where L is the total amount of training data, and x t is the ground truth at time t.

5. Experiments

In this section, we present a comprehensive analysis of our proposed approach by conducting extensive experiments on two real-world mobile traffic datasets. These experiments are aimed at verifying the efficacy of our methodology. In addition to the Milan dataset discussed in Section 3, we also leverage a dataset sourced from Trentino [33], a province in Italy. The Trentino dataset is structured as a grid consisting of 6575 squares and contains three types of mobile traffic. Importantly, it shares the same time span and time intervals as the Milan dataset, ensuring a consistent and meaningful comparison.
Firstly, we provide the experimental configuration, including key parameter settings, baselines, and performance metrics. Then, we present and analyze the experimental results of the STG-STAN from multiple perspectives. Finally, an ablation study is also conducted to validate the effectiveness of the key components in the proposed model.

5.1. Experimental Configuration

5.1.1. Parameter Settings

As we mentioned before, the STG-STAN is designed for cell-level mobile traffic prediction. However, we can still utilize mobile traffic data from multiple regions to train the STG-STAN. Compared with the single-region model training approach, multi-region experiments involve solely increasing the number of training samples. This approach can provide a better basis for comparing the actual performance of different models, as the size of the dataset plays a crucial role in deep learning models. In this work, we evaluate the performance of models using both single-region and multi-region traffic data. In single-region experiments, we utilize data from a single cellular area for both model training and testing. To conduct these experiments, we randomly select 1000 regions in the Milan and the Trentino dataset. The final results are then derived as the average performance across these 1000 experiments. For multi-region experiments, our approach involves using traffic data from 20 randomly chosen regions for each individual model training and testing. We repeat this process three times to obtain averaged performance metrics. We rescale the data to a zero mean and unit variance during training. For evaluation, we anti-standardize the predicted values. A sliding window approach is employed to generate samples. The proportions for training, validation, and testing are 65%, 15%, and 20%, respectively.
Hyperparameters are tuned via grid search. For the spatial–temporal graph attention network, we set the number and the hidden dimension of GCN layers to 1 and 32, respectively, while the number of node attention heads is set to two. For the parallel LSTM branch, we choose the hidden states from {64, 128, 256} and the number of layers from {1, 2, 3}, respectively. The batch size is set to 32 for the STG-STAN, with an initial learning rate at 0.001 that is decayed by 0.5 every five epochs. The window sizes for the spatial attention module and the parallel LSTM branch are 168 and 20, respectively. All experiments are conducted with Tesla P4 GPU on an Ubuntu 18.04 Linux operating system with PyTorch 1.10.0.

5.1.2. Baselines

To verify the performance of our proposed model, we compare it with two types of baselines, including non-spatial–temporal-based methods and spatial–temporal-based methods. The non-spatio–temporal-based methods take input from only a single cellular region:
  • SVR: SVR is a supervised learning algorithm based on the principles of support vector machines. Its goal is to find the optimal hyperplane that maximizes the margin while ensuring that a predefined level of error is allowed for some data points.
  • RF: RF is a machine learning algorithm that builds multiple decision trees and combines their predictions to reduce overfitting. Each tree is trained on a random subset of the data and the features, which helps to decorrelate the trees and make the model more robust.
  • LSTM: long short-term memory (LSTM) can handle the vanishing gradient problem by using a gating mechanism, which has been widely applied in mobile traffic prediction.
The spatio–temporal-based methods take inputs from multiple cellular regions and concurrently predict the mobile traffic of multiple regions:
  • CNN-LSTM [36]: CNN-LSTM is a hybrid neural network architecture that combines a CNN and LSTM to effectively extract spatial–temporal feature from mobile traffic.
  • DenseNet [11]: DenseNet (Densely Connected CNN) is a DL-based model which utilizes a dense CNN to capture both the spatial and temporal dependence of mobile traffic.

5.1.3. Performance Metrics

Three performance metrics are used to evaluate our model, including the root mean square error (RMSE), mean absolute error (MAE), and coefficient of determination (R2). The definitions of these metrics are as follows:
RMSE = 1 N i = 1 N ( y i ^ y i ) 2
MAE = 1 N i = 1 N y i ^ y i
R 2 = 1 i = 1 N ( y i ^ y i ) 2 i = 1 N ( y i y ¯ ) 2
where y i is the ground truth, y ¯ is the mean of the observed data, y i ^ is the predicted value, and N is the total number of samples. MAE and RMSE indicate the prediction error of the model and R2 represents the correlation between the prediction and the ground truth. For MAE and RMSE, lower values are better, while for R2 higher values are better.

5.2. Experimental Results

5.2.1. Performance Comparison of Models

Table 1 presents the evaluation results of various methods on mobile traffic. We evaluate the models using three kind of mobile traffic in Milan and Trentino. For the single-region data (n = 1), ML-based models demonstrate superior performance, especially the RF model. The results are reasonable since, compared with deep learning models, which require abundant training data, ML-based models have a smaller parameter space. Consequently, they can achieve satisfactory performance without the need for vast amounts of data.
When sufficient training data are available, as evidenced by the multi-region experimental results (n = 20), DL-based models demonstrate significantly better performance. The traffic on cellular networks displays apparent periodicity, which allows the DL-based models to learn and capture various traffic fluctuation characteristics. The STG-STAN outperforms all the baselines for all kinds of mobile traffic. The STG-STAN can effectively construct and capture the transition information of mobile traffic using state graphs and combine it with the small-scale features of the parallel LSTM branch to achieve better traffic prediction. Note that for a fair comparison, in the multi-region experiments, we concatenate the mobile traffic based on cell index, forming a 4 × 5 × τ input vector for both CNN-LSTM and DenseNet, which are two spatial–temporal-based methods. We can observe that both CNN-LSTM and DenseNet demonstrate mediocre performances. This is attributed to their feature extraction process being reliant on large-scale data inputs. As a result, when data are limited to only a few regions, the performance of these models is significantly decreased.
To better illustrate the performance differences among various models, we randomly select a region from the Milan dataset and visualize the ground truth of mobile traffic for one week and the predictions generated by various models, as depicted in Figure 8. Note that the predictions are generated by the models trained using multi-region traffic data. We can clearly see that the STG-STAN outperforms all the baselines, while it is difficult for ML-based models to fit complex cellular traffic. For instance, the predicted values of SVR exhibit significant deviations from the corresponding ground truth. The STG-STAN can effectively track the trend of traffic and make accurate predictions. For instance, the STG-STAN accurately predicts two traffic peaks after index 130, while other models fail to fit them. Compared with other models that only consider temporal changes, the STG-STAN can capture spatial information through dynamic state transition graphs and fuse temporal–spatial information, thus achieving the best performance.
We also compare the prediction errors of different models in the region depicted in Figure 8 using a CDF plot, as shown in Figure 9. It is evident that the overall prediction error of the STG-STAN (brown) is lower than that of the baselines, with approximately 80% of the prediction errors being below 10. These results indicate that the STG-STAN achieves better prediction performance than the baselines. This can be attributed to the outstanding spatial–temporal information mining ability of the STG-STAN. Compared with other models that only consider temporal changes, the STG-STAN can capture spatial information through dynamic state graphs and fuse temporal–spatial information to achieve accurate predictions.
Furthermore, we conduct experiments to analyze the impact of the number of states (N) in the STG-STAN, as presented in Table 2. In the Milan dataset, when N equals 15, 15, and 10 for SMS, call, and Internet traffic, respectively, the STG-STAN demonstrates the best performance, while in the Trento dataset, the STG-STAN performs best when N equals 100, 15, and 5 for SMS, call, and Internet traffic, respectively. Both excessively large and small values of N result in a decline in the model’s performance. When N is too small, the construction of traffic states becomes too coarse, potentially causing mobile traffic to remain in a single state, thereby impeding the extraction of valuable state evolution information. On the other hand, when N is too large, many irrelevant mobile traffic states may interfere with the effective identification of state transitions, thereby weakening the model’s performance. Striking the right balance in choosing N is essential to achieve optimal performance of the STG-STAN.

5.2.2. Model Efficiency

Table 3 provides a comprehensive comparison of model efficiency, assessed in terms of parameters, training time, and inference time. Note that the experiments are conducted with the Milan dataset. The results highlight that ML-based models exhibit a relatively lightweight profile. In contrast, DL-based models come with a larger number of trainable parameters, resulting in increased resource requirements in terms of both space and time. However, they excel in modeling the intricate and dynamic characteristics of mobile traffic, offering superior performances. Furthermore, Table 3 emphasizes that the STG-STAN model incurs the highest computational cost among the models under examination. This trade-off is justifiable given the significant performance enhancements it delivers. Importantly, despite the relatively high computational cost, the inference time for the STG-STAN is a mere 1.85 s, underscoring its practical feasibility for deployment.

5.2.3. Ablation Studies

To analyze the effectiveness of the node attention mechanism and the integration of multiple temporal scales, we conduct ablation experiments with the following STG-STAN variants: “without the node attention mechanism (w/o Att)”, “without the parallel LSTM (w/o PLSTM)”, and “without the node attention mechanism and parallel LSTM (w/o Att-PLSTM)”. These models are trained using multi-region data.
The results of the ablation study are listed in Table 4. Several conclusions from these experimental results are summarized as follows:
  • The STG-STAN outperforms all variants, which demonstrates that our proposed method can capture effective information through spatial–temporal modeling. Despite lacking real-world geo-location information, the STG-STAN can achieve accurate predictions by mining potential state transition information from mobile traffic sequences.
  • The performance degradation of the STG-STAN without the node attention mechanism indicates that capturing the global correlation of states is critical in the graph structure. After integrating information from neighboring nodes in a GCN, the node attention mechanism is capable of exploiting spatial correlations among nodes in the global graph structure.
  • The poor performance of the STG-STAN without parallel LSTM indicates the importance of mining short-term local temporal characteristics. In the case of highly dynamic mobile traffic, the integration of small-scale information can greatly enhance the prediction performance of the model.

6. Conclusions

In this paper, we propose a novel STG-STAN for predicting mobile traffic. By representing temporal changes as state transitions, we construct dynamic state graphs to model the traffic’s temporal evolution and capture spatial–temporal correlations. In the STG-STAN, GNNs and a node self-attention mechanism are adopted to fuse transition information and extract global structural information, respectively. Moreover, LSTM networks are developed to capture the evolving information of each node independently in the temporal domain. We also incorporate a parallel LSTM branch to extract small-scale temporal characteristics of mobile traffic. By fusing state spatial–temporal features and parallel LSTM output, the STG-STAN can achieve precise traffic predictions. Our framework improves prediction accuracy by effectively capturing complex spatial–temporal correlations and dependencies between traffic states. Comparative experiments and an ablation study on real-world data validate the effectiveness and robustness of our proposed approach.

Author Contributions

Conceptualization, J.S., L.C., B.G. and S.G.; Investigation, J.S., L.C. and S.G.; Software, J.S.; Supervision, S.G., B.G. and B.L.; Validation, J.S. and S.G.; Writing—original draft, J.S., L.C. and S.G.; Writing—review and editing, J.S., B.G., B.L. and S.G. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by National Natural Science Foundation of China under Grant 62372488 and the Shenzhen Fundamental Research Program under Grant JCYJ20220818103201004.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are openly available in Harvard Dataverse at 10.1038/sdata.2015.55, reference number [33].

Conflicts of Interest

Author Leiyang Cui was employed by the company Huawei Cloud. 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.

Abbreviations

A set of historical mobile trafficX
Size of window size τ
The k-th state transition graph G k
Number of traffic statesN
Set of vertices on the k-th graph V k
Set of edges on the k-th graph E k
Adjacency matrix of the k-th graph A k
Number of times when traffic transits from state-i to state-j c i j
Length of segment-k l k
Embeddings of node-i v i , z i , h i , m i
Trainable weights W , b
Attention matrix α

References

  1. Fotouhi, A.; Qiang, H.; Ding, M.; Hassan, M.; Giordano, L.G.; Garcia-Rodriguez, A.; Yuan, J. Survey on UAV Cellular Communications: Practical Aspects, Standardization Advancements, Regulation, and Security Challenges. IEEE Commun. Surv. Tut. 2019, 21, 3417–3442. [Google Scholar] [CrossRef]
  2. Gu, T.; Fang, Z.; Abhishek, A.; Fu, H.; Hu, P.; Mohapatra, P. IoTGaze: IoT Security Enforcement via Wireless Context Analysis. In Proceedings of the IEEE INFOCOM 2020—IEEE Conference on Computer Communications, Toronto, ON, Canada, 6–9 July 2020; pp. 884–893. [Google Scholar]
  3. Lv, G.; Wu, Q.; Wang, W.; Li, Z.; Xie, G. Lumos: Towards Better Video Streaming QoE through Accurate Throughput Prediction. In Proceedings of the IEEE INFOCOM 2022—IEEE Conference on Computer Communications, London, UK, 2–5 May 2022; pp. 650–659. [Google Scholar]
  4. Lai, C.; Lu, R.; Zheng, D.; Shen, X. Security and Privacy Challenges in 5G-Enabled Vehicular Networks. IEEE Netw. 2020, 34, 37–45. [Google Scholar] [CrossRef]
  5. Zhang, C.; Patras, P. Long-Term Mobile Traffic Forecasting Using Deep Spatio-Temporal Neural Networks. In Proceedings of the Eighteenth ACM International Symposium on Mobile Ad Hoc Networking and Computing, Los Angeles, CA, USA, 26–29 June 2018; pp. 231–240. [Google Scholar]
  6. Wu, Q.; Chen, X.; Zhou, Z.; Chen, L.; Zhang, J. Deep Reinforcement Learning with Spatio-Temporal Traffic Forecasting for Data-Driven Base Station Sleep Control. IEEE/ACM Trans. Netw. 2021, 29, 935–948. [Google Scholar] [CrossRef]
  7. Xu, F.; Li, Y.; Wang, H.; Zhang, P.; Jin, D. Understanding Mobile Traffic Patterns of Large Scale Cellular Towers in Urban Environment. IEEE ACM Trans. Netw. 2017, 25, 1147–1161. [Google Scholar] [CrossRef]
  8. Yao, Y.; Gu, B.; Su, Z.; Guizani, M. MVSTGN: A Multi-View Spatial-Temporal Graph Network for Cellular Traffic Prediction. IEEE Trans. Mob. Comput. 2021, 22, 2837–2849. [Google Scholar] [CrossRef]
  9. Zhao, N.; Wu, A.; Pei, Y.; Liang, Y.C.; Niyato, D. Spatial-Temporal Aggregation Graph Convolution Network for Efficient Mobile Cellular Traffic Prediction. IEEE Commun. Lett. 2022, 26, 587–591. [Google Scholar] [CrossRef]
  10. Wang, X.; Zhou, Z.; Xiao, F.; Xing, K.; Yang, Z.; Liu, Y.; Peng, C. Spatio-Temporal Analysis and Prediction of Cellular Traffic in Metropolis. IEEE Trans. Mob. Comput. 2019, 18, 2190–2202. [Google Scholar] [CrossRef]
  11. Zhang, C.; Zhang, H.; Yuan, D.; Zhang, M. Citywide Cellular Traffic Prediction Based on Densely Connected Convolutional Neural Networks. IEEE Commun. Lett. 2018, 22, 1656–1659. [Google Scholar] [CrossRef]
  12. Zhang, C.; Zhang, H.; Yuan, D.; Zhang, M. Time-Wise Attention Aided Convolutional Neural Network for Data-Driven Cellular Traffic Prediction. IEEE Commun. Lett. 2021, 22, 1747–1751. [Google Scholar]
  13. He, K.; Chen, X.; Wu, Q.; Yu, S.; Zhou, Z. Graph Attention Spatial-Temporal Network with Collaborative Global-Local Learning for Citywide Mobile Traffic Prediction. IEEE Trans. Mob. Comput. 2022, 21, 1244–1256. [Google Scholar] [CrossRef]
  14. Wu, Q.; He, K.; Chen, X.; Yu, S.; Zhang, J. Deep Transfer Learning Across Cities for Mobile Traffic Prediction. IEEE ACM Trans. Netw. 2022, 30, 1255–1267. [Google Scholar] [CrossRef]
  15. Wang, Z.; Hu, J.; Min, G.; Zhao, Z.; Chang, Z.; Wang, Z. Spatial-Temporal Cellular Traffic Prediction for 5G and Beyond: A Graph Neural Networks-Based Approach. IEEE Trans. Industr. Inform. 2022, 19, 5722–5731. [Google Scholar] [CrossRef]
  16. Rao, Z.; Xu, Y.; Pan, S.; Guo, J.; Yan, Y.; Wang, Z. Cellular Traffic Prediction: A Deep Learning Method Considering Dynamic Nonlocal Spatial Correlation, Self-Attention, and Correlation of Spatiotemporal Feature Fusion. IEEE Trans. Netw. Serv. Manag. 2023, 20, 426–440. [Google Scholar] [CrossRef]
  17. Zhang, C.; Zhang, H.; Qiao, J.; Yuan, D.; Zhang, M. Deep Transfer Learning for Intelligent Cellular Traffic Prediction Based on Cross-Domain Big Data. IEEE J. Sel. Areas Commun. 2019, 37, 1389–1401. [Google Scholar] [CrossRef]
  18. Yu, L.; Li, M.; Jin, W.; Guo, Y.; Wang, Q.; Yan, F.; Li, P. STEP: A Spatio-Temporal Fine-Granular User Traffic Prediction System for Cellular Networks. IEEE Trans. Mob. Comput. 2021, 20, 3453–3466. [Google Scholar] [CrossRef]
  19. Zhao, N.; Ye, Z.; Pei, Y.; Liang, Y.C.; Niyato, D. Spatial-Temporal Attention-Convolution Network for Citywide Cellular Traffic Prediction. IEEE Commun. Lett. 2020, 24, 2532–2536. [Google Scholar] [CrossRef]
  20. Zhang, C.; Yu, J.J.Q.; Liu, Y. Spatial-Temporal Graph Attention Networks: A Deep Learning Approach for Traffic Forecasting. IEEE Access 2019, 7, 166246–166256. [Google Scholar] [CrossRef]
  21. Zhang, Z.; Cai, J.; Zhang, Y.; Wang, J. Learning hierarchy-aware knowledge graph embeddings for link prediction. Proc. AAAI 2020, 34, 3065–3072. [Google Scholar] [CrossRef]
  22. Zhao, T.; Zhang, X.; Wang, S. GraphSMOTE: Imbalanced Node Classification on Graphs with Graph Neural Networks. In Proceedings of the 14th ACM International Conference on Web Search and Data Mining, Jerusalem, Israel, 8–12 March 2021; pp. 833–841. [Google Scholar]
  23. Gu, J.; Zhao, H.; Lin, Z.; Li, S.; Cai, J.; Ling, M. Scene graph generation with external knowledge and image reconstruction. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 1969–1978. [Google Scholar]
  24. Gao, C.; Wang, X.; He, X.; Li, Y. Graph neural networks for recommender system. In Proceedings of the Fifteenth ACM International Conference on Web Search and Data Mining, Tempe, AZ, USA, 21–25 February 2022; pp. 1623–1625. [Google Scholar]
  25. Taheri, A.; Gimpel, K.; Berger-Wolf, T. Learning to Represent the Evolution of Dynamic Graphs with Recurrent Models. In Proceedings of the 2019 World Wide Web Conference, San Francisco, CA, USA, 13–17 May 2019; pp. 301–307. [Google Scholar]
  26. Ma, Y.; Guo, Z.; Ren, Z.; Tang, J.; Yin, D. Streaming Graph Neural Networks. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval, Xi’an, China, 25–30 July 2020; pp. 719–728. [Google Scholar]
  27. Pareja, A.; Domeniconi, G.; Chen, J.; Ma, T.; Suzumura, T.; Kanezashi, H.; Kaler, T.; Schardl, T.; Leiserson, C. Evolvegcn: Evolving graph convolutional networks for dynamic graphs. Proc. AAAI 2020, 34, 5363–5370. [Google Scholar] [CrossRef]
  28. Sankar, A.; Wu, Y.; Gou, L.; Zhang, W.; Yang, H. Dysat: Deep neural representation learning on dynamic graphs via self-attention networks. In Proceedings of the 13th International Conference on Web Search and Data Mining, Houston, TX, USA, 3–7 February 2020; pp. 519–527. [Google Scholar]
  29. Hu, W.; Yang, Y.; Cheng, Z.; Yang, C.; Ren, X. Time-series event prediction with evolutionary state graph. In Proceedings of the 14th ACM International Conference on Web Search and Data Mining, Jerusalem, Israel, 8–12 March 2021; pp. 580–588. [Google Scholar]
  30. Zhao, L.; Song, Y.; Zhang, C.; Liu, Y.; Wang, P.; Lin, T.; Deng, M.; Li, H. T-GCN: A Temporal Graph Convolutional Network for Traffic Prediction. IEEE Trans. Intell. Transp. Syst. 2020, 21, 3848–3858. [Google Scholar] [CrossRef]
  31. Hu, J.; Lin, X.; Wang, C. DSTGCN: Dynamic Spatial-Temporal Graph Convolutional Network for Traffic Prediction. IEEE Sens. J. 2022, 22, 13116–13124. [Google Scholar] [CrossRef]
  32. Yu, J.J.Q. Graph Construction for Traffic Prediction: A Data-Driven Approach. IEEE Trans. Intell. Transp. Syst. 2022, 23, 15015–15027. [Google Scholar] [CrossRef]
  33. Barlacchi, G.; De Nadai, M.; Larcher, R.; Casella, A.; Chitic, C.; Torrisi, G.; Antonelli, F.; Vespignani, A.; Pentland, A.; Lepri, B. A multi-source dataset of urban life in the city of Milan and the Province of Trentino. Sci. Data 2015, 2, 150055. [Google Scholar] [CrossRef]
  34. Truong, C.; Oudre, L.; Vayatis, N. Selective review of offline change point detection methods. Signal Process. 2020, 167, 107299. [Google Scholar] [CrossRef]
  35. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
  36. Huang, C.W.; Chiang, C.T.; Li, Q. A study of deep learning networks on mobile traffic forecasting. In Proceedings of the International Symposium on Personal, Indoor, and Mobile Radio Communications (PIMRC), Montreal, QC, Canada, 8–13 October 2017; pp. 1–6. [Google Scholar]
Figure 1. The area of Milan is composed of a grid overlay of 10,000.
Figure 1. The area of Milan is composed of a grid overlay of 10,000.
Sensors 23 09308 g001
Figure 2. The temporal characteristic of mobile traffic from three regions.
Figure 2. The temporal characteristic of mobile traffic from three regions.
Sensors 23 09308 g002
Figure 3. The spatial analysis of mobile traffic. (a) The mobile traffic of six regions in two clusters. (b) The locations of the six regions in Milan.
Figure 3. The spatial analysis of mobile traffic. (a) The mobile traffic of six regions in two clusters. (b) The locations of the six regions in Milan.
Sensors 23 09308 g003
Figure 4. STG-STAN framework for mobile traffic prediction.
Figure 4. STG-STAN framework for mobile traffic prediction.
Sensors 23 09308 g004
Figure 5. An illustrative example of state transition graphs with 5 states.
Figure 5. An illustrative example of state transition graphs with 5 states.
Sensors 23 09308 g005
Figure 6. The structure of the spatial node attention layer.
Figure 6. The structure of the spatial node attention layer.
Sensors 23 09308 g006
Figure 7. The structure of LSTM unit.
Figure 7. The structure of LSTM unit.
Sensors 23 09308 g007
Figure 8. Prediction of cellular traffic in a cell for one week.
Figure 8. Prediction of cellular traffic in a cell for one week.
Sensors 23 09308 g008
Figure 9. The prediction errors of different models.
Figure 9. The prediction errors of different models.
Sensors 23 09308 g009
Table 1. Comparisons of the prediction results. The bolded results indicate the best performance.
Table 1. Comparisons of the prediction results. The bolded results indicate the best performance.
DatasetTrafficModelsn = 1n = 20
RMSEMAER2RMSEMAER2
MilanSMSSVR27.893810.85710.789630.448716.26780.8409
RF25.40979.42930.825327.414711.25010.868
LSTM27.428910.95400.794327.117011.26000.8706
CNN-LSTM---32.256914.87940.8128
DenseNet---31.791518.13450.8196
STG-STAN26.662110.61300.805626.854911.08420.8725
CallSVR15.41766.37740.918524.629013.28260.9241
RF16.39875.86040.907724.76849.53130.9241
LSTM11.83678.43040.740523.50989.63910.9317
CNN-LSTM---24.278310.70700.9287
DenseNet---29.755115.88650.8820
STG-STAN10.98307.37550.767022.06369.05410.9395
InternetSVR174.030459.29850.761779.462358.08130.9558
RF110.840744.18660.903468.456035.80340.9685
LSTM135.538954.25100.855560.961530.94760.9756
CNN-LSTM---114.612766.40440.9142
DenseNet---276.5915110.6223−0.1705
STG-STAN152.230953.84500.817860.367831.10220.9761
TrentinoSMSSVR23.34527.85080.909315.10056.11160.6828
RF19.80425.98140.934711.30885.23030.8400
LSTM24.86057.47960.894310.13544.58600.8640
CNN-LSTM---16.16427.62630.6406
DenseNet---14.21207.59220.7342
STG-STAN23.24657.22520.90729.66164.50080.8763
CallSVR12.93423.53660.94615.92572.45530.8266
RF13.32542.94030.94274.75441.95790.9091
LSTM16.70344.41590.88504.43252.00170.9202
CNN-LSTM---6.95173.26010.8260
DenseNet---7.51373.73620.7853
STG-STAN15.50263.98730.90104.16541.91700.9318
InternetSVR93.527427.19570.908058.012317.86200.6548
RF64.684619.26790.956044.933417.35660.7921
LSTM63.292522.99000.854638.411413.22210.8359
CNN-LSTM---45.217221.01770.7800
DenseNet---147.627879.1948−0.7530
STG-STAN77.207124.54990.934738.016513.16910.8386
Table 2. Performance of STG-STAN under different numbers of transition states. The bolded results indicate the best performance.
Table 2. Performance of STG-STAN under different numbers of transition states. The bolded results indicate the best performance.
DatasetNSMSCallInternet
RMSEMAER2RMSEMAER2RMSEMAER2
Milan526.718811.19770.874524.528510.08070.926165.290933.22550.9721
1026.942811.13750.871825.586510.02020.920260.367831.10220.9761
1526.854911.08420.872522.06369.05410.939562.884832.88710.9724
2027.167111.34200.869625.40989.88790.921063.637533.07160.9736
3027.455811.27270.866925.367010.36410.921364.327833.61580.9728
4027.462611.52210.866725.09319.95170.923364.902630.86120.9723
5027.380411.47180.867525.840410.30790.918664.820034.24790.9726
6027.078411.42780.871125.749910.10710.919064.528333.91470.9728
7027.253711.59240.869326.003710.15000.917463.937533.86950.9732
8027.334011.45080.868825.361010.20440.921664.718434.57560.9726
9027.317611.71050.868526.187810.77550.916563.856533.55650.9735
10027.232811.53270.869025.21739.93230.922465.232234.41760.9722
Trentino510.04224.51400.86704.31591.92840.926738.016513.16910.8386
1010.03604.48250.86824.20121.94250.931239.545813.50040.8231
1510.48514.57310.85894.16541.91700.931841.601713.79290.8005
2010.50314.75880.86284.37311.94800.922039.442513.24190.8323
3010.22934.55120.86174.22401.94340.928840.594813.26850.8317
4010.32064.52260.85744.34861.97850.922840.683713.50510.8116
5010.18934.55290.86284.33371.96900.925242.031213.70870.8079
6010.02654.53220.86844.36981.98840.924740.172313.47750.8182
709.85084.49740.87234.31991.95350.926640.357213.45860.8180
8010.02874.54600.86774.26641.98010.928840.858313.51460.8140
9010.21944.57940.86254.27591.95770.929940.322613.44320.8162
1009.66164.50080.87634.29541.97980.928840.689713.55210.8154
Table 3. The size of different models and time overhead.
Table 3. The size of different models and time overhead.
ModelsParametersComputation Time
TrainingInference
SVR-40.98 (s)1.97 (s)
RF-28.57 (s)0.02 (s)
LSTM213774.17 (s/epoch)0.89 (s)
CNN-LSTM3886920.43 (s/epoch)0.02 (s)
DenseNet832720.92 (s/epoch)0.05 (s)
STG-STAN3936013.39 (s/epoch)1.85 (s)
Table 4. Prediction results in the ablation study. The bolded results indicate the best performance.
Table 4. Prediction results in the ablation study. The bolded results indicate the best performance.
DatasetTrafficModelsMetrics
RMSEMAER2
MilanSMSSTG-STAN26.854911.08420.8725
w/o Att26.911711.36350.8723
w/o PLSTM36.043422.70990.7599
w/o Att-PLSTM36.612522.49610.7511
CallSTG-STAN22.06369.05410.9395
w/o Att23.98599.75590.9286
w/o PLSTM30.801714.86960.8809
w/o Att-PLSTM32.108315.60510.8701
InternetSTG-STAN60.367831.10220.9761
w/o Att62.479933.56220.9742
PLSTM147.2356109.58370.8424
w/o Att-PLSTM151.5408113.49190.8359
TrentinoSMSSTG-STAN9.66164.50080.8763
w/o Att10.24074.63740.8622
w/o PLSTM12.84245.67540.7802
w/o Att-PLSTM11.82335.48090.8185
CallSTG-STAN4.16541.91700.9318
w/o Att4.41781.99670.9234
w/o PLSTM6.78253.22520.8021
w/o Att-PLSTM6.29483.20130.8452
InternetSTG-STAN38.016513.16910.8386
w/o Att38.935517.64480.8314
PLSTM63.882741.52150.6228
w/o Att-PLSTM63.951641.75130.6038
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

Shi, J.; Cui, L.; Gu, B.; Lyu, B.; Gong, S. State Transition Graph-Based Spatial–Temporal Attention Network for Cell-Level Mobile Traffic Prediction. Sensors 2023, 23, 9308. https://doi.org/10.3390/s23239308

AMA Style

Shi J, Cui L, Gu B, Lyu B, Gong S. State Transition Graph-Based Spatial–Temporal Attention Network for Cell-Level Mobile Traffic Prediction. Sensors. 2023; 23(23):9308. https://doi.org/10.3390/s23239308

Chicago/Turabian Style

Shi, Jianrun, Leiyang Cui, Bo Gu, Bin Lyu, and Shimin Gong. 2023. "State Transition Graph-Based Spatial–Temporal Attention Network for Cell-Level Mobile Traffic Prediction" Sensors 23, no. 23: 9308. https://doi.org/10.3390/s23239308

APA Style

Shi, J., Cui, L., Gu, B., Lyu, B., & Gong, S. (2023). State Transition Graph-Based Spatial–Temporal Attention Network for Cell-Level Mobile Traffic Prediction. Sensors, 23(23), 9308. https://doi.org/10.3390/s23239308

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