Next Article in Journal
A New Anticyclone Identification Method Based on Mask R-CNN Model and Its Application
Previous Article in Journal
Aerosol Transport from Amazon Biomass Burning to Southern Brazil: A Case Study of an Extreme Event During September 2024
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Global Ionosphere Total Electron Content Prediction Based on Bidirectional Denoising Wavelet Transform Convolution

1
Institute of Intelligent Emergency Information Processing, Institute of Disaster Prevention, Langfang 065201, China
2
Key Laboratory of Earth and Planetary Physics, Institute of Geology and Geophysics, Chinese Academy of Sciences, Beijing 100029, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Atmosphere 2025, 16(10), 1139; https://doi.org/10.3390/atmos16101139
Submission received: 20 August 2025 / Revised: 13 September 2025 / Accepted: 26 September 2025 / Published: 28 September 2025
(This article belongs to the Section Atmospheric Techniques, Instruments, and Modeling)

Abstract

The Denoising Wavelet Transform Convolutional Long Short-Term Memory Network (DWTConvLSTM) is a novel ionospheric total electron content (TEC) spatiotemporal prediction model proposed in 2025 that can simultaneously consider high-frequency and low-frequency features while suppressing noise. However, it also has flaws as it only considers unidirectional temporal features in spatiotemporal prediction. To address this issue, this paper adopts a bidirectional structure and designs a bidirectional DWTConvLSTM model that can simultaneously extract bidirectional spatiotemporal features from TEC maps. Furthermore, we integrate a lightweight attention mechanism called Convolutional Additive Self-Attention (CASA) to enhance important features and attenuate unimportant ones. The final model was named CASA-BiDWTConvLSTM. We validated the effectiveness of each improvement through ablation experiments. Then, a comprehensive comparison was performed on the 11-year Global Ionospheric Maps (GIMs) dataset, involving the proposed CASA-BiDWTConvLSTM model and several other state-of-the-art models such as C1PG, ConvGRU, ConvLSTM, and PredRNN. In this experiment, the dataset was partitioned into 7 years for training, 2 years for validation, and the final 2 years for testing. The experimental results indicate that the RMSE of CASA-BiDWTConvLSTM is lower than those of C1PG, ConvGRU, ConvLSTM, and PredRNN. Specifically, the decreases in RMSE during high solar activity years are 24.84%, 16.57%, 13.50%, and 10.29%, respectively, while the decreases during low solar activity years are 26.11%, 16.83%, 11.68%, and 7.04%, respectively. In addition, this article also verified the effectiveness of CASA-BiDWTConvLSTM from spatial and temporal perspectives, as well as on four geomagnetic storms.

1. Introduction

The Global Navigation Satellite System (GNSS) provides users worldwide with all-weather, all-day, high-precision positioning, navigation, and timing services [1,2]. However, GNSS services are affected by many factors, resulting in errors [3]. The largest source of error comes from the ionosphere [4]. The ionosphere is located 60 to 1000 km above the Earth’s surface, where air molecules are partially ionized into charged particles by high-energy solar radiation and cosmic rays [5]. When the electromagnetic wave signals emitted by GNSS pass through the ionosphere, they will undergo physical bending, refraction, attenuation, and polarization rotation because of these charged particles, resulting in ionospheric delay [6]. To improve the accuracy of GNSS, it is necessary to first calculate the ionospheric delay and then correct it. Since ionospheric delay is directly proportional to total electron content (TEC), high-precision TEC prediction can effectively correct ionospheric delay errors, thus enhancing the positioning precision of GNSS-dependent systems [7,8]. In addition, extreme space weather and geological disasters can also manifest in the ionosphere [9]. TEC prediction can help to detect ionospheric anomalies in advance, monitor and warn of extreme space weather and geological disasters, and reduce their impact on humans [10]. Therefore, TEC prediction is of great significance.
Due to the influence of solar activity, geomagnetic activity, geographical location, and seasons, TEC exhibits complex spatiotemporal variations, mainly manifested as various irregular structures and abnormal phenomena in Global Ionosphere Maps (GIMs) [11,12], making TEC prediction very challenging.
Despite the difficulties in TEC prediction, researchers have developed a large number of prediction methods, which can be roughly divided into four categories: empirical models, traditional time series models, shallow machine learning models, and deep learning models [13]. The ionospheric empirical models are based on mathematical fitting of a large amount of observational data, including the International Reference Ionosphere (IRI) [14], the NeQuick model [15,16], the Klobuchar model [17], the Bent model [18,19], etc. The main drawback of ionospheric empirical models is that they are not effective enough in predicting disturbances and irregular changes in the ionosphere [20]. TEC prediction has relied on traditional time series models, including the Autoregressive (AR) model [21], Autoregressive Integrated Moving Average (ARIMA) [22,23,24], Autoregressive Moving Average (ARMA) [25], etc. While outperforming empirical models in short-term TEC forecasting, these conventional approaches remain fundamentally linear and thus incapable of characterizing TEC’s intricate nonlinear spatiotemporal dynamics [26].
Since 1998, the International GNSS Services (IGS) ionospheric working group has been continuously releasing Global Ionospheric Maps (GIMs) to the world. These GIMs have facilitated the flourishing of machine learning-based methods in TEC prediction. Initially, researchers developed some shallow machine learning models to predict TEC, such as support vector machine (SVM) [27], artificial neural networks (ANN) [28], random forests [29], Gradient Boosting Decision Tree (GBDT) [30], eXtreme Gradient Boosting (XGBoost) [31], nearest neighbor [32], etc. These shallow machine learning models learn complex nonlinear mappings from input to output, with a minimal loss on the training set. However, they do not consider the temporal dependencies of data. TEC prediction is essentially a sequence-based modeling problem. Without considering temporal dependencies, shallow machine learning models are inferior to recurrent neural networks (RNNs) in TEC prediction.
In the past five years, a large number of deep learning models, specifically recurrent neural networks, have been developed for TEC prediction. Such models may be systematically classified as either temporal sequence deep learning models or spatiotemporal sequence deep learning models. Time series deep learning models assume that the TEC sequences of different sites are independent when predicting TEC. They initially trained a deep learning model using historical TEC sequences from a specific station, subsequently employing the trained model to forecast future TEC values at that station. Models in this type are mainly built using Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), Recurrent Neural Network (RNN) and their variants, including LSTM [33], ED-LSTM [34], Ion-LSTM [35], BiLSTM [36], LSTM-CNN [37], LSTM-Attention [38], attention-BiLSTM [39], Att-CNN-BiLSTM [40], Mixed CNN-BiLSTM [41], DBO-BiLSTM [42], GRU [43], CNN–GRU [44], RNN [45,46], etc. The drawback of time series deep learning models is that they ignore the spatial correlation of TEC between adjacent sites during modeling, which limits their performance. Spatiotemporal series deep learning models treat TEC prediction as a map sequence prediction problem. They typically embed two-dimensional convolution into LSTM, GRU, and their variants, with two-dimensional convolution extracting TEC spatial features and LSTM/GRU extracting temporal features. At present, the mainstream spatiotemporal series deep learning models in TEC prediction are mainly constructed based on ConvLSTM, ConvGRU, PredRNN, and their variants, including ConvLSTM [47], RA-ConvLSTM [48], SegED-ConvLSTM [49], CGAOA-STRA-BiConvLSTM [50], SAM-ConvLSTM [51], ED-ConvLSTM [52,53], ConvGRU [54], attention Bi-ConvGRU [55], PredRNN [56], Multichannel ED-PredRNN [57], etc. Recent studies have shown that in TEC modeling, spatiotemporal deep learning models consistently achieve superior performance to purely temporal models, owing to their dual capacity to capture both temporal evolution and spatial correlations in TEC variations [43].
In summary, empirical models are unable to capture ionospheric disturbances and irregular variations. Traditional time series models are fundamentally linear and fail to describe the nonlinear spatiotemporal dynamics of TEC. Shallow machine learning models can learn nonlinear relationships but neglect temporal dependencies. Even current spatiotemporal deep learning models based on ConvLSTM, ConvGRU, and PredRNN still face challenges: they cannot simultaneously consider both low-frequency and high-frequency features, and are susceptible to noise.
The recently proposed DWTConvLSTM can effectively extract high-frequency and low-frequency features and reduce the influence of noise bands. However, it only considers one-way time dependence and relies entirely on past information in the spatiotemporal prediction process, which limits the accuracy of the model. To overcome this drawback, this paper introduces a bidirectional structure and proposes a BiDWTConvLSTM model. By simultaneously modeling temporal dependencies from both forward and backward directions, BiDWTConvLSTM is able to capture rich spatiotemporal dependencies from the past and the future, thus compensating for the inherent limitations of unidirectional DWTConvLSTM. Then, this article also integrates the recently proposed CASA mechanism to adaptively enhance salient spatiotemporal features and suppress redundant information. Our final TEC spatiotemporal prediction model is named CASA-BiDWTConvLSTM.
The effectiveness of our improvements is first verified through ablation experiments. We conduct a comprehensive performance evaluation of the proposed CASA-BiDWTConvLSTM against four established baseline models (ConvLSTM, ConvGRU, PredRNN, and C1PG) through multi-dimensional comparative experiments. Among the four comparative models, the first three are the mainstream spatiotemporal prediction models currently used in TEC prediction; the last, C1PG, is the TEC daily prediction product provided by the Center for Orbit Determination in Europe (CODE).
The rest of this paper is structured as follows: Section 2 describes the data and data preprocessing; Section 3 presents the methodology; Section 4 provides the experimental results; Section 5 summarizes the paper.

2. Data and Data Preprocessing

The GIMs used in this study are from the International GNSS Service (IGS). These maps are generated every 2 h and contain 12 maps per day. In space, these data are discretized into a 71 × 73 grid with resolutions of 5° (longitude) and 2.5° (latitude).
The GIMs in this paper span 11 years, from UT 0:00, 1 January 2009 to UT 22:00, 31 December 2019, with 7 years of GIMs selected as the training set, 2 years as the validation set, and 2 years as the testing set. The detailed division of the dataset is shown in Figure 1, and it can be seen that all three datasets contain GIMs for both high solar activity years and low solar activity years. The training set, validation set, and test set are mutually exclusive, meaning that the training set, validation set, and test set are unseen to each other, so as to ensure the reliability of the results.

3. Methodology

This article extends DWTConvLSTM by introducing a bidirectional structure to overcome its limitation of relying only on unidirectional time information, thereby capturing the forward and backward dependencies in TEC sequences. In addition, we also embed the recently proposed CASA technique to adaptively enhance important features and suppress unimportant features. This section will introduce these technologies separately.

3.1. Denoising Wavelet Transform Convolutional Long Short-Term Memory (DWTConvLSTM)

The Denoising Wavelet Transform Convolutional Long Short-Term Memory Network, abbreviated as DWTConvLSTM, is an efficient spatiotemporal feature extraction unit that was proposed in 2025 [13]. It can simultaneously extract high-frequency and low-frequency features and exhibits robust noise resistance. Its core is the denoising wavelet transform convolution (DWTConv), and its calculations are as follows:
X L L , X L H , X H L , X H H = W T X
Y L L , Y L H , Y H L , Y H H = C o n v X L L , X L H , X H L , X H H
L F = I W T Y L L , Y L H , Y H L , 0
H F = C o n v X
Z = L F + H F
Among them, X is the original input image; W T (.) and I W T (.) represent the Haar wavelet transform and inverse Haar wavelet transform, respectively. X L L , X L H , X H L , X H H are the 4 sub-band images obtained through Haar wavelet decomposition. C o n v (.) denotes a standard convolution with a size of 3 × 3. L F and H F , respectively, represent the low-frequency features and high-frequency features of the input image. Z is the final fused feature, which contains both low-frequency and high-frequency features.
DWTConv supports multi-level implementation, with the computational procedure for the i -th level expressed as:
Z = L F 1 + H F
L F i = I W T L F i + 1 + Y L L i , Y L H i , Y H L i , 0 , i 1
where i represents the number of levels in the cascade. When cascading the i -th level, L F i + 1 is set to 0.
The process of feature extraction using a two-level DWTConv is shown in Figure 2.
Replacing the standard convolution in ConvLSTM with DWTConv constitutes DWTConvLSTM. The calculation process of DWTConvLSTM is shown as follows.
  f t = σ W x f X t + W h f h t 1 + b f
i t = σ W x i X t + W h i h t 1 + b i
  c ~ t = t a n h W x c X t + W h c h t 1 + b c
  C t = f t ʘ C t 1 + i t ʘ c ~ t
  o t = σ W x o X t + W h o h t 1 + b o
  h t = o t ʘ t a n h ( C t )
Among them, represents WTDConv. The other symbols are exactly the same as those in ConvLSTM. The structural comparison between DWTConvLSTM and ConvLSTM is presented in Figure 3, where the DWTConv is located within the red rectangle.

3.2. Bidirectional Denoising Wavelet Transform Convolutional Long Short-Term Memory Network (BiDWTConvLSTM)

DWTConvLSTM enhances feature extraction through denoising convolution, but its unidirectional structure limits its ability to extract TEC features. To overcome this drawback, we propose a bidirectional spatiotemporal feature extraction unit, Bidirectional Denoising Wavelet Transform Convolutional Long Short-Term Memory Network (BiDWTConvLSTM), by connecting forward and backward DWTConvLSTM. The structure of a BiDWTConvLSTM unit is presented in Figure 4, where h t f w d is the output of a forward DWTConvLSTM, h t b w d is the output of a backward DWTConvLSTM, and h t is the output of a BiDWTConvLSTM.

3.3. Convolutional Additive Self-Attention (CASA)

The BiDWTConvLSTM introduced in the previous subsection is used to extract spatiotemporal features from TEC map sequences. Numerous existing studies have shown that not all features are equally important in deep learning applications. Attention technology can highlight key features and suppress unimportant features [58,59]. Adding attention techniques to deep learning tasks can improve the efficiency of feature utilization, thereby enhancing the performance of the model.
Convolutional Additive Self-Attention (CASA) is a lightweight variant of self-attention, which replaces the time-consuming paired queries in self-attention by performing lightweight spatial and channel interactions on features to reduce the time complexity [60]. Considering the efficiency and performance of CASA, we add it to our model to weight the spatiotemporal features extracted by BiDWTConvLSTM.
The schematic diagram of CASA is shown in Figure 5. Its core components are the spatial interaction (Figure 5a) and the channel interaction (Figure 5b). The spatial interaction part is designed similar to spatial attention. Specifically, it receives the input and mixes the spatial information in the input through a two-dimensional convolution layer (Conv2D) with a size of 3 × 3. Next is the batch normalization layer (BatchNorm2D), which is used to normalize the features in each batch to reduce the internal covariate shift and accelerate the training convergence speed of the network. Then, the ReLU activation function is used to enhance the nonlinear representation capability. Subsequently, it uses a 1 × 1 Conv2D layer and a sigmoid activation function to obtain the attention. Finally, this attention is multiplied onto the input, weighting the input from a spatial perspective. The channel interaction can be considered channel attention. It receives the input and then uses a global average pooling layer (AdaptiveAvgPool2D) to aggregate the input along the channel. Next, it uses 1 × 1 convolution and a sigmoid function to generate the channel attention. Finally, the channel attention is multiplied onto the input, weighting the input from a channel perspective. In CASA, the input feature X is first linearly transformed independently to obtain three matrices Q , K , and V . Then, perform spatial interaction on Q and K separately to obtain Q s and K s . Then, perform the channel interaction to obtain Q c and K c . Afterwards, Q c and K c are integrated through additive operation. Finally, perform a two-dimensional convolution on the addition result to generate the attention and multiply this attention by V to obtain the weighted feature X .

3.4. Overall Structure of the Proposed TEC Spatiotemporal Prediction Model

In this section, we integrate BiDWTConvLSTM (used for feature extraction) and CASA (used for feature weighting) to design a TEC spatiotemporal prediction model, CASA-BiDWTConvLSTM, whose detailed structure is shown in Figure 6. In this paper, both the input sequence and the output sequence consist of 12 TEC maps. So, both input and output tensors share the (12, 1, 71, 73) dimensional structure, where “12” represents the temporal sequence length for both input and output, “1” indicates the singular input channel, “71” and “73” correspond to the latitudinal and longitudinal grid points, respectively, in each TEC map. First, three pairs of BiDWTConvLSTM + LayerNorm are used to extract spatiotemporal features from the input. Here, LayerNorm is used for data normalization to reduce the risk of potential gradient vanishing and explosion caused by changes in data scale. Each BiDWTConvLSTM layer contains two tunable hyperparameters: the number of convolutional kernels and their size dimensions. In this work, we implement the model using Python 3.9 and PyTorch 2.2.2 with CUDA 11.8. In this article, Bayesian optimization is used to optimize them: (i) the number of convolutional kernels, with the search ranging from 8 to 64; (ii) the convolution kernel size, with the search space of {3 × 3, 5 × 5, 7 × 7}. The optimization objective was to minimize the validation R M S E . For each candidate configuration, the model was trained for 15 epochs, and the performance on the validation set was recorded. The optimization was run for 50 iterations. The search was conducted on an NVIDIA GeForce RTX 3090 GPU (manufactured by NVIDIA Corporation, Santa Clara, CA, USA), with each trial requiring about 45–55 min, and the entire optimization process consumed approximately 42 h. Finally, the best kernel number is 13 and the best size is (5, 5). Since each kernel can be viewed as a bidirectional feature extractor, it can generate two feature maps, one forward and one backward. A total of 13 kernels will generate 26 feature maps. Therefore, the output tensor size of these BiDWTConvLSTM + LayerNorms is (12, 26, 71, 73). Then, these feature maps are processed by the CASA module to perform adaptive feature weighting. Finally, the feature channels are adjusted through a Conv3D layer to generate 12 predicted TEC maps.

3.5. Evaluation Metrics

In this paper, Root Mean Square Error ( R M S E ) and Mean Absolute Percentage Error ( M A P E ) are used as the evaluation metrics; their calculations as presented as follows.
R M S E = 1 m i = 1 m ( y i y ^ i ) 2
M A P E = 1 m i = 1 m | y i y ^ i y i | × 100 %
Among them, m represents the total number of grid points within the test dataset. For each grid point i , y ^ i denotes the predicted value, while   y i signifies the corresponding true value, without considering the position and the timestamp.

4. Experiment and Analysis

The model is trained using the Adam optimizer with an initial learning rate of 0.001 and R M S E as the loss function. We have adopted a ReduceLONPlateau dynamic learning rate scheduler: when the validation loss does not improve for 10 consecutive epochs, the learning rate will decay by a coefficient of 0.7. This dynamic learning rate adjustment strategy can effectively avoid the overfitting phenomenon.

4.1. Ablation Experiment

This subsection presents ablation studies to verify the functional importance of both the bidirectional structure and the CASA modules. In the ablation experiments, DWTConvLSTM is the basic model. By combining bidirectional modeling, we obtained BiDWTConvLSTM and finally added CASA to form CASA-BiDWTConvLSTM. For fair comparison, all models were optimized to their optimal performance using a Bayesian optimization algorithm. The experimental results are represented in Table 1, in which the best results are highlighted in bold. The percentage improvements are shown graphically in Figure 7.
First, we verify the effectiveness of the bidirectional structure by comparing DWTConvLSTM and BiDWTConvLSTM. From the experimental results in 2015 and 2019, it can be seen that the R M S E of BiDWTConvLSTM decreased by 8.23% and 3.22%, and the M A P E decreased by 5.04% and 2.33%. This demonstrates the effectiveness of the bidirectional structure in capturing richer temporal dependencies.
Second, we validate the effectiveness of CASA by comparing CASA-BiDWTConvLSTM and BiDWTConvLSTM. The results indicate that the CASA-BiDWTConvLSTM reduces R M S E by 3.55% and 4.88%, and M A P E by 6.34% and 12.3% in 2015 and 2019, compared with BiDWTConvLSTM. This improvement is only due to the addition of CASA, which verifies its effectiveness.
Further analysis based on Figure 7 reveals that compared with the improvements in low solar activity years, the bidirectional structure has greater improvements in high solar activity years. The reason for this phenomenon may be that during high solar activity, the ionospheric TEC experiences frequent and intense large-amplitude disturbances. This makes the temporal evolution of TEC more complex, involving not only interactions with past states but also interactions with subsequent changes. Unidirectional models may not be able to fully capture these dependencies, while bidirectional structures can simultaneously utilize past and future information. Therefore, it provides more comprehensive time feature extraction and achieves greater improvement in prediction accuracy under such interference conditions.
In general, the experimental results provide evidence of the effectiveness of the two proposed modules: the bidirectional structure and CASA. The synergistic combination of the two modules yields optimal prediction performance.

4.2. Comparison with Other Models

The preceding analysis has systematically verified the efficacy of each proposed enhancement. In this subsection, the performance of CASA-BiDWTConvLSTM will be evaluated through multi-faceted comparisons with alternative prediction methods. The comparative models include ConvGRU, ConvLSTM, PredRNN, and C1PG. Specifically, the first three are the mainstream deep learning models used for TEC spatiotemporal prediction, and C1PG is the TEC one-day prediction product provided by CODE. Among these comparative models, C1PG is the predictive product and can be directly used for comparison, while the other models are optimized by a Bayesian optimization algorithm to ensure their best performances.

4.2.1. Overall Quantitative Comparison

This subsection first provides a quantitative comparison of various models across all test samples, as shown in Table 2. It can be seen that in 2015, which is a high solar activity year, CASA-BiDWTConvLSTM achieved superior performance with an R M S E of 3.1788 TECU, representing significant reductions of 24.84%, 16.57%, 13.50%, and 10.29% compared with C1PG, ConvGRU, ConvLSTM, and PredRNN, respectively. During the low solar activity period in 2019, the CASA-BiDWTConvLSTM model achieved reductions in R M S E of 26.11%, 16.83%, 11.68%, and 7.04%, respectively. M A P E of CASA-BiDWTConvLSTM decreased by 31.74%, 20.64%, 14.05%, and 9.41% in 2015 and by 37.26%, 33.25%, 17.43%, and 9.48% in 2019 compared with the four models, respectively.
Based on the above comparisons of R M S E and M A P E , the proposed CASA-BiDWTConvLSTM is obviously superior to the comparative models.
Figure 8 further illustrates the differences in error distribution between CASA-BiDWTConvLSTM and the comparative model. Among them, the horizontal axis represents the prediction error value, and the vertical axis corresponds to the statistical results of the proportion of each error interval. The left and right subplots, respectively, present comparative data from 2015 and 2019. Based on Figure 8, a larger proportion of prediction errors in CASA-BiDWTConvLSTM cluster around zero relative to the competing models, confirming the superiority of CASA-BiDWTConvLSTM.

4.2.2. Comparison from the Spatial Perspective

The overall quantitative comparison of all the test samples is quite rough, with many details hidden. The distribution of ionospheric TEC is uneven and has complex spatial variations. This subsection will provide comparisons among various models by longitude and latitude, respectively.
First, we discuss the comparison from a latitude perspective. For this purpose, we divide the global TEC map into 18 subregions based on geographical latitude. Calculate the R M S E of each model within each subregion and compare them. Figure 9 shows the performance comparison results of different models, with the top for 2015 and the bottom for 2019. Based on the figure, whether in 2019 or 2015, regardless of which subregion, the R M S E of the proposed CASA-BiDWTConvLSTM is the smallest. This further validates the effectiveness of the model proposed. Figure 9 also reveals that the R M S E s of all models exhibit bimodal anomalies near the equator. This is caused by the equatorial ionization anomaly (EIA) phenomenon. Additionally, it should be noted that C1PG also exhibits R M S E s anomalies in high latitude subregions, especially in high latitude areas of the southern hemisphere.
Then, we discuss the comparison from the perspective of longitude. For this purpose, the world is divided into 15 subregions based on longitude, with each subregion spanning 25°. The comparisons of different longitude regions are shown in Figure 10. It indicates that the R M S E of our model is also the lowest in each longitude region.
The detailed comparisons by longitude and latitude in this subsection further confirm the superiority of our proposed CASA-BiDWTConvLSTM.

4.2.3. Comparison from the Temporal Perspective

Apart from complex spatial variations, the ionosphere also exhibits complex temporal changes. This section validates the predictive ability of CASA-BiDWTConvLSTM from the time dimension. To attain the above-stated objective, we calculate and compare the monthly R M S E and M A P E of each model and represent them in Figure 11, where the x-axis represents the month. The top layer shows the results for 2015, and the bottom layer for 2019. In the figure, the lighter the color, the better the performance. It can be seen that in each month (column) of 2015 and 2019, the R M S E and M A P E of the proposed CASA-BiDWTConvLSTM are the smallest, indicating the effectiveness of CASA-BiDWTConvLSTM from a temporal perspective.

4.2.4. Visually Comparison

After the quantitative comparison, this study further conducted an intuitive comparative analysis. For visual comparison, we compare model predictions at four key times (UT 00:00, UT 6:00, UT 12:00, UT 18:00) using selected days from 2015 (DOY 203) and 2019 (DOY 224). The predictive effects on the selected two days are presented in Figure 12 and Figure 13. Based on these figures, it can be seen that the TEC prediction map of the proposed model is closer to the true map, and the difference is relatively small compared with other models. For ease of comparison, the corresponding absolute error contour maps on these two days are shown in Figure 14 and Figure 15, respectively. In addition, we labeled the R M S E of each model on each map, with the best highlighted in red. Based on Figure 14 and Figure 15, all models exhibit R M S E anomalies in the EIA region. In most cases, C1PG consistently shows the largest anomaly regions, whereas CASA-BiDWTConvLSTM produces relatively smaller anomaly areas. In addition, in the mid or high latitudes of the southern hemisphere, especially near the Antarctic region, various models also exhibit R M S E anomaly areas, with C1PG being the most obvious and our model being the least obvious. While no model completely eliminates errors in highly disturbed regions, CASA-BiDWTConvLSTM achieves consistently lower R M S E across different times and solar activity conditions. This reflects its stronger ability to generalize under both high and low-activity scenarios.

4.2.5. Comparison of Geomagnetic Storm Periods

As shown in Table 3 and Figure 16, in order to verify the effectiveness of CASA-BiDWTConvLSTM under extreme conditions, four geomagnetic storm events in 2015 were selected. For each geomagnetic storm, we choose the two days with the smallest D s t as extreme events.
Each geomagnetic storm event consists of 2 days and 24 TEC maps. For a given geomagnetic storm event, we calculate the R M S E and M A P E of each model on each TEC map and display their boxplots, as shown in Figure 17, with the left for R M S E and the right for M A P E . In the boxplots, the top, bottom, and center lines of the rectangular box correspond to the upper quartile, lower quartile, and median of the indicator, respectively.
From the left column of Figure 17, we can see that for all four geomagnetic storm events, the median, upper quartile, and lower quartile of the R M S E of our model are lower than those of the comparative models, indicating the superiority of our model under extreme situations. From the perspective of M A P E (the right column of Figure 17), our model performs best in three cases except for Case 1. Our model has the lowest median R M S E in case 1, while our median M A P E is not the lowest, because M A P E is a relative error metric. When a model has a large prediction error in areas with smaller TEC values, the M A P E will be large. In Case 1, the median M A P E of our model is slightly higher than that of PredRNN, and in all other cases, our model is the best.
Overall, the prediction results of the four geomagnetic storm events indicate that our model is also effective in extreme situations.

5. Conclusions

The recently proposed DWTConvLSTM model incorporates wavelet transformation to effectively capture multi-scale features from low to high frequencies while significantly suppressing noise interference. However, a notable limitation of this model lies in its unidirectional temporal structure, which relies solely on historical information for prediction, thereby making it inefficient for comprehensively characterizing the complex dynamic variations in ionospheric TEC. This article improves it by adopting a bidirectional structure to organize DWTConvLSTM and proposes BiDWTConvLSTM to solve the problem of its inability to accommodate bidirectional dependencies. In addition, we integrate a recently proposed CASA attention mechanism to focus on critical spatiotemporal features.
To validate the effectiveness of the bidirectional structure and CASA, ablation studies are first conducted. Following this, the proposed CASA-BiDWTConvLSTM model is benchmarked against C1PG, ConvGRU, ConvLSTM, and PredRNN on an 11-year GIM dataset (2009–2019). The overall quantitative comparison revealed that during the high solar activity year, our model outperformed competitors with R M S E reductions of 26.11%, 16.83%, 11.68%, and 7.04%, accompanied by M A P E decreases of 31.74%, 20.64%, 14.05%, and 9.41%, respectively; during the low solar activity year, our model’s R M S E decreased by 26.11%, 16.83%, 11.68%, and 7.04%, and M A P E decreased by 37.26%, 33.25%, 17.43%, and 9.48%. In addition, this article further compares various models from the perspectives of space and time in a more specific way, and these experimental results also confirmed the superiority of our proposed CASA-BiDWTConvLSTM. Finally, the comparative results on four geomagnetic storm events indicated that our model outperformed the comparative models under extreme situations.
However, there are also shortcomings in this study. The spatiotemporal resolution of the GIMs used in this article is not currently the highest. This is because using high-precision GIMs means expensive computing resources, which exceed what our devices can afford. Future research will concentrate on developing computationally efficient architectures tailored for high-resolution ionospheric TEC spatiotemporal forecasting. In addition, how to effectively integrate this model into actual GNSS service systems is also our future work.

Author Contributions

Conceptualization, H.L. (Haijun Liu), G.Y., L.S. and H.L. (Huijun Le); methodology, L.S., H.L. (Haijun Liu) and H.L. (Huijun Le); Software, L.S.; validation, X.Y. and S.L.; investigation, L.S.; data curation, L.S. and H.L. (Haijun Liu); writing—original draft preparation, L.S.; writing—review and editing, H.L. (Haijun Liu), L.S. and G.Y.; supervision, H.L. (Haijun Liu). All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the B-type Strategic Priority Program of the Chinese Academy of Sciences, grant number XDB0780000, National Natural Science Foundation of China, grant number 42274223, and Langfang City Science and Technology Support Plan Project, grant number 2025011003.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The definitive ionospheric products from the International GNSS Service (IGS) and CODE’s 1-day predicted TEC maps (C1PG) were sourced from NASA’s Crustal Dynamics Data Information System (CDDIS) data archive [61]. (https://cddis.nasa.gov/archive/gnss/products/ionex/, accessed on 2 November 2024).

Acknowledgments

The authors gratefully acknowledge NASA’s Crustal Dynamics Data Information System (CDDIS) for data archiving services. The author would also like to express special gratitude to the International GNSS Service (IGS) and the European Centre for Orbit Determination (CODE) teams for their long-term maintenance of high-quality ionospheric data products.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Jin, S.; Meng, X.; Dardanelli, G.; Zhu, Y. Multi-Global Navigation Satellite System for Earth Observation: Recent Developments and New Progress. Remote Sens. 2024, 16, 4800. [Google Scholar] [CrossRef]
  2. Ge, H.; Li, B.; Jia, S.; Nie, L.; Wu, T.; Yang, Z.; Shang, J.; Zheng, Y.; Ge, M. LEO Enhanced Global Navigation Satellite System (LeGNSS): Progress, Opportunities, and Challenges. Geo-Spat. Inf. Sci. 2022, 25, 1–13. [Google Scholar] [CrossRef]
  3. Joardar, S.; Siddique, T.A.; Alam, S.; Hossam-E-Haider, M. Analyses of Different Types of Errors for Better Precision in GNSS. In Proceedings of the 2016 3rd International Conference on Electrical Engineering and Information Communication Technology (ICEEICT), Dhaka, Bangladesh, 22–24 September 2016; pp. 1–6. [Google Scholar]
  4. Chen, L.; Guo, H. A Precise Regional Ionospheric Model Was Established Based on GNSS Technique. In Proceedings of the China Satellite Navigation Conference (CSNC) 2018 Proceedings, Harbin, China, 23–25 May 2018; Sun, J., Yang, C., Guo, S., Eds.; Springer: Singapore, 2018; pp. 649–659. [Google Scholar]
  5. Neubert, T.; Rycroft, M.; Farges, T.; Blanc, E.; Chanrion, O.; Arnone, E.; Odzimek, A.; Arnold, N.; Enell, C.-F.; Turunen, E.; et al. Recent Results from Studies of Electric Discharges in the Mesosphere. Surv. Geophys. 2008, 29, 71–137. [Google Scholar] [CrossRef]
  6. Molina, C.; Fernández-Niño, E.; Camps, A. Modern Ionospheric Ray Tracer for Earth Observation Satellite Missions. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2024, 17, 13244–13260. [Google Scholar] [CrossRef]
  7. Tang, J.; Ding, M.; Yang, D.; Fan, C.; Khonsari, N.; Mao, W. Different Data-Driven Prediction of Global Ionospheric TEC Using Deep Learning Methods. Int. J. Appl. Earth Obs. Geoinf. 2024, 130, 103889. [Google Scholar] [CrossRef]
  8. Scharroo, R.; Smith, W.H.F. A Global Positioning System–Based Climatology for the Total Electron Content in the Ionosphere. J. Geophys. Res. 2010, 115, 2009JA014719. [Google Scholar] [CrossRef]
  9. Reddy, C.D. Seismo-Ionospheric Anomalies and Implications from Recent GNSS Observations in India and South-East Asia. Geod. Geodyn. 2016, 7, 11–18. [Google Scholar] [CrossRef]
  10. Bilitza, D.; McKinnell, L.-A.; Reinisch, B.; Fuller-Rowell, T. The International Reference Ionosphere Today and in the Future. J. Geod. 2011, 85, 909–920. [Google Scholar] [CrossRef]
  11. Kaselimi, M.; Doulamis, N.; Voulodimos, A.; Doulamis, A.; Delikaraoglou, D. Spatio-Temporal Ionospheric TEC Prediction Using a Deep CNN-GRU Model on GNSS Measurements. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 8317–8320. [Google Scholar]
  12. Calabia, A.; Jin, S. New Modes and Mechanisms of Long-Term Ionospheric TEC Variations From Global Ionosphere Maps. J. Geophys. Res. Space Phys. 2020, 125, e2019JA027703. [Google Scholar] [CrossRef]
  13. Zhou, R.; Wu, Y.; Cai, J.; Liu, H.; Le, H.; Xiao, J.; Ma, Y. Spatiotemporal Prediction of Ionospheric TEC Based on Denoising Wavelet Transform Convolution. GPS Solut. 2025, 29, 131. [Google Scholar] [CrossRef]
  14. Bilitza, D.; Altadill, D.; Truhlik, V.; Shubin, V.; Galkin, I.; Reinisch, B.; Huang, X. International Reference Ionosphere 2016: From Ionospheric Climate to Real-time Weather Predictions. Space Weather 2017, 15, 418–429. [Google Scholar] [CrossRef]
  15. Pignalberi, A.; Pezzopane, M.; Themens, D.R.; Haralambous, H.; Nava, B.; Coïsson, P. On the Analytical Description of the Topside Ionosphere by NeQuick: Modeling the Scale Height Through COSMIC/FORMOSAT-3 Selected Data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 1867–1878. [Google Scholar] [CrossRef]
  16. Bidaine, B.; Warnant, R. Assessment of the NeQuick Model at Mid-Latitudes Using GNSS TEC and Ionosonde Data. Adv. Space Res. 2010, 45, 1122–1128. [Google Scholar] [CrossRef]
  17. Wang, N.; Yuan, Y.; Li, Z.; Huo, X. Improvement of Klobuchar Model for GNSS Single-Frequency Ionospheric Delay Corrections. Adv. Space Res. 2016, 57, 1555–1569. [Google Scholar] [CrossRef]
  18. Ho, C.M.; Wilson, B.D.; Mannucci, A.J.; Lindqwister, U.J.; Yuan, D.N. A Comparative Study of Ionospheric Total Electron Content Measurements Using Global Ionospheric Maps of GPS, TO PEX Radar, and the Bent Model. Radio. Sci. 1997, 32, 1499–1512. [Google Scholar] [CrossRef]
  19. Meza, A.M.; Brunini, C.A.; Bosch, W.; VanZele, M.A. Comparing Vertical Total Electron Content from GPS, Bent and IRI Models with TOPEX-Poseidon. Adv. Space Res. 2002, 30, 401–406. [Google Scholar] [CrossRef]
  20. Li, X.; Guo, D. Modeling and Prediction of Ionospheric Total Electron Content by Time Series Analysis. In Proceedings of the 2010 2nd International Conference on Advanced Computer Control, Shenyang, China, 27–29 March 2010; Volume 2, pp. 375–379. [Google Scholar]
  21. Wang, C.; Xue, K.; Wang, Z.; Shi, C.; Fan, L.; Zhang, T. Global Ionospheric Maps Forecasting Based on an Adaptive Autoregressive Modeling of Grid Point VTEC Values. Astrophys. Space Sci. 2020, 365, 48. [Google Scholar] [CrossRef]
  22. Vankadara, R.K.; Sasmal, S.; Maurya, A.K.; Panda, S.K. An Autoregressive Integrated Moving Average (ARIMA) Based Forecasting of Ionospheric Total Electron Content at a Low Latitude Indian Location. In Proceedings of the 2022 URSI Regional Conference on Radio Science (USRI-RCRS), Indore, India, 1–4 December 2022; pp. 1–4. [Google Scholar]
  23. Sivavaraprasad, G.; Venkata Ratnam, D. Performance Evaluation of Ionospheric Time Delay Forecasting Models Using GPS Observations at a Low-Latitude Station. Adv. Space Res. 2017, 60, 475–490. [Google Scholar] [CrossRef]
  24. Tang, R.; Zeng, F.; Chen, Z.; Wang, J.-S.; Huang, C.-M.; Wu, Z. The Comparison of Predicting Storm-Time Ionospheric TEC by Three Methods: ARIMA, LSTM, and Seq2Seq. Atmosphere 2020, 11, 316. [Google Scholar] [CrossRef]
  25. Kiruthiga, S.; Mythili, S. Prediction of Ionospheric TEC during the Occurrence of Earthquakes in Indonesia Using ARMA and CoK Models. Front. Astron. Space Sci. 2024, 11, 1415323. [Google Scholar] [CrossRef]
  26. Lei, D.; Liu, H.; Le, H.; Huang, J.; Yuan, J.; Li, L.; Wang, Y. Ionospheric TEC Prediction Base on Attentional BiGRU. Atmosphere 2022, 13, 1039. [Google Scholar] [CrossRef]
  27. Ghaffari Razin, M.R.; Moradi, A.R.; Inyurt, S. Spatio-Temporal Analysis of TEC during Solar Activity Periods Using Support Vector Machine. GPS Solut. 2021, 25, 121. [Google Scholar] [CrossRef]
  28. Razin, M.R.G.; Voosoghi, B.; Mohammadzadeh, A. Efficiency of Artificial Neural Networks in Map of Total Electron Content over Iran. Acta Geod. Geophys. 2016, 51, 541–555. [Google Scholar] [CrossRef]
  29. Zhang, Y.; Zhen, W.; Chen, L.; Ou, M.; Yu, X.; Chen, L. foF2 Estimation with TEC Observation over China Based on Random Forest Method. In Proceedings of the 2022 International Symposium on Antennas and Propagation (ISAP), Sydney, Australia, 31 October–3 November 20222; pp. 489–490. [Google Scholar]
  30. Han, Y.; Wang, L.; Fu, W.; Zhou, H.; Li, T.; Chen, R. Machine Learning-Based Short-Term GPS TEC Forecasting During High Solar Activity and Magnetic Storm Periods. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 15, 115–126. [Google Scholar] [CrossRef]
  31. Zhukov, A.V.; Yasyukevich, Y.V.; Bykov, A.E. GIMLi: Global Ionospheric Total Electron Content Model Based on Machine Learning. GPS Solut. 2021, 25, 19. [Google Scholar] [CrossRef]
  32. Monte-Moreno, E.; Yang, H.; Hernández-Pajares, M. Forecast of the Global TEC by Nearest Neighbour Technique. Remote Sens. 2022, 14, 1361. [Google Scholar] [CrossRef]
  33. Wen, Z.; Li, S.; Li, L.; Wu, B.; Fu, J. Ionospheric TEC Prediction Using Long Short-Term Memory Deep Learning Network. Astrophys. Space Sci. 2021, 366, 3. [Google Scholar] [CrossRef]
  34. Xiong, P.; Long, C.; Zhou, H.; Zhang, X.; Shen, X. GNSS TEC-Based Earthquake Ionospheric Perturbation Detection Using a Novel Deep Learning Framework. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 15, 4248–4263. [Google Scholar] [CrossRef]
  35. Ren, X.; Yang, P.; Liu, H.; Chen, J.; Liu, W. Deep Learning for Global Ionospheric TEC Forecasting: Different Approaches and Validation. Space Weather 2022, 20, e2021SW003011. [Google Scholar] [CrossRef]
  36. Shi, S.; Zhang, K.; Wu, S.; Shi, J.; Hu, A.; Wu, H.; Li, Y. An Investigation of Ionospheric TEC Prediction Maps Over China Using Bidirectional Long Short-Term Memory Method. Space Weather 2022, 20, e2022SW003103. [Google Scholar] [CrossRef]
  37. Ruwali, A.; Kumar, A.J.S.; Prakash, K.B.; Sivavaraprasad, G.; Ratnam, D.V. Implementation of Hybrid Deep Learning Model (LSTM-CNN) for Ionospheric TEC Forecasting Using GPS Data. IEEE Geosci. Remote Sens. Lett. 2021, 18, 1004–1008. [Google Scholar] [CrossRef]
  38. Tian, H.; Yuan, Z.; Yu, X. Modeling Earth’s Global Electron Density by Using LSTM-Attention Neural Networks. Space Weather 2025, 23, e2024SW004193. [Google Scholar] [CrossRef]
  39. Han, C.; Guo, Y.; Ou, M.; Wang, D.; Song, C.; Jin, R.; Zhen, W.; Bai, P.; Chong, X.; Wang, X. A Lightweight Prediction Model for Global Ionospheric Total Electron Content Based on Attention-BiLSTM. Adv. Space Res. 2025, 75, 3614–3629. [Google Scholar] [CrossRef]
  40. Liu, H.; Wang, H.; Yuan, J.; Li, L.; Zhang, L. TEC Prediction Based on Att-CNN-BiLSTM. IEEE Access 2024, 12, 68471–68484. [Google Scholar] [CrossRef]
  41. Ren, X.; Zhao, B.; Ren, Z.; Wang, Y.; Xiong, B. Deep Learning-Based Prediction of Global Ionospheric TEC During Storm Periods: Mixed CNN-BiLSTM Method. Space Weather 2024, 22, e2024SW003877. [Google Scholar] [CrossRef]
  42. Kong, Q.; Huang, Y.; Mi, X.; Bai, Q.; Han, J.; Chen, Y.; Wang, S. A New High-Precision Short-Term Ionospheric TEC Prediction Model Based on the DBO-BiLSTM Algorithm: A Case Study of Europe. Adv. Space Res. 2025, 75, 7726–7738. [Google Scholar] [CrossRef]
  43. Tang, J.; Liu, C.; Yang, D.; Ding, M. Prediction of Ionospheric TEC Using a GRU Mechanism Method. Adv. Space Res. 2024, 74, 260–270. [Google Scholar] [CrossRef]
  44. Yang, T.Y.; Lu, J.Y.; Yang, Y.Y.; Hao, Y.H.; Wang, M.; Li, J.Y.; Wei, G.C. GNSS–VTEC Prediction Based on CNN–GRU Neural Network Model during High Solar Activities. Sci. Rep. 2025, 15, 9109. [Google Scholar] [CrossRef]
  45. Mukesh, R.; Dass, S.C.; Kiruthiga, S.; Mythili, S.; Vijay, M.; Likitha Shree, K.; Abinesh, M.; Ambika, T. Pooja Prediction of Ionospheric TEC Using RNN During the Indonesia Earthquakes Based on GPS Data and Comparison with the IRI Model. In Proceedings of the Fourth Congress on Intelligent Systems, Bangalore, India, 4–5 September 2023; Kumar, S., K., B., Kim, J.H., Bansal, J.C., Eds.; Springer Nature: Singapore, 2024; pp. 401–415. [Google Scholar]
  46. Yuan, T.; Chen, Y.; Liu, S.; Gong, J. Prediction Model for Ionospheric Total Electron Content Based on Deep Learning Recurrent Neural Networkormalsize. Chin. J. Space Sci. 2018, 38, 48. [Google Scholar] [CrossRef]
  47. Chen, J.; Zhi, N.; Liao, H.; Lu, M.; Feng, S. Global Forecasting of Ionospheric Vertical Total Electron Contents via ConvLSTM with Spectrum Analysis. GPS Solut. 2022, 26, 69. [Google Scholar] [CrossRef]
  48. Xue, K.; Shi, C.; Wang, C. RA-ConvLSTM: Recurrent-Architecture Attentional ConvLSTM Networks for Prediction of Global Total Electron Content. Space Weather 2025, 23, e2024SW004173. [Google Scholar] [CrossRef]
  49. Liu, Y.; Gong, Y.; Zhang, H.; Hu, Z.; Yang, G.; Yuan, H. A New and Tested Ionospheric TEC Prediction Method Based on SegED-ConvLSTM. Remote Sens. 2025, 17, 885. [Google Scholar] [CrossRef]
  50. Liu, H.; Wang, H.; Le, H.; Yuan, J.; Shan, W.; Wu, Y.; Chen, Y. CGAOA-STRA-BiConvLSTM: An Automated Deep Learning Framework for Global TEC Map Prediction. GPS Solut. 2025, 29, 55. [Google Scholar] [CrossRef]
  51. Luo, H.; Gong, Y.; Chen, S.; Yu, C.; Yang, G.; Yu, F.; Hu, Z.; Tian, X. Prediction of Global Ionospheric Total Electron Content (TEC) Based on SAM-ConvLSTM Model. Space Weather 2023, 21, e2023SW003707. [Google Scholar] [CrossRef]
  52. Xia, G.; Zhang, F.; Wang, C.; Zhou, C. ED-ConvLSTM: A Novel Global Ionospheric Total Electron Content Medium-Term Forecast Model. Space Weather 2022, 20, e2021SW002959. [Google Scholar] [CrossRef]
  53. Wang, C.; Xue, K.; Shi, C. An Optimized Model With Encoder-Decoder ConvLSTM for Global Ionospheric Forecasting. IEEE Geosci. Remote Sens. Lett. 2025, 22, 1–5. [Google Scholar] [CrossRef]
  54. Tang, J.; Zhong, Z.; Ding, M.; Yang, D.; Liu, H. Forecast of Ionospheric TEC Maps Using ConvGRU Deep Learning Over China. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2024, 17, 3334–3344. [Google Scholar] [CrossRef]
  55. Xie, B.; Meng, J.; Li, B.; Harland, A. Biosignal-Based Transferable Attention Bi-ConvGRU Deep Network for Hand-Gesture Recognition towards Online Upper-Limb Prosthesis Control. Comput. Methods Programs Biomed. 2022, 224, 106999. [Google Scholar] [CrossRef] [PubMed]
  56. Wang, Y.; Long, M.; Wang, J.; Gao, Z.; Yu, P.S. PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs. Adv. Neural Inf. Process. Syst. 2017, 30, 879–888. [Google Scholar]
  57. Liu, H.; Ma, Y.; Le, H.; Li, L.; Zhou, R.; Xiao, J.; Shan, W.; Wu, Z.; Li, Y. Global Ionospheric TEC Map Prediction Based on Multichannel ED-PredRNN. Atmosphere 2025, 16, 422. [Google Scholar] [CrossRef]
  58. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.u.; Polosukhin, I. Attention Is All You Need. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; Curran Associates, Inc.: Red Hook, NY, USA, 2017; Volume 30. [Google Scholar]
  59. Zhang, F.; Wang, R.; Zhou, F.; Luo, Y.; Li, J. PSAM: Parameter-Free Spatiotemporal Attention Mechanism for Video Question Answering. IEEE Trans. Multimed. 2023, 1–16. [Google Scholar] [CrossRef]
  60. Zhang, T.; Li, L.; Zhou, Y.; Liu, W.; Qian, C.; Hwang, J.-N.; Ji, X. CAS-ViT: Convolutional Additive Self-Attention Vision Transformers for Efficient Mobile Applications. arXiv 2024, arXiv:2408.03703. [Google Scholar]
  61. Noll, C.E. The Crustal Dynamics Data Information System: A Resource to Support Scientific Analysis Using Space Geodesy. Adv. Space Res. 2010, 45, 1421–1440. [Google Scholar] [CrossRef]
Figure 1. Distribution of the training set, validation set, and test set.
Figure 1. Distribution of the training set, validation set, and test set.
Atmosphere 16 01139 g001
Figure 2. Illustration of a two-level DWTConv applied to a TEC map.
Figure 2. Illustration of a two-level DWTConv applied to a TEC map.
Atmosphere 16 01139 g002
Figure 3. Structures of DWTConvLSTM (left) and ConvLSTM (right).
Figure 3. Structures of DWTConvLSTM (left) and ConvLSTM (right).
Atmosphere 16 01139 g003
Figure 4. Structure of a BiDWTConvLSTM unit.
Figure 4. Structure of a BiDWTConvLSTM unit.
Atmosphere 16 01139 g004
Figure 5. Architecture of CASA.
Figure 5. Architecture of CASA.
Atmosphere 16 01139 g005
Figure 6. Structure of CASA-BiDWTConvLSTM.
Figure 6. Structure of CASA-BiDWTConvLSTM.
Atmosphere 16 01139 g006
Figure 7. Graphical display of ablation experiment results.
Figure 7. Graphical display of ablation experiment results.
Atmosphere 16 01139 g007
Figure 8. Pairwise comparison of error distributions. (Left): 2015; (Right): 2019.
Figure 8. Pairwise comparison of error distributions. (Left): 2015; (Right): 2019.
Atmosphere 16 01139 g008
Figure 9. Comparison within different latitude regions.
Figure 9. Comparison within different latitude regions.
Atmosphere 16 01139 g009
Figure 10. Comparison within different longitude regions.
Figure 10. Comparison within different longitude regions.
Atmosphere 16 01139 g010
Figure 11. Comparison from a temporal perspective.
Figure 11. Comparison from a temporal perspective.
Atmosphere 16 01139 g011
Figure 12. Predictive TEC maps of various models on DOY203, 2015 (high solar activity).
Figure 12. Predictive TEC maps of various models on DOY203, 2015 (high solar activity).
Atmosphere 16 01139 g012
Figure 13. Predictive TEC maps of various models on DOY223, 2019 (low solar activity).
Figure 13. Predictive TEC maps of various models on DOY223, 2019 (low solar activity).
Atmosphere 16 01139 g013
Figure 14. Absolute error maps of various models on DOY203, 2015 (high solar activity).
Figure 14. Absolute error maps of various models on DOY203, 2015 (high solar activity).
Atmosphere 16 01139 g014
Figure 15. Absolute error maps of various models on DOY223, 2019 (low solar activity).
Figure 15. Absolute error maps of various models on DOY223, 2019 (low solar activity).
Atmosphere 16 01139 g015
Figure 16. Four selected geomagnetic storms.
Figure 16. Four selected geomagnetic storms.
Atmosphere 16 01139 g016
Figure 17. Comparison of four geomagnetic storm events.
Figure 17. Comparison of four geomagnetic storm events.
Atmosphere 16 01139 g017
Table 1. Ablation experiment results (bold indicates superior performance).
Table 1. Ablation experiment results (bold indicates superior performance).
Solar ActivityModel R M S E (TECU) M A P E
2015 (High)DWTConvLSTM3.591715.26%
BiDWTConvLSTM3.296114.49%
CASA-BiDWTConvLSTM3.178813.57%
2019 (Low)DWTConvLSTM1.299214.15%
BiDWTConvLSTM1.257313.82%
CASA-BiDWTConvLSTM1.195912.12%
Table 2. Overall quantitative comparison.
Table 2. Overall quantitative comparison.
Solar ActivityModel R M S E (TECU) M A P E
High (2015)C1PG4.229619.88%
ConvGRU3.810217.10%
ConvLSTM3.675215.79%
PredRNN3.543614.98%
CASA-BiDWTConvLSTM3.178813.57%
Low (2019)C1PG1.618619.32%
ConvGRU1.438018.16%
ConvLSTM1.354114.68%
PredRNN1.286513.39%
CASA-BiDWTConvLSTM1.195912.12%
Table 3. Descriptions of DOYs and minimum D s t for the selected four geomagnetic storm events.
Table 3. Descriptions of DOYs and minimum D s t for the selected four geomagnetic storm events.
Storm EventDOYs D s t m i n ( n T )
Case176–77−234
Case2173–174−198
Case3280–281−130
Case4354–355−166
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

Sun, L.; Yuan, G.; Le, H.; Yao, X.; Li, S.; Liu, H. Global Ionosphere Total Electron Content Prediction Based on Bidirectional Denoising Wavelet Transform Convolution. Atmosphere 2025, 16, 1139. https://doi.org/10.3390/atmos16101139

AMA Style

Sun L, Yuan G, Le H, Yao X, Li S, Liu H. Global Ionosphere Total Electron Content Prediction Based on Bidirectional Denoising Wavelet Transform Convolution. Atmosphere. 2025; 16(10):1139. https://doi.org/10.3390/atmos16101139

Chicago/Turabian Style

Sun, Liwei, Guoming Yuan, Huijun Le, Xingyue Yao, Shijia Li, and Haijun Liu. 2025. "Global Ionosphere Total Electron Content Prediction Based on Bidirectional Denoising Wavelet Transform Convolution" Atmosphere 16, no. 10: 1139. https://doi.org/10.3390/atmos16101139

APA Style

Sun, L., Yuan, G., Le, H., Yao, X., Li, S., & Liu, H. (2025). Global Ionosphere Total Electron Content Prediction Based on Bidirectional Denoising Wavelet Transform Convolution. Atmosphere, 16(10), 1139. https://doi.org/10.3390/atmos16101139

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