Tropical Cyclone Trajectory Prediction with Integration of Shallow Convolutional Layer and Bi-LSTM

Research Article
Open access

Tropical Cyclone Trajectory Prediction with Integration of Shallow Convolutional Layer and Bi-LSTM

Keliang Wu 1* , Bohan Zhao 2 , Yujie Yang 3 , Yumo Ouyang 4
  • 1 Department of Computer Science, Chengdu University of Technology, Chengdu 610059, China    
  • 2 Brunel University London College, North China University of Technology, Beijing 100144, China    
  • 3 Fsaculty of science and technology, University of Macau, Macau 999078, China    
  • 4 Beijing Haidian Tsinghua University Affiliated High School for Foreigners, Beijing 694056, China    
  • *corresponding author wu.keliang@student.zy.cdut.edu.cn
Published on 24 January 2025 | https://doi.org/10.54254/2755-2721/2024.20532
ACE Vol.132
ISSN (Print): 2755-273X
ISSN (Online): 2755-2721
ISBN (Print): 978-1-83558-941-0
ISBN (Online): 978-1-83558-942-7

Abstract

Tropical cyclones are calamitous natural disasters that frequently result in severe economic losses. In order to enhance disaster response and management, as well as to reduce economic and humanitarian losses, it is imperative to forecast cyclones. This paper presents a deep learning approach using a Conv-Bi-LSTM model to forecast cyclone trajectories utilizing the HURDAT2 dataset. By integrating Convolutional layers with Bidirectional LSTM networks, the model effectively captures both spatial and temporal patterns in the data. After comparing with basic RNN, LSTM and GRU, proposed model illustrates better accuracy in trajectory predictions, even with relative complex routes. And thus, the proposed solution possesses potential in cyclone prediction so as to reinforce disaster responsiveness and further management.

Keywords:

RNN, LSTM, Bi-LSTM, Convolutional-LSTM, Trajectory Prediction, Cyclone, Environment Disasters

Wu,K.;Zhao,B.;Yang,Y.;Ouyang,Y. (2025). Tropical Cyclone Trajectory Prediction with Integration of Shallow Convolutional Layer and Bi-LSTM. Applied and Computational Engineering,132,70-82.
Export citation

1. Introduction

Tropical cyclones (TC) are powerful storm systems characterized through center pressure, emerging in tropical coastal regions, often accompanied with strong winds and heavy rainfalls [1]. Hurricanes, Typhoons are subordinate to TC according to the location of occurrence [2]. TC not only adversely affect maritime activities but also coastal areas like the Gulf of Mexico, and they could lead to catastrophic consequences from damage of infrastructures to loss of lives once cyclone makes landfall [2] [3]. As National and Oceanic Atmosphere and Administration (NOAA) stated, over the past six decades, more than 170 tropical storms, including over 60 hurricanes, have struck the Gulf coast, resulting in severe storm surges and extensive damage, often causing devastating floods [4] [5]. And therefore, it is imperative to accurately predict the locomotion of cyclones in order to prevent such outcomes

However, cyclone forecasting remains complicated attributed to chaotic atmospheric and oceanic interactions, making it a multi-aspect time-series task [6]. The uncertainty and potential severe impacts of inaccurate predictions further complicate this process compared to traditional forecasting. Conventional models like Numerical Weather Prediction (NWP) were widely used, however, it struggles with physical processes and the computational complexity which limits the accuracy [7]. To mitigate these challenges, Bayesian inference combined with Markov Chain Monte Carlo (MCMC) methods have been explored in geological and environmental contexts and could also assist with meteorological predictions [8]. And recently, deep learning advancements have improved cyclone prediction accuracy and reliability, with models like Recurrent Neural Networks (RNNs) and Long Short-Term Memory (LSTM) networks illustrating abilities in accurately forecasting cyclone related events [6].

The project proposes a deep learning model that combines Convolution, Bidirectional-Long-Short-Term-Memory (Bi-LSTM), and traditional LSTM to predict tropical cyclone trajectory. The model will be used as a single model, with 6-dimension input and 2-dimension output. Performance evaluation includes statistical comparison and visualization of actual and predicted coordinates. Model parameters will be adjusted to balance computation quantity, efficiency, and accuracy.

The paper is organized as follow. Section 2 offers related previous works and methods, Section 3 presents the methodology applied to this project, including materials selection, Section 4 provides the experiments and results produced from the project and Section 5 discuss the formal results of proposed methods and conduct few fair comparisons with basic models. Finally, Section 6 concludes the work and deliver insights on possible future efforts.

2. Related Works

Kapoor et al. [6] proposed a cyclone trajectory and intensity prediction methods based on variational RNNs, which not only improves prediction accuracy but also quantifies uncertainty. Their approach utilizes Bayes-RNN and Bayes-LSTM models, and form the problem as a 3-dimensional time series, involving latitude, longitude and wind speed which displayed excellent performance throughout multiple ocean basins Pall et al. [8] developed Bayesreef, a Bayesian inference method designed specifically to adapt to respond to environmental changes in model coral reef development. This framework effectively quantifies uncertainty in stratigraphic models like pyReef-Core, thereby enabling precise predictions of reef dynamics across different environmental conditions. Bayesreef intelligently controls difficult parameters and produces accurate predictions by using past knowledge with observational data. Especially in addressing uncertainty and multidimensional difficulties, this approach provides ideas for improving the dependability and accuracy of cyclone prediction models.

As for deep learning methods, Lian et al. [9] introduced the AE-GRU model, which significantly improved trajectory accuracy across various time frames. Feng and Xu [10] developed a GRU-based model with a DILATE loss function, boosting storm surge prediction accuracy, especially for longer forecasts. Bose et al. [11] applied LSTM networks for North Atlantic hurricane predictions, achieving accuracy comparable to the National Hurricane Center with faster predictions. Sattar et al. [2] used a stacked ensemble model combining LSTM and GRU, reducing prediction errors and variance.

Two models developed by Qin et al. [12] improve typhoon and hurricane track forecasts. Strong RMSE performance allowed the DeepFR model—which combined BiLSTM and 3D CNN with multi-task learning—to greatly increase prediction accuracy. Particularly in capturing changing typhoon trajectories, the Trj-DMFMG model improved typhoon path prediction utilizing multimodal fusion and multi-task learning over conventional regression techniques.

Varalakshmi et al.[5] used Convolutional Neural Networks (CNN) and traditional machine learning classifiers to improve tropical cyclone prediction accuracy in the Indian coastal region. Their CNN model achieved 92.52% accuracy, further improved to 96.11% when combined with an enhanced C4.5 decision tree. Feng et al.[13] developed an innovative ED-ConvLSTM model for complex subsurface dynamics in geological carbon sequestration, outperforming traditional models like U-Net in prediction accuracy and computational efficiency. Both researches highlight the efficiency of CNNs and deep learning, so providing insightful analysis for the convolutional layers in suggested model.

3. Methodology

1.1 Dataset

This project uses the HURDAT2 dataset, an enhanced version of the original HURDAT database, to study tropical and subtropical cyclones in the Atlantic basin. The updated version includes more precise information and observations, addressing shortcomings in the original dataset. The dataset, a CSV file covering 1851 to 2020, contains 52,718 records representing over 1,900 unique cyclones. It includes basic track information, maximum sustained wind speeds, minimum central pressure, landfall indicators, and cyclone status at various stages. The dataset is organized for modeling, forecasting, and retrospective analysis, with each storm's record starting with a header providing essential details. The subsequent entries provide chronological information on the storm's position, intensity, wind radii, and other critical factors at specific time intervals.

HURDAT2 has been continuously updated to incorporate the latest scientific insights and observational capabilities, making it a dynamic resource essential for tropical cyclone study. However, due to technological limitations, the reliability of the data, particularly regarding central pressure and wind radius, is lower, resulting in a significant amount of missing data. Therefore, data processing steps were necessary to ensure the project's objectives could be met. Fig. 1 represents the examples of cyclones.

/word/media/image1.png

/word/media/image2.png

/word/media/image3.png

/word/media/image4.png

Fig. 1: Examples of Tropical Cyclone

1.2 Dataset processing

The project aimed to predict cyclones by analyzing data related to latitude and longitude. However, over 39,000 rows had missing data for minimum cyclone center pressure and influence radius, likely due to technical constraints. These columns were excluded from the analysis, and the remaining features like years, months, days, hours, latitude, and longitude were directly related to shifts in latitude and longitude. The data of hours was recorded at 6-hour intervals throughout each day. Examples of the retained features are presented in Table 1.

Table 1: Data feature examples

Year

Month

Day

Time

Latitude

Longitude

1851

6

25

0

28.0N

94.8W

1851

6

25

6

28.0N

95.4W

1851

6

25

12

28.0N

96.0W

The model uses features from Table 1 to form features matrix for training, then predicting latitude and longitude coordinates from cyclone trajectory data. The data is structured into sequences of 5 consecutive time steps, allowing for more accurate predictions. The data is split into train, validation, and test datasets with a 70%:15%:15% ratio, and normalized using MinMaxScaler. The data process pipeline is illustrated in Fig. 2.

/word/media/image5.png

Fig. 2: Data Processing and Preparation Pipeline

1.3 Recurrent Neural Network (RNN) & Long-Short-Term Memory (LSTM)

Model is constructed based on LSTM structure, which has the effectiveness on addressing the explosion or vanishing of gradient problem that conventional RNNs [10]. In standard RNNs, gradients can diminish exponentially during backpropagation and obstructs the learning of long-term dependencies, which is crucial for tasks like cyclone trajectory prediction that rely on historical data [14]. LSTM, a specialized RNN variant, overcomes this by using input, forget, and output gates to maintain essential information over time while preventing gradient vanishing and explosion issues [6]. The basic structure of a LSTM neuron is demonstrated in Fig. 3.

/word/media/image6.png

Fig. 3: LSTM Single Cell

1.4 Bidirectional Long-Short-Term Memory (Bi-LSTM)

To improve tropical cyclone trajectory predictions, Bi-LSTM layers are employed. Bidirectional Long-Short-Term Memory enhances traditional LSTM by processing data in both forward and backward directions, capturing dependencies from both past and future contexts more effectively [14] [15]. Bi-LSTM uses two LSTM networks, one reading data forward and the other in reverse, providing a richer feature representation and a more comprehensive understanding of the sequence, which enhances trajectory prediction capabilities [15]. Fig. 4 represents the Bi-LSTM structure.

/word/media/image7.png

Fig. 4: Bi-LSTM basic structure

1.5 Convolutional Layer

The Convolutional Layer is key in deep learning models, designed to learn hierarchical features from input data. It applies filters (kernels) across the data to perform element-wise multiplication and summation, producing feature maps [16]. The depth of the layer determines how well these maps capture fundamental patterns like edges, textures, and more abstract representations in the data. Fig. 5 demonstrates the basic logic of convolutional layer of one dimension.

/word/media/image8.png

Fig. 5: Convolutional Layer Logic of One Dimension

1.6 Proposed Model Architecture

The proposed model uses a complex structure with a small number of parameters, starting with a 64-unit convolutional layer for local patterns and MaxPooling1D for reducing dimensions. Data is processed through Bi-LSTM layers, batch normalization, dropout layer, and traditional LSTM layers. A dense layer outputs predicted coordinates, balancing complexity and performance. This model is suitable for trajectory prediction with simple data processing without feature generation, making it suitable for time series data processing. Proposed model structure is displayed in Fig. 7, where training and prediction are completed through the process within it, Mean Squared Error (MSE) serves as the loss function.

/word/media/image9.png

Fig. 6: Proposed Model and Pipeline of Training and Prediction

4. Experiment and Results

4.1 Fine Tune with Hyperparameters

This section displays the fine-tuning experiments and results, including optimizers, learning rate, batch size, and model with and without convolutional layers. Evaluation are metrics of loss, MSE, MAE and RMSE. All experiments incorporate early stopping.

Starting with the initial model without convolutional layers, the results (Loss, MSE, RMSE, MAE) are shown in Fig. 8. The initial model showed stable fitting with a validation loss of 0.0035 under MinMaxScaler normalization. However, other metrics, particularly MAE, fluctuated significantly during training, likely due to the model’s difficulty in capturing complex feature relationships within the data. While the metrics were generally good, there is room for hyperparameter optimization to achieve a more stable model and improve trajectory prediction accuracy.

/word/media/image10.png

/word/media/image11.png

Loss(T) = 0.0035, Loss(V) = 0.0035

MAE(T) = 0.024, MAE(V) = 0.0228

/word/media/image12.png

/word/media/image13.png

MSE(T) = 0.0026, MSE(V) = 0.0026

RMSE(T)=0.0510, Val RMSE(V) =0.0513

Fig. 7: Initial Bi-LSTM without Convolutional Layer (T is Training, V is Validation)

Fig. 9 compares the validation and test loss across five optimizers: RMSprop, Adam, Nadam, Adadelta, and Adagrad. RMSprop effectively maintains a steady learning rate, particularly useful for recurrent structures [17]. Adam, combining momentum and RMSprop, adjusts the learning rate dynamically for sparse gradients and noisy data [18]. Nadam enhances Adam by integrating Nesterov-accelerated gradients for faster convergence [17]. Adagrad adapts the learning rate based on accumulated gradients, while Adadelta refines this by limiting the accumulation to prevent diminishing learning rates [17]. The comparison of optimizers revealed significant differences in performance. Adadelta and Adagrad showed the lowest losses (0.82 and 0.86) on specific trajectory, indicating their effectiveness in predicting irregular and chaotic trajectory data. However, RMSprop, Adam, and Nadam all displayed signs of overfitting. These optimizers struggled with unconventional data, with Nadam exhibiting erratic fluctuations in validation loss curves. Based on convergence and losses, Adadelta was chosen as the optimal optimizer, as it effectively managed the data without overfitting.

/word/media/image14.png

/word/media/image15.png

Val Loss on Different Optimizers

MSE on Certain Trajectory

Fig. 8: Comparison of Validation Loss when Training and MSE on a Random Selected Trajectory

Fig. 10 presents the impact of different learning rates and batch sizes on model performance. As shown in Fig. 10 a) and 10 b), a higher learning rate of 0.1 led to the best convergence and the lowest MSE of 0.82 for trajectory prediction, indicating effective avoidance of local optima. Conversely, the lowest learning rate increased MSE, suggesting a risk of getting stuck in suboptimal solutions. Fig. 10 c) and 10 d) demonstrate that a batch size of 32 achieved the best MSE and validation loss, striking an optimal balance between gradient noise and model stability. This batch size helped the model avoid excessive noise from smaller batches and overly smooth gradients from larger ones, leading to better generalization. Consequently, subsequent experiments used the Adadelta optimizer, a learning rate of 0.1, and a batch size of 32.

/word/media/image16.png

/word/media/image17.png

Val Loss on Different Learning Rate

MSE on Certain Trajectory

/word/media/image18.png

/word/media/image19.png

Val Loss on Different Batch Size

MSE on Certain Trajectory

Fig. 9: Comparison of Different Learning Rate and Batch Size

4.2 Model with Convolutional Layer

The model was stabilized and further improvements were made to improve trajectory predictions by integrating convolutional mechanisms and adjusting the layer structure. The initial model and the first modified model showed similar trends in validation losses, dropping rapidly at early stages and stabilizing later. The proposed model and Modified-3-model demonstrated faster and more stable descent of losses with the replacement or reduction of Bi-LSTM layer, eventually convergent to a loss close to the original one. Structural changes caused these results, such as replacing one Bi-LSTM layer with a conventional one, reducing computations in both directions, and decreasing complexity. The modified-3-model simplified the model structure, supporting this notion. However, the average MSE of the modified-3-model was higher than the proposed model, suggesting that the model may have left less complexity. The proposed model found a balance between layer diversity, model complexity, and prediction accuracy.

/word/media/image20.png

Fig. 10: Comparison of Initial Model and Modified model Training Loss

/word/media/image21.png

Fig. 11: Comparison on 11 Different Cyclone Trajectories using Initial Model and Three Improved Model with Convolutional Layers

Table 2 illustrates the summary of results produced by initial model, proposed model and basic models which will be discussed with proposed model in discussion section.

Table 2: Results Summary of Initial Models, Proposed Models, GRU, LSTM, and RNN

Validation

Test

Loss

MSE

MAE

RMSE

Loss

MSE

MAE

RMSE

Initial Model

0.0036

0.0027

0.0227

0.0518

0.0034

0.0024

0.0242

0.0498

GRU

0.0024

0.0025

0.0182

0.0487

0.0021

0.0022

0.0177

0.0461

LSTM

0.0024

0.0024

0.0197

0.0493

0.0023

0.0022

0.0190

0.0467

RNN

0.0023

0.0023

0.0170

0.0480

0.0020

0.0021

0.0164

0.0455

Proposed Model

0.0027

0.0023

0.0117

0.0484

0.0025

0.0021

0.0172

0.0458

5. Discussion

For sequential data prediction, such as language models or time sequence prediction, Recurrent Neural Networks (RNNs) are often the solution. In cyclone trajectory prediction, where features from previous events are crucial, RNNs are effective. As for LSTM, a specialized RNN, was developed to address issues like gradient vanishing or explosion, making it suitable for tasks that require retaining information from longer sequences [11]. Even though with the theoretical foundation, the results of basic RNN and LSTM cyclone trajectory are unknown, since cyclone possess unconventional patterns and chaotic in nature [12]. Furthermore, Gate Recurrent Unit (GRU), one of the derivatives of RNNs widely used, sometimes can be more effective than traditional RNN on long-term dependencies [19]. With these notions, the following comparison was conducted and the validation losses are presented in Fig. 14, and the MSE of four different models tested on 11 different cyclone trajectories are illustrated in Fig. 15.

The validation loss curve reveals each model's statistical performance based on learned patterns from the dataset. Basic RNN, LSTM, and GRU showed relatively fast convergence due to their simpler architectures and consistent structures, which led to lower variance and reduced parameters. GRU, with only one update and reset gate, is more efficient but less complex, limiting its ability to learn intricate patterns [9] [20]. In contrast, the proposed model with a more complicated structure that includes convolutional, Bi-LSTM, and LSTM layers, while it is aim at capture features and patterns at various scales it relatively increases the complexity. This also ensures the preservation of long and short-term memory, reducing the risk of losing crucial information. Fig. 15 demonstrates that, apart from Gladys’s trajectory, the proposed model performs consistently well across other paths, with no significant anomalies, indicating its stability compared to the rest three models.

/word/media/image22.png

Fig. 12: Comparison of Validation Losses on Four Different Models

/word/media/image23.png

Fig. 13: MSE of Four Different Models Predicting 11 Different Cyclones

As shown in Fig. 16, the predicted trajectories are generally close to the actual coordinates, demonstrating effectiveness and stability across models. However, RNN, LSTM, and GRU showed severe fluctuations and inaccuracies, particularly at wide turns for cyclones like Eta, Dorothy, Francelia, and Inga, likely due to their simplistic structures and limitations in capturing complex patterns [21].

In contrast, the proposed model provided more accurate and stable predictions, attributed to the integration of convolutional layers with Bi-LSTM networks. These layers effectively capture spatial and temporal dependencies, enhancing dynamic prediction performance [13].

The proposed model is more accurate in predicting cyclone Dorothy and Francelia's shorter trajectory, but may have lower reliability compared to other models due to the limited number of reference coordinates. This is also true for cyclone Chloe, as frequent turning points limit the number of coordinates that can be formed into a sequence long enough for each model to predict the next coordinate, limiting the accuracy of the prediction.

/word/media/image24.png

/word/media/image25.png

/word/media/image26.png

/word/media/image27.png

/word/media/image28.png

/word/media/image29.png

/word/media/image30.png

Fig. 14: Trajectory Prediction Graphs

6. Conclusion and Future Work

This project presented an HURDAT2 dataset-based Conv-Bi-LSTM model for TC trajectory prediction. With real and anticipated trajectories plotted for further analytics, the performance of model was assessed against conventional models like RNN, LSTM, and GRU. Proposed model had shown better relatively better capabilities in managing complex patterns and transitions especially. Though its strength is in holding information over longer sequences, hence making it resilient for trajectory prediction, increased computation complexity might lead to lower convergence speed than GRU, LSTM, and RNN.

The chaotic nature of cyclone trajectories makes it difficult to anticipate the exact coordinates with simpler models. The time series character of the data required deliberate model construction and parameter tuning. Achieving an ideal predictive performance, the suggested model effectively balance the depth of layers with the number of neurons. However, some limitations were noticeable, such as sensitivity to data volume and the difficulty in significantly narrowing the latitude and longitude prediction errors with relatively fewer features.

Future research should concentrate on following aspects, leveraging current data to create new features could improve prediction performance. For instance, calculating the movement speed towards a specific direction based on hourly shifts of latitude and longitude, or identifying trends from changes in wind speed which may provide additional relevant features. Furthermore, through current model employs various layers for diverse feature learning, its complexity is constrained. The model complexity should be enhanced as the correlations among features increase. Additionally, it might not be sufficient for high accurate predictions solely relying on deep learning models, and therefore, more exploration towards the integration of multiple models based on different conceptual frameworks are anticipated.


References

[1]. F. Meng and T. Song, “Uncertainty forecasting system for tropical cyclone tracks based on conformal prediction,” Expert Syst. Appl., vol. 249, p. 123743, Sep. 2024, doi: 10.1016/j.eswa.2024.123743.

[2]. K. Sattar, S. Z. Zahra, M. Faheem, M. M. S. Missen, R. N. Bashir, and M. Z. Abbas, “Stacked Ensemble Model for Tropical Cyclone Path Prediction,” IEEE Access, vol. 11, pp. 69512–69521, 2023, doi: 10.1109/ACCESS.2023.3292907.

[3]. M. F. Ghahfarokhi, S. H. Sonbolestan, and M. Zamanizadeh, “A Comparative Study of Convolutional and Recurrent Neural Networks for Storm Surge Prediction in Tampa Bay,” Aug. 11, 2024, arXiv: arXiv:2408.05797. Accessed: Aug. 30, 2024. [Online]. Available: http://arxiv.org/abs/2408.05797

[4]. Z. Yang et al., “A modeling study of coastal inundation induced by storm surge, sea-level rise, and subsidence in the Gulf of Mexico,” Nat. Hazards, vol. 71, no. 3, pp. 1771–1794, Apr. 2014, doi: 10.1007/s11069-013-0974-6.

[5]. P. Varalakshmi, N. Vasumathi, and R. Venkatesan, “Tropical Cyclone prediction based on multi-model fusion across Indian coastal region,” Prog. Oceanogr., vol. 193, p. 102557, Apr. 2021, doi: 10.1016/j.pocean.2021.102557.

[6]. A. Kapoor, A. Negi, L. Marshall, and R. Chandra, “Cyclone trajectory and intensity prediction with uncertainty quantification using variational recurrent neural networks,” Environ. Model. Softw., vol. 162, p. 105654, Apr. 2023, doi: 10.1016/j.envsoft.2023.105654.

[7]. L. Gan, X. Man, C. Zhang, and J. Shao, “EWMoE: An effective model for global weather forecasting with mixture-of-experts,” Aug. 23, 2024, arXiv: arXiv:2405.06004. Accessed: Aug. 31, 2024. [Online]. Available: http://arxiv.org/abs/2405.06004

[8]. J. Pall et al., “Bayesreef: A Bayesian inference framework for modelling reef growth in response to environmental change and biological dynamics,” Environ. Model. Softw., vol. 125, p. 104610, Mar. 2020, doi: 10.1016/j.envsoft.2019.104610.

[9]. J. Lian, P. Dong, Y. Zhang, and J. Pan, “A Novel Deep Learning Approach for Tropical Cyclone Track Prediction Based on Auto-Encoder and Gated Recurrent Unit Networks,” Appl. Sci., vol. 10, no. 11, p. 3965, Jun. 2020, doi: 10.3390/app10113965.

[10]. X.-C. Feng and H. Xu, “Accurate storm surge prediction in hurricane area of the Atlantic Ocean using a new multi-recursive neural network based on gate recursive unit,” J. Ocean Eng. Sci., p. S2468013324000019, Jan. 2024, doi: 10.1016/j.joes.2024.01.001.

[11]. R. Bose, A. L. Pintar, and E. Simiu, “Forecasting the Evolution of North Atlantic Hurricanes: A Deep Learning Approach,” National Institute of Standards and Technology, Jun. 2021. doi: 10.6028/NIST.TN.2167.

[12]. W. Qin, J. Tang, C. Lu, and S. Lao, “A typhoon trajectory prediction model based on multimodal and multitask learning,” Appl. Soft Comput., vol. 122, p. 108804, Jun. 2022, doi: 10.1016/j.asoc.2022.108804.

[13]. Z. Feng, Z. Tariq, X. Shen, B. Yan, X. Tang, and F. Zhang, “An encoder-decoder ConvLSTM surrogate model for simulating geological CO2 sequestration with dynamic well controls,” Gas Sci. Eng., vol. 125, p. 205314, May 2024, doi: 10.1016/j.jgsce.2024.205314.

[14]. Q.-R. Luo, H. Xu, and L.-H. Bai, “Prediction of significant wave height in hurricane area of the Atlantic Ocean using the Bi-LSTM with attention model,” Ocean Eng., vol. 266, p. 112747, Dec. 2022, doi: 10.1016/j.oceaneng.2022.112747.

[15]. W. Qin, J. Tang, and S. Lao, “DeepFR: A trajectory prediction model based on deep feature representation,” Inf. Sci., vol. 604, pp. 226–248, Aug. 2022, doi: 10.1016/j.ins.2022.05.019.

[16]. S. Albawi, T. A. Mohammed, and S. Al-Zawi, “Understanding of a convolutional neural network,” in 2017 International Conference on Engineering and Technology (ICET), Aug. 2017, pp. 1–6. doi: 10.1109/ICEngTechnol.2017.8308186.

[17]. S. Ruder, “An overview of gradient descent optimization algorithms,” Jun. 15, 2017, arXiv: arXiv:1609.04747. Accessed: Aug. 29, 2024. [Online]. Available: http://arxiv.org/abs/1609.04747

[18]. A. J, N. G, C. Sureshkumar, N. V, and S. Kadry, “Enhancing UAV Path Planning Efficiency through Adam-Optimized Deep Neural Networks for Area Coverage Missions,” Procedia Comput. Sci., vol. 235, pp. 2–11, 2024, doi: 10.1016/j.procs.2024.04.001.

[19]. F. Meng, T. Song, D. Xu, P. Xie, and Y. Li, “Forecasting tropical cyclones wave height using bidirectional gated recurrent unit,” Ocean Eng., vol. 234, p. 108795, Aug. 2021, doi: 10.1016/j.oceaneng.2021.108795.

[20]. O. Dolinina et al., Eds., Recent Research in Control Engineering and Decision Making: Volume 2, 2020, vol. 337. in Studies in Systems, Decision and Control, vol. 337. Cham: Springer International Publishing, 2021. doi: 10.1007/978-3-030-65283-8.

[21]. Z. Liu, K. Hao, X. Geng, Z. Zou, and Z. Shi, “Dual-Branched Spatio-Temporal Fusion Network for Multihorizon Tropical Cyclone Track Forecast,” IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens., vol. 15, pp. 3842–3852, 2022, doi: 10.1109/JSTARS.2022.3170299.


Cite this article

Wu,K.;Zhao,B.;Yang,Y.;Ouyang,Y. (2025). Tropical Cyclone Trajectory Prediction with Integration of Shallow Convolutional Layer and Bi-LSTM. Applied and Computational Engineering,132,70-82.

Data availability

The datasets used and/or analyzed during the current study will be available from the authors upon reasonable request.

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 EWA Publishing and/or the editor(s). EWA Publishing 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.

About volume

Volume title: Proceedings of the 2nd International Conference on Machine Learning and Automation

ISBN:978-1-83558-941-0(Print) / 978-1-83558-942-7(Online)
Editor:Mustafa ISTANBULLU
Conference website: https://2024.confmla.org/
Conference date: 21 November 2024
Series: Applied and Computational Engineering
Volume number: Vol.132
ISSN:2755-2721(Print) / 2755-273X(Online)

© 2024 by the author(s). Licensee EWA Publishing, Oxford, UK. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license. Authors who publish this series agree to the following terms:
1. Authors retain copyright and grant the series right of first publication with the work simultaneously licensed under a Creative Commons Attribution License that allows others to share the work with an acknowledgment of the work's authorship and initial publication in this series.
2. Authors are able to enter into separate, additional contractual arrangements for the non-exclusive distribution of the series's published version of the work (e.g., post it to an institutional repository or publish it in a book), with an acknowledgment of its initial publication in this series.
3. Authors are permitted and encouraged to post their work online (e.g., in institutional repositories or on their website) prior to and during the submission process, as it can lead to productive exchanges, as well as earlier and greater citation of published work (See Open access policy for details).

References

[1]. F. Meng and T. Song, “Uncertainty forecasting system for tropical cyclone tracks based on conformal prediction,” Expert Syst. Appl., vol. 249, p. 123743, Sep. 2024, doi: 10.1016/j.eswa.2024.123743.

[2]. K. Sattar, S. Z. Zahra, M. Faheem, M. M. S. Missen, R. N. Bashir, and M. Z. Abbas, “Stacked Ensemble Model for Tropical Cyclone Path Prediction,” IEEE Access, vol. 11, pp. 69512–69521, 2023, doi: 10.1109/ACCESS.2023.3292907.

[3]. M. F. Ghahfarokhi, S. H. Sonbolestan, and M. Zamanizadeh, “A Comparative Study of Convolutional and Recurrent Neural Networks for Storm Surge Prediction in Tampa Bay,” Aug. 11, 2024, arXiv: arXiv:2408.05797. Accessed: Aug. 30, 2024. [Online]. Available: http://arxiv.org/abs/2408.05797

[4]. Z. Yang et al., “A modeling study of coastal inundation induced by storm surge, sea-level rise, and subsidence in the Gulf of Mexico,” Nat. Hazards, vol. 71, no. 3, pp. 1771–1794, Apr. 2014, doi: 10.1007/s11069-013-0974-6.

[5]. P. Varalakshmi, N. Vasumathi, and R. Venkatesan, “Tropical Cyclone prediction based on multi-model fusion across Indian coastal region,” Prog. Oceanogr., vol. 193, p. 102557, Apr. 2021, doi: 10.1016/j.pocean.2021.102557.

[6]. A. Kapoor, A. Negi, L. Marshall, and R. Chandra, “Cyclone trajectory and intensity prediction with uncertainty quantification using variational recurrent neural networks,” Environ. Model. Softw., vol. 162, p. 105654, Apr. 2023, doi: 10.1016/j.envsoft.2023.105654.

[7]. L. Gan, X. Man, C. Zhang, and J. Shao, “EWMoE: An effective model for global weather forecasting with mixture-of-experts,” Aug. 23, 2024, arXiv: arXiv:2405.06004. Accessed: Aug. 31, 2024. [Online]. Available: http://arxiv.org/abs/2405.06004

[8]. J. Pall et al., “Bayesreef: A Bayesian inference framework for modelling reef growth in response to environmental change and biological dynamics,” Environ. Model. Softw., vol. 125, p. 104610, Mar. 2020, doi: 10.1016/j.envsoft.2019.104610.

[9]. J. Lian, P. Dong, Y. Zhang, and J. Pan, “A Novel Deep Learning Approach for Tropical Cyclone Track Prediction Based on Auto-Encoder and Gated Recurrent Unit Networks,” Appl. Sci., vol. 10, no. 11, p. 3965, Jun. 2020, doi: 10.3390/app10113965.

[10]. X.-C. Feng and H. Xu, “Accurate storm surge prediction in hurricane area of the Atlantic Ocean using a new multi-recursive neural network based on gate recursive unit,” J. Ocean Eng. Sci., p. S2468013324000019, Jan. 2024, doi: 10.1016/j.joes.2024.01.001.

[11]. R. Bose, A. L. Pintar, and E. Simiu, “Forecasting the Evolution of North Atlantic Hurricanes: A Deep Learning Approach,” National Institute of Standards and Technology, Jun. 2021. doi: 10.6028/NIST.TN.2167.

[12]. W. Qin, J. Tang, C. Lu, and S. Lao, “A typhoon trajectory prediction model based on multimodal and multitask learning,” Appl. Soft Comput., vol. 122, p. 108804, Jun. 2022, doi: 10.1016/j.asoc.2022.108804.

[13]. Z. Feng, Z. Tariq, X. Shen, B. Yan, X. Tang, and F. Zhang, “An encoder-decoder ConvLSTM surrogate model for simulating geological CO2 sequestration with dynamic well controls,” Gas Sci. Eng., vol. 125, p. 205314, May 2024, doi: 10.1016/j.jgsce.2024.205314.

[14]. Q.-R. Luo, H. Xu, and L.-H. Bai, “Prediction of significant wave height in hurricane area of the Atlantic Ocean using the Bi-LSTM with attention model,” Ocean Eng., vol. 266, p. 112747, Dec. 2022, doi: 10.1016/j.oceaneng.2022.112747.

[15]. W. Qin, J. Tang, and S. Lao, “DeepFR: A trajectory prediction model based on deep feature representation,” Inf. Sci., vol. 604, pp. 226–248, Aug. 2022, doi: 10.1016/j.ins.2022.05.019.

[16]. S. Albawi, T. A. Mohammed, and S. Al-Zawi, “Understanding of a convolutional neural network,” in 2017 International Conference on Engineering and Technology (ICET), Aug. 2017, pp. 1–6. doi: 10.1109/ICEngTechnol.2017.8308186.

[17]. S. Ruder, “An overview of gradient descent optimization algorithms,” Jun. 15, 2017, arXiv: arXiv:1609.04747. Accessed: Aug. 29, 2024. [Online]. Available: http://arxiv.org/abs/1609.04747

[18]. A. J, N. G, C. Sureshkumar, N. V, and S. Kadry, “Enhancing UAV Path Planning Efficiency through Adam-Optimized Deep Neural Networks for Area Coverage Missions,” Procedia Comput. Sci., vol. 235, pp. 2–11, 2024, doi: 10.1016/j.procs.2024.04.001.

[19]. F. Meng, T. Song, D. Xu, P. Xie, and Y. Li, “Forecasting tropical cyclones wave height using bidirectional gated recurrent unit,” Ocean Eng., vol. 234, p. 108795, Aug. 2021, doi: 10.1016/j.oceaneng.2021.108795.

[20]. O. Dolinina et al., Eds., Recent Research in Control Engineering and Decision Making: Volume 2, 2020, vol. 337. in Studies in Systems, Decision and Control, vol. 337. Cham: Springer International Publishing, 2021. doi: 10.1007/978-3-030-65283-8.

[21]. Z. Liu, K. Hao, X. Geng, Z. Zou, and Z. Shi, “Dual-Branched Spatio-Temporal Fusion Network for Multihorizon Tropical Cyclone Track Forecast,” IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens., vol. 15, pp. 3842–3852, 2022, doi: 10.1109/JSTARS.2022.3170299.