Next Article in Journal
Analysis and Experimental Study on the Stability of Large-Span Caverns’ Surrounding Rock Based on the Progressive Collapse Mechanism
Previous Article in Journal
Heat Transfer Performance and Operation Scheme of the Deeply Buried Pipe Energy Pile Group
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dynamic Spatio-Temporal Adaptive Graph Convolutional Recurrent Networks for Vacant Parking Space Prediction

by
Liangpeng Gao
1,2,
Wenli Fan
1 and
Wenliang Jian
1,3,*
1
School of Transportation, Fujian University of Technology, Fuzhou 350108, China
2
School of Transportation, Southeast University, Nanjing 210036, China
3
College of Transportation Engineering, Tongji University, Shanghai 201804, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(13), 5927; https://doi.org/10.3390/app14135927
Submission received: 24 May 2024 / Revised: 2 July 2024 / Accepted: 4 July 2024 / Published: 7 July 2024
(This article belongs to the Special Issue Intelligent Transportation System in Smart City)

Abstract

:
The prediction of vacant parking spaces (VPSs) can reduce the time drivers spend searching for parking, thus alleviating traffic congestion. However, previous studies have mostly focused on modeling the temporal features of VPSs using historical data, neglecting the complex and extensive spatial characteristics of different parking lots within the transportation network. This is mainly due to the lack of direct physical connections between parking lots, making it challenging to quantify the spatio-temporal features among them. To address this issue, we propose a dynamic spatio-temporal adaptive graph convolutional recursive network (DSTAGCRN) for VPS prediction. Specifically, DSTAGCRN divides VPS data into seasonal and periodic trend components and combines daily and weekly information with node embeddings using the dynamic parameter-learning module (DPLM) to generate dynamic graphs. Then, by integrating gated recurrent units (GRUs) with the parameter-learning graph convolutional recursive module (PLGCRM) of DPLM, we infer the spatio-temporal dependencies for each time step. Furthermore, we introduce a multihead attention mechanism to effectively capture and fuse the spatio-temporal dependencies and dynamic changes in the VPS data, thereby enhancing the prediction performance. Finally, we evaluate the proposed DSTAGCRN on three real parking datasets. Extensive experiments and analyses demonstrate that the DSTAGCRN model proposed in this study not only improves the prediction accuracy but can also better extract the dynamic spatio-temporal characteristics of available parking space data in multiple parking lots.

1. Introduction

Parking problems have become one of the main problems encountered in the development of smart cities. It has been reported that more than one-third of urban traffic congestion is caused by the search for vacant parking spaces (VPSs) [1,2]. With the development of communication technology, smart cities can collect massive amounts of parking data through cameras, sensors, etc. [3]. Based on historical parking data, parking prediction [4] combined with existing parking management and guidance systems can help drivers find VPSs in a shorter time, thereby improving overall traffic efficiency. Therefore, the development of smart cities requires accurate and efficient parking prediction methods.
Parking prediction aims to predict the number of future VPSs based on historical data, which is a spatio-temporal problem with complex time and space dependencies [5]. First, in terms of time dependency, the number of VPSs in a single parking lot exhibits intricate periodicity, such as variations in parking demand between weekdays and weekends. Second, as illustrated in Figure 1, parking lots are distributed across the road network, and different parking lots possess spatial heterogeneity (e.g., distinct road types, POIs, population distribution) depending on their location, such as residential or commercial areas. Furthermore, when many vehicles are parked in a parking lot around a destination, people often choose to park their vehicles in another parking lot within a tolerable distance from the destination. However, previous VPS prediction methods mainly focused on the time dependency of parking data, neglecting the spatial dependencies among parking lots.
In recent years, graph neural networks have been widely used in traffic prediction due to their ability to capture spatial correlations among network nodes [6]. The distribution of parking lots in road networks is typically non-Euclidean, and graph neural networks have advantages in handling non-Euclidean structured data. To model the complex spatio-temporal correlations between multiple parking lots, we propose a dynamic spatio-temporal adaptive graph convolutional recursive network (DSTAGCRN) for predicting available parking spaces in parking lots. In contrast to previous methods, DSTAGCRN considers hidden dependencies between different parking lots from both periodic and spatial perspectives. Specifically, we decompose the parking history data into trend and seasonal components as inputs using data decomposition. We combine daily and weekly information with node embeddings using a dynamic parameter-learning module (DPLM) to generate dynamic adaptive graphs. We design a parameter-learning graph convolutional recursive module (PLGCRM) that integrates gated recurrent units (GRUs) and the DPLM to infer the spatio-temporal dependencies at each time step. Meanwhile, we use a multihead attention mechanism module to automatically allocate relatively more attention to valuable information, enabling more effective predictions of parking availability.
Under our improvement, the proposed dynamic spatio-temporal adaptive graph convolutional recursive network (DSTAGCRN) method has the following main advantages compared with existing methods:
(1)
Dynamic Graph Generation
Existing methods mostly rely on static predefined graphs to model spatial dependencies between parking lots, such as ASTGCN and AGCRN. These static images cannot capture the dynamic relationship between parking lots. Our DSTAGCRN method utilizes a dynamic parameter-learning module (DPLM) to combine daily and weekly information to generate dynamic graphs, thereby better capturing the implicit dependency relationships between parking lots over time.
(2)
Spatio-temporal Feature Fusion
Traditional methods, such as LSTM and DCRNN, mainly focus on temporal dependencies while ignoring spatial correlations between parking lots. Our method utilizes a parameter-learning graph convolutional recursive module (PLGCRM), combined with a multihead attention mechanism, to not only capture temporal dependencies but also effectively integrate temporal and spatial dependencies, making our model more robust and accurate when facing complex spatio-temporal data and improving the prediction accuracy of the model.
(3)
Dynamic Adaptive Ability
Due to the functional role of dynamic graphs, our model can automatically adjust weights based on real-time changes in parking lot data, thereby better reflecting the dynamic spatial correlation between different parking lots. This dynamic adaptive ability enables our model to maintain high predictive performance when facing different time periods and spatial layouts. In addition, we have validated the proposed DSTAGCRN model on various parking lot datasets of different scales and characteristics, such as Zurich, Guangzhou, and Singapore, to demonstrate its strong applicability and scalability and its ability to adapt to different parking lot network scenarios.
The rest of this paper is organized as follows: Section 2 provides a brief review of related work. Section 3 presents the definition of the research problem, while Section 4 describes the proposed method in detail. The experimental results of our approach are analyzed in Section 5. Finally, Section 6 concludes the study and outlines plans.

2. Literature Review

In recent years, with the development of Internet of Things (IoT) and communication technologies, many cities have implemented monitoring systems to record the number of vacant parking spaces [7,8]. VPS prediction can be seen as a spatio-temporal forecasting task that utilizes historical data collected from devices to predict the future availability of parking spaces. Research on vacant parking space prediction can generally be divided into two categories. One type is based on statistics, and the other type is based on machine learning (ML) and deep learning (DL).

2.1. Mathematical Statistics

For statistical-based methods, Guo et al. [9] proposed a data-driven autoregressive integrated moving average (ARIMA) approach for short-term prediction. Building upon this, Jose et al. [10] introduced a seasonal autoregressive integrated moving average (SARIMA) model for vacant parking space prediction. Although ARIMA and SARIMA are simple and do not rely on external variables, they are not suitable for nonlinear time series data, and parameter estimation can be challenging [11]. Additionally, Wu et al. [12] proposed a successful parking probability prediction algorithm, which can improve the accuracy of parking space prediction after short-term or long-term driving. In another study, Zheng et al. [13] created a parking demand prediction model based on the distribution of parking arrival and departure patterns. They proposed a parking trend-based method to determine the prediction interval and used curve fitting and the method of undetermined coefficients to calibrate parameters and predict parking demand. Xiao et al. [14] presented a framework based on continuous-time Markov M/M/C/C queues for vacant parking space prediction.
Subsequently, Rong et al. [15] used linear interpolation as a benchmark and employed a distance-weighted interpolation algorithm for parking prediction. Bock et al. [1] also used a Kalman filter in a study to predict on-street parking availability, though the use of the Kalman filter did not result in significant statistical improvement. Additionally, Peng et al. [16] employed time-varying analysis of historical data and modeled the discrete occupancy of parking lots as a nonstationary Poisson process, proposing an economically efficient parking spot search method. However, statistical-based methods primarily focus on theoretical analysis and are not suitable for nonlinear time series data, making them ill suited for complex real-world parking scenarios [17].

2.2. Machine Learning Methods

With the advancement in computational power, machine learning methods have increasingly been applied in parking prediction, effectively addressing the shortcomings of statistical methods by handling complex nonlinear time series data. machine learning algorithms such as decision tree (DT) [18], least absolute shrinkage and selection operator (LASSO) [19], and K-nearest neighbors (KNN) [20] have been employed for parking prediction. However, most machine learning studies fail to consider the impact of contextual features in parking data [2]. In a study by Rajabioun et al. [21] a combination of long short-term memory (LSTM) and autoregressive integrated moving average (ARIMA) methods was used to predict the occupancy status of parking lots.
Similarly, Sampathkumar et al. [22] proposed a majority voting ensemble model that combines the outputs of seven different forecasting methods for parking prediction. On the other hand, Tekouabou et al. [23] conducted a further analysis of parking space availability using a combination of four regression methods (bagging, random forest, adaptive boosting, and gradient boosting). Zhao et al. [24] designed a model based on the LASSO regression analysis machine learning method, improving prediction accuracy by performing variable selection and regularization to capture the nonlinear characteristics of parking events. Bilotta et al. [25] highlighted the differences between models using LSTM and bidirectional LSTM, feature correlation (baseline, weather, traffic, etc.), and the impact of seasonality on predictions through feature correlation analysis using interpretable artificial intelligence techniques based on gradients and integrated gradients. Zhang et al. [26] proposed the PewLSTM model, which leverages a periodic weather-aware LSTM module to forecast parking behavior. Zeng et al. [27] developed a parking availability prediction model by incorporating wavelet transform (WT) and bidirectional long short-term memory (Bi-LSTM). The model utilizes WT for denoising historical parking data and then employs a Bi-LSTM network to learn the time correlation of parking data.
However, the aforementioned studies mostly focus on the temporal correlation of parking data, neglecting the spatial correlation between parking lots. Feng et al. [28] proposed a bi-convolutional long short-term network with dense convolutional layers that uses a CNN to extract spatial features of parking lots by partitioning grids. However, parking lots often exhibit non-Euclidean structures (as shown in Figure 1), making them less suitable for modeling spatial dependencies using a CNN.

2.3. Spatio-Temporal Graph Neural Networks

In recent years, Graph Neural Networks (GNNs) have been widely used in traffic prediction, utilizing graph theory to filter signals on local subgraphs. The graph convolution in GNN models combines the central node representation with neighboring node representations to create a new representation for the node, exploring spatio-temporal correlations in traffic data. GNNs can handle non-Euclidean structured data, using graphs to model parking networks and capture spatial dependencies, which is particularly suitable for irregularly distributed parking lots.
Guo et al. [29] enhanced the modeling capability of dynamic spatio-temporal correlations in traffic data by proposing an attention-based spatio-temporal graph convolutional network (ASTGCN) model for traffic flow forecasting. Leveraging the robustness of neural controlled differential equations (NCDEs) to irregular time series, Choi et al. [30] combined NCDEs with graph neural networks for spatio-temporal processing of traffic data. Furthermore, Guo et al. [31] introduced a latent network for extracting spatio-temporal features and proposed a dynamic graph convolutional network that adaptively constructs the dynamic road network graph matrix for traffic prediction.
In the field of parking prediction, researchers have gradually started using graph neural networks. For example, Chen et al. [32] used an Elman neural network to predict short-term available parking spaces. Vlahogianni et al. [33] employed a genetic algorithm optimized multilayer perceptron (MLP) to predict the occupancy rates of regional parking lots for the next 30 min. Liu et al. [34] also proposed an APS prediction algorithm based on a CNN-LSTM model, which considered both spatial and temporal correlations, although it only accounted for roadside parking directly affected by traffic flow. With technological advancements, Chen et al. [35] proposed a residual spatio-temporal graph convolutional neural network prediction model, which uses GNNs and temporal convolutional networks to capture spatial and temporal features, respectively, improving the accuracy and efficiency of the prediction process. Gao et al. [36] introduced a parking prediction model named DWT-ConvGRU-BRC, which uses discrete wavelet transform (DWT) to denoise historical parking data and then employs a convolutional gated recurrent unit network (ConvGRU) to extract temporal correlations of the parking lot itself and spatial correlations between different parking lots. Yang et al. [4] utilized graph convolutional neural networks (GCNNs) to extract spatial relationships in parking data from a large-scale network and used long short-term memory (LSTM) networks to capture temporal features. Zhao et al. [25] extracted discriminative features from multisource data and combined multigraph convolutional neural networks (MGCNs) with LSTM networks to capture complex spatio-temporal correlations. Zhang et al. [37] proposed a hierarchical graph convolution module to capture local and global spatial dependencies and then used a hierarchical attentional recurrent network module to capture dynamic short-term and long-term temporal dependencies in each parking lot.
However, the aforementioned GCN-based approaches require predefining connection graphs through similarity or distance measures [38] to capture spatial correlations. The graphs generated in this way are often intuitive, incomplete, and not directly tailored to the prediction task [39]. To fill this gap, this paper proposes a novel method called the dynamic spatio-temporal adaptive graph convolutional recurrent network (DSTAGCRN), which integrates dynamic graphs, GRUs, and attention mechanisms to create an accurate and efficient VPS prediction model.

3. Preliminaries

Definition 1. 
Parking lot network: We define a parking lot network as an undirected graph  G = ( V , E , A ) , where V is a set of nodes N , with each node corresponding to a parking lot. E represents a set of M edges, and A R N × N denotes the adjacency matrix (constructed based on distance or semantic similarity, for example).
Definition 2. 
Parking signal matrix: The observed values of parking lot network  G  at time slot t are represented by the parking signal matrix X t = ( x t , 1 , x t , 2 , , x t , N ) T R N × C . Here, x t , v R C represents the feature vector of node V at time t (such as the number of available parking spaces), and C denotes the number of features.
Definition 3. 
Graph convolution: According to [40], the graph convolution operation can be well approximated by a first-order Chebyshev polynomial. This can be expressed as:
Z = ( I N + D 1 2 A D 1 2 ) X Θ + b
In the equation, A R N × N represents the graph structure as a positive semidefinite matrix, and D is the degree matrix of A . X R N × C and Z R N × F refer to the input and output of the GCN, respectively. Θ R C × F and b R F represent the weights and biases, respectively. The vacant parking space prediction problem can be described as follows: Given a parking lot network G = ( V , E , A ) and a Pth-order parking signal matrix X ( t P ) : t = ( X t p , X t p + 1 , , X t 1 ) R P × N × C , the mapping function f ( · ) maps X ( t P ) : t to the next Qth-order parking signal matrix X t : ( t + Q ) = ( X t , X t + 1 , , X t + Q 1 ) R Q × N × C . The representation is as follows:
X t : ( t + Q ) = f ( X ( t P ) : t ; G )

4. Model Architecture

This section introduces the details of DSTAGCRN. DSTAGCRN includes: (1) a sequence decomposition module, which decomposes the input parking history data into periodic trends and seasonal trends and extracts long-term stationary trends from hidden variables; (2) a dynamic parameter-learning module (DPLM), which combines daily information and weekly information with node embeddings to generate dynamic graphs to infer hidden spatial correlations in the parking lot network; (3) a parameter-learning graph convolutional recursive module (PLGCRM) to infer temporal dependencies at each time step; and (4) a multihead attention mechanism module. The spatio-temporal information is adjusted by the attention mechanism and is then fed into the PLGCRM block, allowing the network to automatically capture and fuse the spatio-temporal dependencies and dynamic changes in parking data to improve prediction performance. The architecture of DSTAGCRN is shown in Figure 2.

4.1. Sequence Decomposition

Inspired by Autoformer [41] and MICN [42], this paper also uses the moving average sequence decomposition method. This method divides parking history data into periodic trend parts and seasonal parts and can extract long-term stationary trends from hidden variables. Therefore, in this article, for the parking data X R T × N with input time step t , the formula is:
X c = AvgPool ( Padding ( X ) )
X s = X X c
where X s , X c R T × N represent the seasonal component and periodic trend component extracted from the original parking data, respectively. The use of AvgPool ( ) and padding operations helps maintain the length of the decomposed sequences. After the sequence decomposition operation, we substitute the decomposed results into the mapping function f ( ) and perform an addition operation to obtain the predicted VPS data.

4.2. Dynamic Parameter-Learning Module (DPLM)

Existing approaches usually pre-calculate the graph based on geographical distances between different nodes or the similarity of the flow sequences [29,43]. However, predefined graphs may not capture the complete information about spatial dependencies [44]. To better capture the hidden dependencies between each node, some scholars have proposed graph learning methods. For example, Graph WaveNet [45], AGCRN [39], and MTGNN [46] use learnable node embeddings to construct static graph structures. Building on these works, our dynamic parameter-learning module (DPLM) employs a method that combines daily information, weekly information, and node embeddings to construct a dynamic graph, thereby learning the hidden interdependencies between different parking lots.
First, a node embedding E N R N × d is randomly initialized to represent node-specific features common to all time steps, where each row of E N represents the embedding of a node and d denotes the dimension of node embedding. Then, we perform an elementwise product operation on node embedding E N , daily information X T D R T × N , and weekly information X T W R T × N to obtain a new space-time embedding E N T R T × N × d , whose expression is:
E N T = X T D X T W E N
where X T D and X T W represent the position of the parking data X T of the current time step t every day and the position of each week, respectively. N represents the number of parking lots, d represents the embedding dimension, and represents the elementwise product operation. The specific process is shown in Figure 3.
In time step t , the input X T of the current time step and the hidden state H T 1 of the previous step are passed through the MLP layer, and the dynamic signal is extracted and multiplied in an elementwise manner with the spatio-temporal embedding E N T to generate a dynamic graph embedding E N D R T × N × d , whose expression is:
E N D = MLP ( Concat [ X T , H T 1 ] ) E N T
Similar to the node similarity definition graph, the spatial dependence can be inferred by multiplying E N D by ( E N D ) T . Therefore, the dynamic matrix A T D R T × N × N we generated is substituted into Equation (1) to obtain the dynamic convolution formula, which can be expressed as:
A T D = E N D ( E N D ) T
Z t = ( I N + D 1 2 A T D D 1 2 ) X Θ + b = ( I N + D 1 2 ( ReLU ( E N D ( E N D ) T ) ) D 1 2 ) X Θ + b

4.3. Parameter-Learning Graph Convolution Recursive Module (PLGCRM)

In addition to spatial dependency, parking data also exhibit complex temporal patterns such as periodicity and temporal correlations. Previous works [39,47] have addressed this by replacing the linear layers in GRUs with static graph convolutions to capture both spatial and temporal features simultaneously. As shown in Figure 4, we propose the parametric learning graph convolutional recursive module (PLGCRM), which integrates DPLM and GRU, as the basic unit for spatio-temporal modeling. We further utilize dynamic graph convolutions to learn the dynamic correlations between nodes.
r t = σ ( A [ X t , H t 1 ] Θ r + b r ) u t = σ ( A [ X t , H t 1 ] Θ u + b u ) h t = tan h ( A [ X t , r t H t 1 ] Θ u + b u ) h t = u t H t 1 + ( 1 u t ) h t
where X t and h t are the input and output at time t , respectively. [ ] represents the concat operation; r t and u t are the reset gate and update gate, respectively; Θ r , Θ u , b r , and b u are learnable parameters; and σ is the sigmoid activation function.

4.4. Attention Module

To address the limitation of GRU in modeling long-term temporal dependencies, we combine the output of the hidden layers in the PLGCRM module with a multihead attention mechanism [48]. The multihead attention mechanism allows for the observation of long-term temporal trends by linearly transforming and concatenating the self-attention results of each group. This parallel computation enhances the dynamic spatio-temporal dependencies. The mathematical formula for this mechanism is as follows:
M u l t i H e a d ( Q , K , V ) = Concat ( h e a d 1 , h e a d 2 , , h e a d h ) W o h e a d i = Attention ( Q i , K i , V i ) = softmax ( Q i K i T d k ) V i
Among them, Q i = H o W q , K i = H o W k , and V i = H o W v are all obtained by linear transformation of matrix H o . H o is the result output by the PLGCRM module, d k is the weight-scaling factor, and W q , W k , and W v are the learnable parameters corresponding to the h head. The specific process of the multihead attention mechanism is shown in Figure 5. We adjust the output of the previous PLGCRM module through the multihead attention mechanism and then feed it as input to the next PLGCRM module. The DSTAGCRN model can be formed by stacking multiple layers of PLGCRM blocks and can be trained end-to-end via backpropagation.

5. Experiment

5.1. Selected Cities and Their Data Description

In this study, we selected cases from Singapore, Zurich, and Guangzhou to test the effectiveness of the constructed model. Singapore, Zurich, and Guangzhou are all representative cities in the world, facing their own challenges and opportunities in parking management and smart city construction. And the three cities have different geographical locations, economic development levels, and urban planning models. Singapore, as one of the financial centers in Asia, has highly intelligent urban management; Zurich is a typical city in Europe, emphasizing the coordinated development of transportation and environment; Guangzhou is a mega city in China, facing transportation and parking pressures brought about by rapid urbanization. Studying the data of these three cities can effectively help us verify the applicability and robustness of the model in different urban environments.
From the perspective of parking, these cities are facing the problem of an imbalanced supply and demand of parking spaces. The high demand for parking in the urban centers of Singapore and Zurich often leads to limited supply of parking spaces, resulting in difficulties in parking and traffic congestion. As a densely populated metropolis, Guangzhou has a more prominent problem of parking difficulties, especially in commercial and residential areas. By comprehensively reviewing the previous literature, we downloaded available parking space data from public data platforms: Zurich’s [49] available parking space data, Singapore’s [50] available parking space data, and Guangdong’s [51] available parking space data. VPS data are summarized at 5 min intervals, that is, there are 288 time steps for a day’s VPS data, which includes street parking and off-street parking. During the data processing, this study encountered some outliers and missing values, which we solved for by applying the linear interpolation method. Table 1 summarizes the data spatio-temporal information of three cities.

5.2. Experiment Preparation

In our experiments, we select 60% of the data as the training set, 20% as the validation set, and the remaining as the test set. This proportion was chosen to construct the relevant dataset because we made multiple attempts from multiple proportion components and ultimately found that the dataset with this proportion performed the best, including the dataset allocation ratios of 70%:20%:10% and 80%:10%:10% that we tried. Additionally, we normalize the dataset using standard normalization methods to stabilize the training process. For these three available parking space datasets, the observation step size and prediction step size are both set to 12, and 1 h of historical data is used to predict the status of vacant parking spaces in the next 60 min. All experiments in this section were conducted on an Intel Core i5-12600 [email protected] computer with a GeForce RTX 3060Ti GPU card. Our experiments are based on the PyTorch framework, with the batch size set to 64 and the number of training rounds set to 50. We use the ADAM optimizer for training with a learning rate of 0.001. To prevent overfitting, we also set up an early stopping strategy with a patience value of 10. In the experiments, the mean absolute error (MAE), root mean square error (RMSE), and mean absolute percent error (MAPE) are used to evaluate the prediction performance of our proposed model.
MAE ( x , y ) = 1 | Ω | i Ω | x i y i |
RMSE ( x , y ) = 1 | Ω | i Ω ( x i y i ) 2
MAPE ( x , y ) = 1 | Ω | i Ω | x i y i x i |
where x 1 , , x n represents the true value and y 1 , y n represents the predicted value. Ω represents the number of observation samples. In our experiment, the value of | Ω | is 12.

5.3. Comparing Models

To validate and evaluate the performance of the proposed DSTAGCRN method, we employed nine baseline models, including HA, LSTM, ASTGCN, DGCN, MegaCRN, STGNCDE, DCRNN, AGCRN, and DGCRN. Below is a brief explanation of each baseline model:
HA [52]: Historical average. It uses past VPS data to calculate the average and predict the next value.
LSTM [53]: Long short-term memory recurrent neural network model. Due to its memory function, LSTM can build learning models using long sequences of VPS data.
ASTGCN [29]: Attention-based spatio-temporal graph convolutional network. It utilizes spatial and temporal attention mechanisms to extract temporal and spatial features from the data.
DGCN [31]: Dynamic graph convolutional network. It proposes a latent network of graph Laplacian matrices to adaptively represent the spatio-temporal connections in traffic data.
MegCRN [54]: Meta graph convolution recursive network (MegaCRN). It relies solely on observed data to maintain robustness and adapt to any traffic situation, from normal to nonstationary.
STGNCDE [30]: Spatio-temporal graph neural control differential equation (STGNCDE). The neural control differential equation (NCDE) is a breakthrough concept for processing sequence data, with both time and space NCDEs designed.
DCRNN [47]: Diffusion convolutional recurrent neural network. It combines the bidirectional random walk of the graph and the recurrent neural network in an encoder–decoder structure.
AGCRN [39]: Adaptive graph convolutional recursive network. It is a deep learning model based on graph convolution, an adaptive adjacency matrix, and a recurrent neural network. An adaptive learning of node-specific parameters for graph convolution used to explore spatio-temporal correlations in data.
DGCRN [55]: Dynamic graph convolutional recurrent network. It extracts dynamic features from node attributes to generate a dynamic graph, capturing dynamic features of correlation between positions on the road network.

5.4. Experimental Results

Table 2 shows the evaluation results of our proposed DSTAGCRN model and the main baseline methods on three VPS datasets. Our method (DSTAGCRN) consistently achieves the best performance and is highlighted in bold. HA and LSTM only consider the temporal correlation of parking data, resulting in large prediction errors. These models ignore the spatial correlation among parking lots, and hence, their accuracy is lower than that of the graph neural network-based models, which also demonstrates the importance of considering spatial correlation for VPS prediction. Among the graph neural network models, the proposed DSTAGCRN model achieves the best performance. Predefined graph-based methods such as ASTGCN exhibit good performance as they can capture the spatial dependencies present in the VPS data. Additionally, methods such as AGCRN that utilize adaptive adjacency matrices can better extract complex dependency relationships present in VPS data and therefore exhibit good performance. Compared with dynamic graph networks such as DGCN and DGCRN, our proposed STDGCRN model explores the complex spatio-temporal dependency relationship in parking data more robustly by considering factors such as daily and weekly cycles. The three parking datasets used in the experiment have large differences in node numbers and temporal span, indicating that our proposed STDGCRN is capable of handling prediction tasks for different parking network scenarios. Note that according to the different roles of the training set, validation set, and test set in the model development process, all evaluation metrics (MAE, RMSE, MAPE) presented in this article are calculated based on the test set. This is because the training set is used for learning model parameters, the validation set is used for hyperparameter adjustment and model selection, and the test set is used to evaluate the model’s performance on unseen data, thereby verifying its generalization ability. Therefore, displaying the results of the test set can better reflect the actual application effect of the model.
To provide a comprehensive evaluation of the models, we present the 15 min, 30 min, and 60 min prediction accuracies for all models on the three parking datasets in Table 2. It can be observed that, except for the Singapore parking dataset, the DSTAGCRN model achieves the best prediction performance regardless of the time step variations in the prediction task. Overall, our proposed STDGCRN model effectively captures the complex spatio-temporal features present in the parking data. Across all time ranges, the error rate of DSTAGCRN is significantly lower than that of the other baselines, which is crucial for real-world VPS prediction. Figure 6 illustrates the results of ASTGCN, MegaCRN, AGCRN, DCRNN, DGCRN, and our proposed DSTAGCRN model at different prediction horizons on the three VPS datasets. It can be observed that the prediction results of all models decrease as the prediction range expands, but the DSTAGCRN model demonstrates higher prediction accuracy and smaller prediction error fluctuations compared with these models.
To clearly demonstrate the spatio-temporal correlations explored by our proposed approach and the performance differences with other baseline models, we plot the predicted values and true values of our method (DSTAGCRN) and STGNCDE for two parking lots within a given period in Figure 7. Both Parking Lot 1 and Parking Lot 2 are commercial parking lots with similar trends in VPS counts, which illustrates the spatio-temporal correlation of the VPS. DSTAGCRN and STGNCDE can fit the true situation of VPS count changes in many periods well, but our model not only accurately adapts to the rapidly changing trends but also captures similar trends such as traffic peak hours, demonstrating a more accurate prediction performance.
This paper takes Parking Lot 2 and Parking Lot 7 in the Guangzhou parking dataset as examples to verify the effectiveness of the dynamic graph inferred by the DSTAGCRN model. Figure 8 shows the available parking space data of the two parking lots for one day, and Figure 9 visualizes the weights of the dynamic spatial correlation of the two parking lots. As shown in these two figures, in cycle 1, the trends of the number of available parking spaces in the two parking lots are different, resulting in relatively low weights being learned by the dynamic graph. In cycle 2, the trends of the two parking lots are similar, so the weights learned by the dynamic graph are higher. Combining Figure 8 and Figure 9, it can be seen that the dynamic graph can effectively adapt to these changes and automatically adjust the weights between multiple parking lots, which reflects that the dynamic graph in the DSTAGCRN model can effectively capture the dynamic spatial associations between multiple parking lots.

5.5. Other Experimental Studies

Due to space limitations in this paper, we chose to present data from Zurich as a representative example to complete the model ablation experiment. This is because the data from Zurich has good representativeness, which can effectively demonstrate the performance of our proposed method in dealing with different parking lot networks. In addition, Zurich’s high data quality and wide coverage provide a sufficient testing basis for our model. We let DSTAGCRN denote the complete network; W/o Trend represents the removal of the trend term, W/o Attention represents the removal of the multihead attention mechanism, W/o Embeddings represents the removal of weekly and daily embeddings, and W/o Dynamic represents the use of only static graphs without dynamics. The evaluation results for the Zurich parking data using these modules are shown in Table 3.
Throughout the entire ablation experiment, we applied the same dataset as Zurich in Table 2, and the specific implementation and result calculation were completed in our research environment, which used Python and related machine learning libraries as well as the PyTorch framework. Overall, the performance using only static graphs was the worst, demonstrating the limitations of considering spatial correlations between different parking lots on the road network solely from the perspective of available parking bay data. The performance of using weekly and daily information embeddings and trend terms was better than that of using only dynamic graphs, indicating that VPS data have periodic features. In addition, the DSTAGCRN model achieved the best performance, indicating that the weight design changed by adding the multihead attention mechanism would greatly affect the graph convolution and that this method could better learn the spatio-temporal correlation between different parking lots.
Figure 10 gives the results of our model with different embedding dimensions on the Zurich parking dataset. DSTAGCRN achieved a relatively good performance on all tested embedding dimensions, which demonstrates the robustness of our method. Furthermore, DSTAGCRN achieved the best performance when the embedding dimension was set to 10. Node embedding dimensions that are too small or too large will lead to poor performance. Appropriate embedding dimensions can derive more accurate spatial correlations and prevent overfitting. Figure 11 shows the impact of dimensions and layers in the PLGCRM module on the model. When the hyperparameters are different, the results of the model are different. This article selects the best parameters.

6. Conclusions

Aiming at the lack of ability of static graphs to model the dynamic spatial association of multiple parking lots, this paper proposed a novel dynamic graph model, DSTAGCRN, for predicting available parking spaces. The proposed model combines node embedding with dynamic graphs to explore the spatial correlation and dynamic information between parking lots in the road network, providing initial evidence of the effectiveness of dynamic graphs in improving prediction performance. We decomposed the original parking data into cyclic trends and seasonal trends, extracting long-term stationary trends from hidden variables to enhance predictive accuracy. Additionally, we introduced a multihead attention mechanism module that self-adjusts based on the dynamic information at each time step to explore more effective hidden information. Ablation experiments validated the effectiveness of these components, indicating the high potential of the model in exploring the spatio-temporal structure of available parking spaces.
Compared with existing prediction models, we conducted extensive experiments on three actual datasets, and the results showed that the proposed DSTAGCRN model could more accurately and efficiently model the number of available parking spaces. In these experiments, we used datasets from Singapore, Zurich, and Guangzhou, which covered different urban environments and parking lot types, validating the widespread applicability and robustness of our model. Specifically, the mean absolute error (MAE), root mean square error (RMSE), and mean absolute percentage error (MAPE) of DSTAGCRN on the test set were significantly lower than those of other benchmark models. For example, compared with the ASTGCN model proposed by Guo et al. [30], our DSTAGCRN model reduced MAE by 0.89, RMSE by 1.47, and MAPE by 4.93% on the Zurich dataset. This advantage is mainly focused on handling dynamic spatial correlations and temporal dependencies. Meanwhile, compared with other benchmark models such as LSTM, MegaCRN, DGCN, etc., it also showed a stronger generalization ability and robustness.
In future research, we plan to integrate more external factors such as temperature, weather, points of interest (POIs), and traffic accidents into the model to further improve the performance and reliability of parking space prediction. In addition, we also would like to explore the applicability of the model in other cities and more application scenarios to promote the development of smart cities. We believe that through continuous optimization and expansion, the graph neural network model would provide more effective technical support for parking management and traffic optimization.

Author Contributions

Methodology, W.J.; Formal analysis, W.F.; Resources, L.G.; Writing—original draft, W.F.; Writing—review and editing, L.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Fujian Natural Science Foundation (Project No.: 2023J01946) and Fujian Provincial Department of Education Young and Middle-aged Teacher Education Research Project (Project No.: JAT190433).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Acknowledgments

We would like to express our gratitude to Zhao Bowen for helping us organize the relevant references.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Bock, F.; Di Martino, S.; Origlia, A. Smart parking: Using a crowd of taxis to sense on-street parking space availability. IEEE Trans. Intell. Transp. Syst. 2019, 21, 496–508. [Google Scholar] [CrossRef]
  2. Xiao, X.; Jin, Z.; Hui, Y.; Xu, Y.; Shao, W. Hybrid spatial–temporal graph convolutional networks for on-street parking availability prediction. Remote Sens. 2021, 13, 3338. [Google Scholar] [CrossRef]
  3. Shao, F.; Shao, H.; Wang, D.; Lam, W.H. A multi-task spatio-temporal generative adversarial network for prediction of travel time reliability in peak hour periods. Phys. A Stat. Mech. Its Appl. 2024, 638, 129632. [Google Scholar] [CrossRef]
  4. Yang, S.; Ma, W.; Pi, X.; Qian, S. A deep learning approach to real-time parking occupancy prediction in transportation networks incorporating multiple spatio-temporal data sources. Transp. Res. Part C Emerg. Technol. 2019, 107, 248–265. [Google Scholar] [CrossRef]
  5. Lablack, M.; Shen, Y. Spatio-temporal graph mixformer for traffic forecasting. Expert Syst. Appl. 2023, 228, 120281. [Google Scholar] [CrossRef]
  6. Xiao, X.; Peng, Z.; Lin, Y.; Jin, Z.; Shao, W.; Chen, R.; Cheng, N.; Mao, G. Parking Prediction in Smart Cities: A Survey. IEEE Trans. Intell. Transp. Syst. 2023, 24, 10302–10326. [Google Scholar] [CrossRef]
  7. Shao, W.; Salim, F.D.; Gu, T.; Dinh, N.-T.; Chan, J. Traveling officer problem: Managing car parking violations efficiently using sensor data. IEEE Internet Things J. 2017, 5, 802–810. [Google Scholar] [CrossRef]
  8. Shao, W.; Tan, S.; Zhao, S.; Qin, K.K.; Hei, X.; Chan, J.; Salim, F.D. Incorporating lstm auto-encoders in optimizations to solve parking officer patrolling problem. ACM Trans. Spat. Algorithms Syst. 2020, 6, 1–21. [Google Scholar] [CrossRef]
  9. Guo, J.; He, H.; Sun, C. ARIMA-based road gradient and vehicle velocity prediction for hybrid electric vehicle energy management. IEEE Trans. Veh. Technol. 2019, 68, 5309–5320. [Google Scholar] [CrossRef]
  10. Jose, A.; Vidya, V. A stacked long short-term memory neural networks for parking occupancy rate prediction. In Proceedings of the 2021 10th IEEE International Conference on Communication Systems and Network Technologies (CSNT), Bhopal, India, 18–19 June 2021. [Google Scholar] [CrossRef]
  11. Alquraish, M.; Abuhasel, K.A.; Alqahtani, A.S.; Khadr, M. SPI-based hybrid hidden Markov–GA, ARIMA–GA, and ARIMA–GA–ANN models for meteorological drought forecasting. Sustainability 2021, 13, 12576. [Google Scholar] [CrossRef]
  12. Wu, E.H.-K.; Sahoo, J.; Liu, C.-Y.; Jin, M.-H.; Lin, S.-H. Agile urban parking recommendation service for intelligent vehicular guiding system. IEEE Intell. Transp. Syst. Mag. 2014, 6, 35–49. [Google Scholar] [CrossRef]
  13. Zheng, L.; Xiao, X.; Sun, B.; Mei, D.; Peng, B. Short-term parking demand prediction method based on variable prediction interval. IEEE Access 2020, 8, 58594–58602. [Google Scholar] [CrossRef]
  14. Xiao, J.; Lou, Y.; Frisby, J. How likely am I to find parking?–A practical model-based framework for predicting parking availability. Transp. Res. Part B Methodol. 2018, 112, 19–39. [Google Scholar] [CrossRef]
  15. Rong, Y.; Xu, Z.; Yan, R.; Ma, X. Du-parking: Spatio-temporal big data tells you realtime parking availability. In Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, London, UK, 19–23 August 2018. [Google Scholar] [CrossRef]
  16. Peng, L.; Li, H. Searching parking spaces in urban environments based on non-stationary Poisson process analysis. In Proceedings of the 2016 IEEE 19th International Conference on Intelligent Transportation Systems (ITSC), Rio de Janeiro, Brazil, 1–4 November 2016. [Google Scholar] [CrossRef]
  17. Fan, J.; Hu, Q.; Xu, Y.; Tang, Z. Predicting vacant parking space availability: A long short-term memory approach. IEEE Intell. Transp. Syst. Mag. 2020, 14, 129–143. [Google Scholar] [CrossRef]
  18. Zheng, Y.; Rajasegarar, S.; Leckie, C. Parking availability prediction for sensor-enabled car parks in smart cities. In Proceedings of the 2015 IEEE Tenth International Conference on Intelligent Sensors, Sensor Networks and Information Processing (ISSNIP), Singapore, 7–9 April 2015. [Google Scholar] [CrossRef]
  19. Ismail, M.H.; Razak, T.R.; Gining, R.A.J.M.; Fauzi, S.S.M.; Abdul-Aziz, A. Predicting vehicle parking space availability using multilayer perceptron neural network. In IOP Conference Series: Materials Science and Engineering; IOP Publishing: Bristol, UK, 2021; Volume 1176. [Google Scholar] [CrossRef]
  20. Awan, F.M.; Saleem, Y.; Minerva, R.; Crespi, N. A comparative analysis of machine/deep learning models for parking space availability prediction. Sensors 2020, 20, 322. [Google Scholar] [CrossRef]
  21. Rajabioun, T.; Ioannou, P.A. On-Street and Off-Street Parking Availability Prediction Using Multivariate Spatiotemporal Models. IEEE Trans. Intell. Transp. Syst. 2015, 16, 2913–2924. [Google Scholar] [CrossRef]
  22. Sampathkumar, A.; Maheswar, R.; Harshavardhanan, P.; Murugan, S.; Jayarajan, P.; Sivasankaran, V. Majority Voting based Hybrid Ensemble Classification Approach for Predicting Parking Availability in Smart City based on IoT. In Proceedings of the 2020 11th International Conference on Computing, Communication and Networking Technologies (ICCCNT), Kharagpur, India, 1–3 July 2020; pp. 1–8. [Google Scholar] [CrossRef]
  23. Tekouabou, S.C.K.; Alaoui, E.A.A.; Cherif, W.; Silkan, H. Improving parking availability prediction in smart cities with IoT and ensemble-based model. J. King Saud Univ.—Comput. Inf. Sci. 2022, 34, 687–697. [Google Scholar] [CrossRef]
  24. Zhao, D.; Ju, C.; Zhu, G.; Ning, J.; Luo, D.; Zhang, D.; Ma, H. MePark: Using Meters as Sensors for Citywide On-Street Parking Availability Prediction. IEEE Trans. Intell. Transp. Syst. 2022, 23, 7244–7257. [Google Scholar] [CrossRef]
  25. Bilotta, S.; Palesi, L.A.I.; Nesi, P. Predicting free parking slots via deep learning in short-mid terms explaining temporal impact of features. IEEE Access 2023, 11, 101678–101693. [Google Scholar] [CrossRef]
  26. Zhang, F.; Liu, Y.; Feng, N.; Yang, C.; Zhai, J.; Zhang, S.; He, B.; Lin, J.; Zhang, X.; Du, X. Periodic weather-aware LSTM with event mechanism for parking behavior prediction. IEEE Trans. Knowl. Data Eng. 2021, 34, 5896–5909. [Google Scholar] [CrossRef]
  27. Zeng, C.; Ma, C.; Wang, K.; Cui, Z. Predicting vacant parking space availability: A DWT-Bi-LSTM model. Phys. A Stat. Mech. Its Appl. 2022, 599, 127498. [Google Scholar] [CrossRef]
  28. Feng, Y.; Xu, Y.; Hu, Q.; Krishnamoorthy, S.; Tang, Z. Predicting vacant parking space availability zone-wisely: A hybrid deep learning approach. Complex Intell. Syst. 2022, 8, 4145–4161. [Google Scholar] [CrossRef]
  29. Guo, S.; Lin, Y.; Feng, N.; Song, C.; Wan, H. Attention based spatial-temporal graph convolutional networks for traffic flow forecasting. Proc. AAAI Conf. Artif. Intell. 2019, 33, 922–929. [Google Scholar] [CrossRef]
  30. Choi, J.; Choi, H.; Hwang, J.; Park, N. Graph neural controlled differential equations for traffic forecasting. Proc. AAAI Conf. Artif. Intell. 2022, 36, 6367–6374. [Google Scholar] [CrossRef]
  31. Guo, K.; Hu, Y.; Qian, Z.; Sun, Y.; Gao, J.; Yin, B. Dynamic graph convolution network for traffic forecasting based on latent network of Laplace matrix estimation. IEEE Trans. Intell. Transp. Syst. 2020, 23, 1009–1018. [Google Scholar] [CrossRef]
  32. Chen, Q.; Yan, K.; Wang, R. Parking space information prediction based on phrase construction and Elman neural network. J.-Tongji Univ. 2007, 35, 607. [Google Scholar]
  33. Vlahogianni, E.I.; Kepaptsoglou, K.; Tsetsos, V.; Karlaftis, M.G. A real-time parking prediction system for smart cities. J. Intell. Transp. Syst. 2016, 20, 192–204. [Google Scholar] [CrossRef]
  34. Liu, F.; Hao, F.; Hao, J.; Zhou, Y.; Xin, G. Parking prediction algorithm based on optimized LSTM model. J. Comput. Appl. 2019, 39, 65–69. [Google Scholar]
  35. Chen, G.; Zhang, S.; Weng, W.; Yang, W. Residual spatial-temporal graph convolutional neural network for on-street parking availability prediction. Int. J. Sens. Netw. 2023, 43, 246–257. [Google Scholar] [CrossRef]
  36. Gao, L.; Fan, W.; Hu, Z.; Jian, W. Prediction of Vacant Parking Spaces in Multiple Parking Lots: A DWT-ConvGRU-BRC Model. Appl. Sci. 2023, 13, 3791. [Google Scholar] [CrossRef]
  37. Zhang, W.; Liu, H.; Liu, Y.; Zhou, J.; Xu, T.; Xiong, H. Semi-supervised city-wide parking availability prediction via hierarchical recurrent graph neural network. IEEE Trans. Knowl. Data Eng. 2020, 34, 3984–3996. [Google Scholar] [CrossRef]
  38. Geng, X.; Li, Y.; Wang, L.; Zhang, L.; Yang, Q.; Ye, J.; Liu, Y. Spatiotemporal multi-graph convolution network for ride-hailing demand forecasting. Proc. AAAI Conf. Artif. Intell. 2019, 33, 3656–3663. [Google Scholar] [CrossRef]
  39. Bai, L.; Yao, L.; Li, C.; Wang, X.; Wang, C. Adaptive graph convolutional recurrent network for traffic forecasting. Adv. Neural Inf. Process. Syst. 2020, 33, 17804–17815. [Google Scholar] [CrossRef]
  40. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar] [CrossRef]
  41. Wu, H.; Xu, J.; Wang, J.; Long, M. Autoformer: Decomposition transformers with auto-correlation for long-term series forecasting. Adv. Neural Inf. Process. Syst. 2021, 34, 22419–22430. [Google Scholar] [CrossRef]
  42. Wang, H.; Peng, J.; Huang, F.; Wang, J.; Chen, J.; Xiao, Y. Micn: Multi-scale local and global context modeling for long-term series forecasting. In Proceedings of the Eleventh International Conference on Learning Representations, Kigali, Rwanda, 1–5 May 2022; pp. 1–22. Available online: https://openreview.net/pdf?id=zt53IDUR1U (accessed on 23 May 2024).
  43. Guo, S.; Lin, Y.; Wan, H.; Li, X.; Cong, G. Learning dynamics and heterogeneity of spatial-temporal graph data for traffic forecasting. IEEE Trans. Knowl. Data Eng. 2021, 34, 5415–5428. [Google Scholar] [CrossRef]
  44. Ye, J.; Sun, L.; Du, B.; Fu, Y.; Xiong, H. Coupled layer-wise graph convolution for transportation demand prediction. Proc. AAAI Conf. Artif. Intell. 2021, 35, 4617–4625. [Google Scholar] [CrossRef]
  45. Wu, Z.; Pan, S.; Long, G.; Jiang, J.; Zhang, C. Graph wavenet for deep spatial-temporal graph modeling. arXiv 2019, arXiv:1906.00121. [Google Scholar] [CrossRef]
  46. Wu, Z.; Pan, S.; Long, G.; Jiang, J.; Chang, X.; Zhang, C. Connecting the dots: Multivariate time series forecasting with graph neural networks. In Proceedings of the 26th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Virtual Event, 6–10 July 2020. [Google Scholar] [CrossRef]
  47. Li, Y.; Yu, R.; Shahabi, C.; Liu, Y. Diffusion convolutional recurrent neural network: Data-driven traffic forecasting. arXiv 2017, arXiv:1707.01926. [Google Scholar] [CrossRef]
  48. Voita, E.; Talbot, D.; Moiseev, F.; Sennrich, R.; Titov, I. Analyzing multi-head self-attention: Specialized heads do the heavy lifting, the rest can be pruned. arXiv 2019, arXiv:1905.09418. [Google Scholar] [CrossRef]
  49. Zurich Open Data Portal. Available online: https://data.stadt-zuerich.ch/dataset/parkleitsystem (accessed on 2 May 2023).
  50. Singapore Open Data Portal. Available online: https://beta.data.gov.sg/datasets/85/view (accessed on 2 May 2023).
  51. Li, J.; Qu, H.; You, L. An Integrated Approach for the Near Real-Time Parking Occupancy Prediction. IEEE Trans. Intell. Transp. Syst. 2022, 24, 3769–3778. [Google Scholar] [CrossRef]
  52. Hamilton, J.D. Time Series Analysis; Princeton University Press: Princeton, NJ, USA, 2020. [Google Scholar] [CrossRef]
  53. Schmidhuber, J.; Hochreiter, S. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar]
  54. Jiang, R.; Wang, Z.; Yong, J.; Jeph, P.; Chen, Q.; Kobayashi, Y.; Song, X.; Fukushima, S.; Suzumura, T. Spatio-temporal meta-graph learning for traffic forecasting. In Proceedings of the AAAI Conference on Artificial Intelligence; Association for the Advancement of Artificial Intelligence, Washington, DC, USA, 7–14 February 2023; Volume 37. [Google Scholar] [CrossRef]
  55. Li, F.; Feng, J.; Yan, H.; Jin, G.; Yang, F.; Sun, F.; Jin, D.; Li, Y. Dynamic graph convolutional recurrent network for traffic prediction: Benchmark and solution. ACM Trans. Knowl. Discov. Data 2023, 17, 1–21. [Google Scholar] [CrossRef]
Figure 1. Schematic diagram of hidden relationships in multiple parking lots.
Figure 1. Schematic diagram of hidden relationships in multiple parking lots.
Applsci 14 05927 g001
Figure 2. Overall framework of DSTAGCRN.
Figure 2. Overall framework of DSTAGCRN.
Applsci 14 05927 g002
Figure 3. Construction of spatio-temporal embeddings.
Figure 3. Construction of spatio-temporal embeddings.
Applsci 14 05927 g003
Figure 4. Schematic diagram of the PLGCRM module.
Figure 4. Schematic diagram of the PLGCRM module.
Applsci 14 05927 g004
Figure 5. The specific process of the multihead attention mechanism.
Figure 5. The specific process of the multihead attention mechanism.
Applsci 14 05927 g005
Figure 6. Prediction results for six models per prediction layer on three parking datasets.
Figure 6. Prediction results for six models per prediction layer on three parking datasets.
Applsci 14 05927 g006
Figure 7. Comparison of the prediction results between the proposed DSTAGCRN model and the STGNCDE model on the Guangzhou parking dataset.
Figure 7. Comparison of the prediction results between the proposed DSTAGCRN model and the STGNCDE model on the Guangzhou parking dataset.
Applsci 14 05927 g007
Figure 8. Changes in the number of vacant parking spaces in two parking lots in one day.
Figure 8. Changes in the number of vacant parking spaces in two parking lots in one day.
Applsci 14 05927 g008
Figure 9. Changes in the spatial weights of two parking lots in one day.
Figure 9. Changes in the spatial weights of two parking lots in one day.
Applsci 14 05927 g009
Figure 10. Impact of different embedding dimensions.
Figure 10. Impact of different embedding dimensions.
Applsci 14 05927 g010
Figure 11. Impact of different parameters on the model.
Figure 11. Impact of different parameters on the model.
Applsci 14 05927 g011
Table 1. Description and statistics of the dataset.
Table 1. Description and statistics of the dataset.
DatasetZurichGuangzhouSingapore
Start Time1 January 20231 June 20181 June 2022
End Time13 April 202330 June 201811 August 2022
Time Interval5 min5 min5 min
Timesteps29,664864020,736
Parking Lots Number3318122
Table 2. Performance comparison between the model proposed in this article and other models.
Table 2. Performance comparison between the model proposed in this article and other models.
ModelsZurichGuangzhouSingapore
MAERMSEMAPE (%)MAERMSEMAPE (%)MAERMSEMAPE (%)
HA9.2917.7829.5918.1938.2320.3631.153.3518.89
LSTM8.6617.0444.7817.0123.7526.0324.2673.538.36
ASTGCN4.5710.1318.478.2817.033.654.98.743.16
DGCN7.4112.1828.221.4836.1912.495.047.863.22
MegaCRN4.379.2617.467.7815.173.485.069.833.14
STGNCD4.629.3417.549.1217.694.514.788.073.17
DCRNN4.6510.6916.3910.1617.725.115.9711.713.79
AGCRN4.3610.0916.099.617.414.714.899.453.13
DGCRN4.599.8416.789.2116.325.585.5810.513.59
Our3.618.6613.546.8714.212.884.168.062.71
Table 3. Ablation experiment based on the Zurich parking dataset.
Table 3. Ablation experiment based on the Zurich parking dataset.
AlgorithmsMAERMSEMAPE
DSTAGCRN3.618.6613.54%
W/o Attention3.648.813.80%
W/o Trend3.638.6714.33%
W/o Embeddings3.698.7315.42%
W/o Dynamic4.3610.0916.09%
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

Gao, L.; Fan, W.; Jian, W. Dynamic Spatio-Temporal Adaptive Graph Convolutional Recurrent Networks for Vacant Parking Space Prediction. Appl. Sci. 2024, 14, 5927. https://doi.org/10.3390/app14135927

AMA Style

Gao L, Fan W, Jian W. Dynamic Spatio-Temporal Adaptive Graph Convolutional Recurrent Networks for Vacant Parking Space Prediction. Applied Sciences. 2024; 14(13):5927. https://doi.org/10.3390/app14135927

Chicago/Turabian Style

Gao, Liangpeng, Wenli Fan, and Wenliang Jian. 2024. "Dynamic Spatio-Temporal Adaptive Graph Convolutional Recurrent Networks for Vacant Parking Space Prediction" Applied Sciences 14, no. 13: 5927. https://doi.org/10.3390/app14135927

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