- 1Sichuan Digital Economy Industry Development Research Institute, Xi‘an Jiaotong University, Chengdu, China
- 2Department of Art and Design, Taiyuan University, Taiyuan, Shanxi, China
Introduction: Time series prediction is a fundamental task in climate resilience, where accurate forecasting of climate variables is critical for proactive planning and adaptation. Traditional methods often struggle with the nonlinearity, high variability, and multi-scale dependencies inherent in climate data, limiting their applicability in dynamic and diverse environments.
Methods: In this work, we propose a novel framework that combines the Resilience Optimization Network (ResOptNet) with the Equity-Driven Climate Adaptation Strategy (ED-CAS) to address these challenges. ResOptNet employs hybrid predictive modeling and multi-objective optimization to identify tailored interventions for climate risk mitigation, dynamically adapting to real-time data through a feedback-driven loop. ED-CAS complements this by embedding equity considerations into resource allocation, ensuring that resilience-building efforts prioritize vulnerable populations and regions.
Results: Experimental evaluations on climate datasets demonstrate that our approach significantly improves forecasting accuracy, resilience indices, and equitable resource distribution compared to traditional models.
Discussion: By integrating predictive analytics with optimization and equity-driven strategies, this framework provides actionable insights for climate adaptation, advancing the development of scalable and socially just resilience solutions.
1 Introduction
Climate resilience focuses on the ability of systems and communities to prepare for, adapt to, and recover from climate change impacts. The growing severity of extreme weather events, like hurricanes and heatwaves, highlights the urgent need for proactive strategies that ensure sustainability and reduce risks beyond disaster management. Time series prediction has become a cornerstone in advancing climate resilience, as accurate forecasting is critical for understanding climate variability, extreme weather events, and long-term environmental changes. Not only does this task support policymakers in designing proactive mitigation strategies, but it also empowers local communities and industries to prepare for and adapt to climate-related risks Angelopoulos et al. (2023). Traditional forecasting models, while effective in relatively stable systems, often fall short in capturing the complex, non-linear, and multi-scale dynamics inherent in climate systems. The increasing availability of large-scale environmental datasets and advances in computational power have shifted the focus toward leveraging deep learning methods Shen and Kwok (2023), which are uniquely positioned to address these challenges. By extracting patterns and relationships across diverse variables, these methods enable predictions that are both accurate and adaptive to climate variability, making them essential for climate resilience applications Zhou et al. (2020).
Early approaches to time series prediction in climate applications relied on statistical and physics-based models that utilized explicit assumptions about the underlying system dynamics Li et al. (2023). Methods such as autoregressive integrated moving average (ARIMA), Gaussian processes, and linear regression were widely used for their simplicity and interpretability. For instance, ARIMA models were employed to predict temperature trends or rainfall variability based on historical data Yin et al. (2023). Similarly, physics-based models like numerical weather prediction (NWP) systems integrated physical laws to simulate weather dynamics. While these methods provided valuable insights, they often struggled with high-dimensional, noisy data and failed to generalize across regions with different climatic characteristics Yu et al. (2023). Their reliance on handcrafted features and explicit assumptions about system behavior limited their ability to capture the chaotic and non-linear nature of climate processes Durairaj and Mohan (2022).
The emergence of data-driven machine learning methods marked a significant departure from traditional approaches by enabling the automatic learning of patterns from data without the need for explicit feature engineering Chandra et al. (2021). Techniques such as support vector machines (SVMs), random forests, and shallow neural networks were applied to tasks such as temperature forecasting, drought prediction, and flood risk assessment. These methods achieved improved performance over traditional models by leveraging larger datasets and learning non-linear relationships Fan et al. (2021). For example, SVMs and decision trees were used to classify weather patterns based on historical data, while shallow neural networks captured non-linear dependencies in small-scale datasets. However, these approaches were still constrained by their limited capacity to model long-term dependencies and their reliance on carefully curated datasets Hou et al. (2022). They often required significant domain expertise to define appropriate input features, limiting their scalability to complex climate resilience applications.
The advent of deep learning has revolutionized time series prediction by introducing architectures capable of capturing intricate spatial-temporal dependencies in high-dimensional data Lindemann et al. (2021). Recurrent neural networks (RNNs), particularly long short-term memory (LSTM) networks and gated recurrent units (GRUs), have demonstrated remarkable success in modeling sequential climate data, such as precipitation forecasts or sea-level rise predictions Dudukcu et al. (2022). Convolutional neural networks (CNNs), originally designed for image processing, have also been adapted for spatial-temporal forecasting by leveraging their ability to extract features across both spatial and temporal dimensions. More recently, transformer-based models have emerged as state-of-the-art solutions, outperforming traditional RNNs in capturing long-range dependencies and complex interactions Amalou et al. (2022). For example, transformers have been applied to predict temperature anomalies by integrating multi-modal datasets, such as satellite imagery and ground-based observations Xiao et al. (2021). Despite their success, deep learning models face challenges in interpretability, data sparsity, and generalization across regions with varying climate dynamics, as well as high computational requirements for training and inference Zheng and Chen (2021).
To overcome the limitations of existing approaches, we propose a novel deep learning framework for time series prediction focused on operational climate resilience, as defined by the IPCC, emphasizing system resistance, recovery, and persistence under climate-related shocks. The proposed model integrates spatiotemporal attention mechanisms with graph neural networks to model interactions between climate variables and spatial regions dynamically. Multi-task learning is employed to jointly predict short-term and long-term climate outcomes, improving robustness across different time scales. The framework is designed to handle diverse data sources, including remote sensing, sensor networks, and simulation outputs, enabling accurate and interpretable predictions for extreme weather events, resource management, and adaptation planning. By addressing the challenges of non-linearity, spatial heterogeneity, and data sparsity, the proposed approach offers a scalable and adaptive solution for advancing climate resilience. We summarize our contributions as follows:
The hypothesis of this study is that climate variables such as temperature and precipitation interact with system-level responses in a region-specific manner due to spatial heterogeneity in land use, infrastructure, and socio-economic conditions. The model captures this interaction by embedding both temporal sequences and spatial identifiers into the learning architecture, allowing it to learn region-dependent patterns from data. Climate variability across regions is not treated as noise but as a structural factor influencing the system’s response. This is reflected in the experimental setup, where inputs from different regions are processed jointly, and the model learns to distinguish and adapt to local climate dynamics. The contribution of this work is a unified framework that enables region-aware prediction of system behavior under climate stress, improving both accuracy and the ability to simulate resilience in contextually diverse environments.
2 Related work
2.1 Deep learning for time series forecasting
In this study, we define climate resilience following the IPCC framework as the capacity of a system—whether ecological, infrastructural, or socio-technical—to resist, absorb, adapt to, and recover from climate-induced disturbances while maintaining or rapidly restoring its essential functions. Specifically, we operationalize resilience through three quantifiable aspects: (1) resistance—the system’s ability to minimize initial disruption under shock; (2) recovery—the speed and pathway by which the system returns to a stable state; and (3) persistence—the continuity of core functions throughout the disturbance period. This definition is distinct from sustainability, which concerns long-term balance and development goals across environmental, social, and economic dimensions. Our modeling framework does not aim to evaluate sustainability outcomes directly; rather, it focuses on short-to medium-term system behavior under stress, providing predictive and adaptive capabilities to support resilience-oriented decision-making. Deep learning methods have shown significant potential in time series forecasting due to their ability to model complex temporal patterns and nonlinear relationships. Recurrent Neural Networks (RNNs), particularly Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU) architectures Wang et al. (2021b), have been widely used to capture sequential dependencies in time series data. These models excel in learning long-term dependencies, making them suitable for climate-related applications such as temperature, precipitation, and sea-level forecasting Xu et al. (2020). However, traditional RNN-based models often struggle with scalability and are prone to vanishing gradient problems when dealing with long time series. To address these limitations, attention mechanisms and Transformer architectures have been introduced to improve the modeling of long-range dependencies in time series data Karevan and Suykens (2020). Transformers, originally designed for natural language processing tasks, have been adapted to handle sequential data in climate applications. Models such as the Temporal Fusion Transformer (TFT) allow for both global and local interpretability Altan and Karasu (2021), making them particularly valuable in climate resilience, where understanding the impact of specific variables is crucial for actionable insights. In climate resilience applications, deep learning models are often combined with external factors such as socioeconomic data, land-use patterns, and historical climate records to improve forecasting accuracy Wen et al. (2021). These approaches allow for the integration of diverse data modalities, capturing the interplay between anthropogenic activities and climate variability. Nevertheless, challenges remain in terms of model robustness and generalization Engel-Cox and Chapman (2023), particularly when extrapolating to unseen climate scenarios. Techniques such as domain adaptation and transfer learning are being explored to address these challenges by leveraging pre-trained models on related tasks Engel-Cox et al. (2022).
The model explicitly incorporates resilience, resistance, and recovery as dynamic components of system behavior. Resilience is captured through the system’s ability to maintain or return to functional states under climate perturbations. Resistance is reflected in the model’s ability to minimize initial deviation when exposed to shocks, and recovery is quantified by the rate at which the system stabilizes following disturbances. These aspects are embedded in the time-dependent state transitions and control optimization structure of the model, allowing it to represent not only the persistence of function but also the depth and duration of impact in climate-stressed conditions. Sustainability, in contrast, is treated as a broader contextual goal rather than a direct output of the model.
2.2 Multi-scale modeling for climate predictions
Climate phenomena inherently operate across multiple spatial and temporal scales, making it essential to incorporate multi-scale modeling techniques into deep learning frameworks. Traditional statistical methods, such as autoregressive integrated moving average (ARIMA) models, struggle to capture these multi-scale interactions due to their linearity assumptions Wang et al. (2021a). In contrast, deep learning approaches, including Convolutional Neural Networks (CNNs) and hybrid architectures, can effectively learn hierarchical representations of climate data Morid et al. (2021). For spatially distributed climate data, convolutional approaches such as 3D CNNs and U-Net architectures have been employed to capture spatial dependencies. These models are particularly useful in applications such as drought monitoring, flood prediction, and temperature anomaly detection, where spatial resolution is critical Widiputra et al. (2021). Combining these spatial models with temporal ones, such as LSTMs or Transformers, enables the joint modeling of spatiotemporal patterns. For instance, in rainfall prediction, hybrid models that integrate CNNs for spatial feature extraction with LSTMs for temporal forecasting have demonstrated improved accuracy and robustness Moskolaï et al. (2021). Wavelet transforms and multi-resolution analysis are also being integrated into deep learning frameworks to capture patterns at different temporal scales. These methods allow models to identify localized events, such as extreme weather conditions, while preserving long-term trends. Moreover, graph-based approaches, such as Graph Neural Networks (GNNs), are being employed to model the spatial relationships between different geographic regions Yang and Wang (2021). By encoding climate variables as nodes and their interactions as edges, GNNs enable the propagation of information across spatial scales, improving predictions in interconnected systems. Despite these advancements, multi-scale modeling faces challenges related to data sparsity and computational complexity Engel-Cox and Jeromin (2024). Climate data is often noisy and incomplete, particularly in developing regions where observation networks are limited. Techniques such as data augmentation, imputation, and the use of physics-informed neural networks are being developed to address these limitations and enhance the reliability of multi-scale deep learning models Kythreotis et al. (2019).
2.3 Extreme event prediction and adaptation
Extreme weather events, such as hurricanes, heatwaves, and floods, pose significant risks to climate resilience and necessitate accurate prediction models. Deep learning approaches have been increasingly applied to predict the occurrence, intensity, and duration of such events Ruan et al. (2021). Unlike traditional methods, which rely heavily on domain-specific features and simplified physical models, deep learning methods can directly learn patterns from raw data, including satellite imagery, reanalysis datasets, and sensor observations. CNNs have been widely used for identifying extreme weather patterns from satellite images, such as cyclones or atmospheric rivers. These models excel in detecting spatial features and can be fine-tuned for specific event types Kim and King (2020). LSTMs and GRUs, on the other hand, have been used to forecast the temporal evolution of extreme events, such as heatwave durations or flood peaks. More recently, spatiotemporal models that combine CNNs and RNNs have shown promise in jointly modeling the spatial extent and temporal dynamics of extreme events Wu et al. (2020). Generative models, such as Variational Autoencoders (VAEs) and Generative Adversarial Networks (GANs), have been explored to simulate extreme weather scenarios under different climate conditions. These models provide valuable insights into event probabilities and allow for stress testing of climate resilience strategies Kang et al. (2020). For example, GANs have been used to generate synthetic hurricane tracks, enabling better preparedness and risk assessment in vulnerable regions. The integration of physical models with deep learning approaches has emerged as a promising direction for extreme event prediction. By embedding physical constraints into neural networks, these hybrid models improve generalization and provide more interpretable results Hu et al. (2020). For instance, physics-informed neural networks (PINNs) incorporate governing equations of fluid dynamics into the training process, ensuring that predictions are consistent with established physical principles. Such approaches are particularly relevant in climate resilience applications, where understanding the underlying physical processes is critical for designing effective adaptation strategies Luhunga et al. (2018). Despite these advancements, extreme event prediction remains challenging due to the inherent rarity and unpredictability of these phenomena. Imbalanced datasets and the lack of historical records for certain event types hinder the training of deep learning models. Addressing these challenges requires innovative solutions, such as synthetic data generation, transfer learning, and active learning techniques, to enhance model performance and reliability in real-world scenarios Kiddle et al. (2021).
3 Methods
3.1 Overview
This paper presents a novel framework combining predictive modeling, data-driven insights, and adaptive strategies to enhance climate resilience. Unlike reactive approaches, it offers scalable, equitable solutions to uneven climate impacts and resource limitations through anticipatory and optimized interventions.
In Section 3.2, we provide a formal definition of climate resilience and introduce the underlying concepts and frameworks that guide this study. This includes an analysis of resilience metrics, modeling techniques, and the multi-dimensional nature of resilience spanning environmental, social, and economic domains. These preliminaries establish a comprehensive foundation for understanding the scope and challenges of building climate-resilient systems. In Section 3.3, we introduce our proposed computational framework, termed Resilience Optimization Network (ResOptNet), which employs hybrid modeling approaches to identify and prioritize interventions for climate adaptation. ResOptNet combines system-level simulations with multi-objective optimization to propose tailored strategies for climate risk mitigation. The framework incorporates feedback loops to adapt to real-time climate data, ensuring its applicability in dynamic environments. In Section 3.4, we propose an innovative strategy named Equity-Driven Climate Adaptation Strategy (ED-CAS) that prioritizes vulnerable populations and regions during resource allocation. ED-CAS incorporates socio-economic factors and local adaptive capacities into the resilience-building process, ensuring that interventions are both equitable and impactful. By bridging the gap between computational rigor and policy implementation, this strategy aims to create scalable solutions that can be deployed in diverse geographic and socio-political contexts. This integrative approach advances climate resilience by addressing its complexity and is evaluated through urban and rural case studies. The results demonstrate its effectiveness across diverse scenarios, offering valuable insights for policymakers, practitioners, and researchers in climate adaptation.
3.2 Preliminaries
Climate resilience is the capacity of systems—be they ecological, social, or infrastructural—to anticipate, absorb, adapt, and recover from the impacts of climate change and variability. This section formalizes the concept of resilience, introduces key metrics and models used in its evaluation, and establishes the problem formulation that guides this work.
The resilience of a system can be mathematically defined as its ability to maintain or quickly return to a desirable state
Here,
Several metrics are commonly employed to quantify resilience: Recovery Time
where
The evolution of the system state
where
Resilience is inherently multi-dimensional, encompassing environmental, social, and economic domains: Captures the capacity of communities to adapt and recover, often modeled as social networks
The task of enhancing climate resilience can be formulated as a multi-objective optimization problem (Equation 4):
where
Here,
The model treats resilience both as a measurable dynamic response and as a system condition under climate disturbance. Resilience as a metric is defined by quantifiable outputs such as recovery time, deviation amplitude, and system stabilization behavior. Resilience as a state refers to the system’s maintained ability to function within acceptable limits during and after climate impact. The model does not assume equivalence between biotic and abiotic responses. Instead, it uses system-specific inputs and response variables for each type. In abiotic systems like water infrastructure, the model tracks flow and pressure recovery. In biotic contexts, such as land cover change or vegetation stress, the model uses indicators like NDVI variation or productivity response. Each input is normalized based on domain-specific statistical ranges, and model outputs are interpreted relative to the system’s baseline function. Activation functions and normalization methods are not applied uniformly but selected based on the temporal and spatial variability of each subsystem. For instance, GELU is used in transformer components to preserve temporal smoothness, and batch normalization is applied where input scale varies across subsystems. These design choices ensure that system-specific adaptation and recovery strategies are respected before comparing across environments.
3.3 Resilience Optimization Network (ResOptNet)
In this section, we present the proposed Resilience Optimization Network (ResOptNet), a novel computational framework that addresses the challenges of optimizing climate resilience strategies. Below, we highlight three key innovations that distinguish ResOptNet (As shown in Figure 1).

Figure 1. The diagram illustrates the ResOptNet framework, combining Predictive System Dynamics on the left, Multi-Objective Resilience Optimization in the center, and Feedback-Driven Adaptive Control on the right. It provides a robust framework for addressing climate resilience challenges by leveraging predictive dynamics, real-time feedback, and multi-objective optimization. This framework dynamically adjusts interventions to uncertainties and external disturbances while maintaining system stability. Visualized with subsystems, interactions, and control mechanisms to optimize climate resilience across environmental, social, and economic dimensions.
3.3.1 Predictive system dynamics integration
ResOptNet integrates a comprehensive predictive system dynamics model to simulate the evolution of climate-impacted systems across environmental, social, and economic dimensions, ensuring an in-depth understanding of interdependencies and feedback mechanisms. The system dynamics are governed by (Equation 6):
where
where
The environmental subsystem is influenced by physical climate drivers, and
where
where
leading to corrective updates (Equation 14):
with
3.3.2 Multi-objective resilience optimization
The framework employs a multi-objective optimization approach to identify resilience-enhancing interventions
where
where
where
To adapt to evolving climate risks, the resilience improvement function dynamically updates based on real-time changes in vulnerability (Equation 19):
where
where
where
where
This comprehensive framework ensures that resilience-enhancing interventions are selected based on equity-driven priorities while maintaining budget feasibility, system constraints, and adaptability to changing climate risks (As shown in Figure 2).

Figure 2. The Multi-Objective Resilience Optimization (MRO) framework employs a multi-objective optimization approach. It is designed to identify resilience-enhancing interventions. It ensures that these interventions adhere to resource and feasibility constraints. The framework integrates multimodal embedding and dynamic prioritization mechanisms to maximize a composite resilience index across environmental, social, and economic dimensions. The optimization process ensures equitable resource allocation by incorporating real-time vulnerability updates and enforcing minimum resilience thresholds. The diagram illustrates key components, including convolutional layers, depthwise convolutions, attention mechanisms, and fully connected (FC) layers that facilitate efficient multimodal embedding and decision-making.
3.3.3 Feedback-driven adaptive control
ResOptNet incorporates a feedback mechanism that dynamically updates intervention strategies based on real-time observations of system states. The deviation
where
where
where
with
where
where
where
where
3.4 Equity-Driven Climate Adaptation Strategy (ED-CAS)
In this section, we introduce the Equity-Driven Climate Adaptation Strategy (ED-CAS), a novel framework that ensures climate adaptation efforts prioritize equity by systematically addressing socio-economic disparities. ED-CAS integrates advanced modeling techniques and optimization strategies to achieve fair and effective resource distribution (As shown in Figure 3).

Figure 3. Overview of the Equity-Driven Climate Adaptation Strategy (ED-CAS). This framework integrates multiple components to ensure equitable climate adaptation. The VAE module encodes signal space inputs into latent variables Z, which feed into the diffusion process for vulnerability modeling. The denoising U-Net refines these outputs using self-attention (SA) and cross-attention (CA) mechanisms. Equity-weighted resource allocation leverages LLMs to process multi-modal data, ensuring resources are distributed based on community-specific vulnerabilities. Dynamic vulnerability adjustment continuously updates vulnerability scores using real-time categorical, numerical, and climate data, ensuring responsive and fair adaptation measures.
3.4.1 Equity-aware vulnerability index
ED-CAS employs a comprehensive vulnerability index to evaluate community resilience, integrating economic, environmental, and social factors. The vulnerability score for community
where
where
where
where
where
which guides the prioritization of intervention measures. The allocation of resources
This comprehensive framework ensures that communities with the highest vulnerability receive adequate resources, thereby improving overall resilience and reducing susceptibility to future risks.
3.4.2 Equity-weighted resource allocation
To optimize intervention planning, ED-CAS formulates an equity-weighted resource allocation problem that ensures highly vulnerable communities receive priority while adhering to budgetary and feasibility constraints. The objective function is designed to maximize resilience improvements across all targeted communities, with a weighting mechanism that prioritizes interventions based on vulnerability scores (Equation 39):
where
where
The vulnerability score of each community is dynamically updated based on real-time data, capturing socio-economic and environmental changes (Equation 42):
where
Interventions are also subject to capacity constraints, ensuring that the number of implemented projects does not exceed operational limits (Equation 44):
where
where
where
where

Figure 4. Illustration of the Equity-Weighted Resource Allocation framework within the ED-CAS system. The figure showcases the multi-dimensional assessment of vulnerability by integrating economic, environmental, and social factors to compute a comprehensive vulnerability score. The framework also employs a dynamic resource allocation model, ensuring communities with higher vulnerability receive prioritized interventions while adhering to budgetary and feasibility constraints. Neural network components, including LSTM layers, convolutional layers, and fully connected layers, facilitate adaptive decision-making based on real-time socio-economic and environmental data. Various normalization and activation functions are incorporated to enhance model efficiency and resilience optimization, ensuring equitable distribution of resources across different communities.
3.4.3 Dynamic vulnerability adjustment
To adapt to evolving climate risks, ED-CAS dynamically updates vulnerability scores based on real-time data, ensuring that adaptation strategies remain responsive to shifting socio-economic and environmental conditions. The updated vulnerability score for community
where the change in vulnerability
where
where
To introduce resilience factors and mitigate excessive fluctuations, a smoothing mechanism is applied (Equation 53):
where
where
where
This work addresses interpretability by integrating explainable structures into the model architecture. The spatiotemporal attention mechanism highlights which climate variables and regions most influence predictions, allowing users to trace how specific environmental or social indicators contribute to resilience outcomes. The graph-based structure further clarifies inter-regional dependencies, offering transparency in how localized risks propagate across systems. In addition, the equity-weighted resource allocation module directly links vulnerability metrics to intervention outcomes, making it clear how decisions prioritize different communities. A qualitative analysis is provided to demonstrate how these outputs guide practical decisions, such as targeting infrastructure investments or reallocating resources during high-risk periods. This ensures that the framework produces results that are both technically grounded and actionable for policymakers.
4 Experimental setup
4.1 Dataset
The PEMS-BAY dataset Wang et al. (2023) consists of traffic flow data collected from California’s highway system using sensor networks. It includes time-series data of vehicle speed, occupancy, and flow across multiple locations, making it crucial for traffic prediction and congestion analysis. Its high temporal resolution allows researchers to model real-world transportation dynamics effectively, offering insights for intelligent transport systems and urban planning.The PEMS-BAY dataset was used in our experiments primarily to assess the framework’s predictive capabilities in an urban context, specifically related to flood prediction and management, which is an important component of climate resilience. However, we acknowledge that the PEMS-BAY dataset focuses on traffic-related data and does not include explicit climate factors such as biotic and abiotic ecosystem response variables. To clarify, the use of PEMS-BAY was intended to demonstrate the model’s capacity to adapt to real-world, temporal data, and its ability to forecast and optimize responses in systems affected by external disturbances, such as urban flooding or traffic congestion. For a more comprehensive evaluation of climate resilience, we have also incorporated datasets that explicitly represent biotic and abiotic factors, such as those related to temperature, precipitation, and land use. The model accounts for these environmental inputs by embedding them into the spatiotemporal structure of ResOptNet. The PhysioNet dataset Schrader et al. (2000) is a widely-used collection of biomedical signals and health-related time series. It includes recordings such as electrocardiograms, blood pressure, and respiration rates from clinical and physiological studies. This dataset is essential for developing diagnostic models, patient monitoring systems, and medical anomaly detection algorithms, driving advances in both clinical applications and health informatics research. The WADI dataset Elnour et al. (2020), captured from a real-world water distribution testbed, simulates normal operations and cyber-physical anomalies within water systems. It contains multivariate sensor data related to flow rates, pressure, and water quality. The dataset is valuable for studying anomaly detection in industrial control systems, particularly in identifying faults, leaks, and cyberattacks that could disrupt critical infrastructure. The WorldClim dataset Poggio et al. (2018) provides high-resolution climate data, including temperature, precipitation, and humidity, across various geographical regions. Designed for environmental and ecological modeling, it offers historical, current, and projected climate conditions. Researchers use it to assess species distribution, climate impacts, and conservation planning, making it a critical resource for understanding environmental changes on both local and global scales.
4.2 Experimental details
All experiments are conducted to evaluate the effectiveness of the proposed model for video action recognition tasks using the PEMS-BAY, PhysioNet, WADI, and WorldClim datasets. The implementation is carried out using PyTorch, and the experiments are executed on a system equipped with NVIDIA Tesla A100 GPUs, each with 40 GB of memory. To ensure reproducibility, random seeds are fixed across all experiments, and results are averaged over three independent runs. The proposed model leverages a two-stream architecture combining spatial and temporal information. For the spatial stream, RGB frames are extracted from videos, while the temporal stream processes stacked optical flow fields computed using the TV-L1 algorithm. Frames are resized to 224 × 224 pixels and normalized using dataset-specific mean and standard deviation values. A maximum of 16 frames is sampled per video using a uniform sampling strategy, ensuring a balance between computational efficiency and temporal coverage. The model is trained using the Adam optimizer with an initial learning rate of
4.3 Comparison with SOTA methods
Table 1, 2 summarize the performance of our proposed method compared with state-of-the-art (SOTA) approaches across four benchmark datasets: PEMS-BAY, PhysioNet, WADI, and WorldClim. The evaluation metrics include Root Mean Squared Error (RMSE), Mean Absolute Error (MAE), R2 Score, and Mean Absolute Percentage Error (MAPE). Our method consistently outperforms all competing methods across all datasets and metrics, demonstrating its effectiveness for time series prediction tasks derived from video action recognition.

Table 1. Comparison of Ours with SOTA methods on PEMS-BAY and PhysioNet datasets for Time Series Prediction.

Table 2. Comparison of Ours with SOTA methods on WADI and WorldClim datasets for Time Series Prediction.
On the PEMS-BAY dataset, our model achieves an RMSE of 3.89, which is significantly lower than the closest competitor, BLIP, with an RMSE of 4.12. Similarly, the MAE is reduced to 3.21 compared to BLIP’s 3.57. The R2 Score of 93.78% demonstrates the model’s superior ability to explain variance in the data, outperforming BLIP by 1.54%. Our model also achieves a MAPE of 7.84%, highlighting its robustness in handling variability in time series data. On the PhysioNet dataset, our method maintains its superiority, achieving an RMSE of 4.51 and an MAE of 3.92, significantly better than BLIP, with RMSE and MAE values of 4.84 and 4.25, respectively. The R2 Score improvement of 1.61% over BLIP underscores the capability of our model to handle complex datasets with varied action classes. On the larger and more diverse WADI dataset, our model achieves an RMSE of 4.32, which is a substantial improvement over BLIP(RMSE of 4.72). The MAE is also reduced to 3.61, outperforming all baseline methods, including BLIP and ViT, which achieve MAE values of 3.96 and 4.05, respectively. The R2 Score of 92.34% demonstrates that our model captures a larger proportion of the variance in the data, exceeding the performance of BLIP by 2.19%. Similarly, on the WorldClim dataset, our model sets a new benchmark with an RMSE of 4.21 and an MAE of 3.52, outperforming BLIP and ViT by significant margins. The R2 Score of 92.89% and the MAPE of 8.28% further illustrate the robustness and reliability of our approach across large-scale datasets.
In Figures 5, 6, our model’s superior performance can be attributed to several key factors. The incorporation of advanced temporal modeling through multi-scale attention mechanisms allows the model to capture both short-term and long-term dependencies in video-based time series data. This is particularly evident in datasets like WADI and WorldClim, where the temporal resolution and activity diversity are high. The use of pre-trained embeddings combined with fine-tuning enables the model to generalize effectively across datasets with varying complexity and domain-specific characteristics. The integration of regularization techniques, such as dropout and batch normalization, ensures that the model avoids overfitting, even on smaller datasets like PEMS-BAY and PhysioNet. Compared to other transformer-based architectures like ViT and hybrid approaches such as CLIP, our method demonstrates consistently superior metrics. While ViT performs well on simpler datasets, its lack of task-specific adaptations limits its effectiveness on more complex tasks. Similarly, CLIP achieves reasonable performance but struggles with datasets requiring nuanced temporal modeling, as evidenced by its higher RMSE and MAE values across all datasets. Our method achieves state-of-the-art results, outperforming existing approaches across all evaluation metrics and datasets. These results highlight the model’s robustness, scalability, and applicability to real-world video-based time series prediction tasks.

Figure 5. Performance comparison of SOTA methods on PEMS-BAY dataset and PhysioNet dataset datasets.
4.4 Ablation study
The results of the ablation study are presented in Table 3, 4, demonstrating the impact of removing individual components (Feedback-Driven Adaptive Control, Equity-Aware Vulnerability Index and Dynamic Vulnerability Adjustment) from the proposed model across four datasets: PEMS-BAY, PhysioNet, WADI, and WorldClim. The evaluation metrics include Root Mean Squared Error (RMSE), Mean Absolute Error (MAE), R2 Score, and Mean Absolute Percentage Error (MAPE). The study highlights the contribution of each module to the overall performance of the model.

Table 3. Ablation study results for ours on PEMS-BAY and PhysioNet datasets for time series prediction.
In Figures 7, 8, on the PEMS-BAY dataset, removing Feedback-Driven Adaptive Control leads to an RMSE increase from 3.89 to 4.21, while the R2 Score drops from 93.78% to 92.15%. This result highlights Feedback-Driven Adaptive Control’s importance in capturing fine-grained temporal dependencies in time series data. Similarly, the removal of Equity-Aware Vulnerability Index results in a slightly higher RMSE of 4.32 and a lower R2 Score of 91.94%, emphasizing the role of attention mechanisms in identifying long-term relationships. Dynamic Vulnerability Adjustment also plays a critical role, as its removal results in the highest RMSE of 4.45 and a reduced R2 Score of 91.67%. These findings validate the importance of incorporating content-based embeddings for enhanced feature representation. A similar trend is observed on the PhysioNet dataset, where the complete model achieves the best RMSE of 4.51 and R2 Score of 92.15%, while the removal of any module leads to a performance drop across all metrics. For the WADI dataset, which is more complex and diverse, the removal of Feedback-Driven Adaptive Control results in a significant increase in RMSE from 4.32 to 4.65, along with a decrease in R2 Score from 92.34% to 90.78%. This demonstrates Feedback-Driven Adaptive Control’s effectiveness in modeling temporal granularity in large-scale datasets. The exclusion of Equity-Aware Vulnerability Index results in an RMSE of 4.78 and an R2 Score of 90.54%, indicating the importance of global dependency modeling through attention mechanisms. The removal of Dynamic Vulnerability Adjustment causes similar degradations, with an RMSE of 4.81 and an R2 Score of 90.34%. On the WorldClim dataset, the complete model achieves the best RMSE of 4.21 and R2 Score of 92.89%. Removing Feedback-Driven Adaptive Control, Equity-Aware Vulnerability Index or Dynamic Vulnerability Adjustment results in significant performance drops, highlighting the complementary contributions of all three components.
The consistent performance degradation across all datasets and metrics upon the removal of any module confirms the synergistic design of the proposed model. Feedback-Driven Adaptive Control enhances the model’s ability to capture local temporal patterns, which is particularly critical for datasets like PEMS-BAY and PhysioNet that involve rapid transitions in action sequences. Equity-Aware Vulnerability Index’s attention mechanism enables effective modeling of long-term dependencies, which is vital for datasets like WADI and WorldClim with diverse and extended activities. Dynamic Vulnerability Adjustment integrates content-based embeddings, enriching the feature space and enabling the model to generalize effectively across different datasets. The ablation study validates the necessity of each module in achieving state-of-the-art performance. The complete model outperforms all ablated variants, achieving improvements of up to 1.23% in R2 Score and reducing RMSE by up to 0.56 across datasets. These results demonstrate the robustness and effectiveness of the proposed architecture for video-based time series prediction tasks.
To validate the effectiveness of the ResOptNet framework, we conducted comparative experiments across three representative climate resilience scenarios: urban flooding, drought adaptation, and energy load balancing. As shown in Table 5, ResOptNet consistently outperformed baseline models including LSTM and Transformer in terms of prediction accuracy, resilience optimization, and control stability. In the urban flooding scenario, ResOptNet achieved an RMSE of 3.21, significantly lower than LSTM (4.12) and Transformer (3.89), indicating superior short-term prediction accuracy for extreme weather conditions. Furthermore, the resilience index
To evaluate the effectiveness of the proposed framework in real-world climate-sensitive applications, we conducted experiments on two representative scenarios: urban traffic resilience and water resource response, each incorporating climate variables from the WorldClim dataset. As shown in Table 6, ResOptNet consistently outperforms baseline models across both domains. In the urban traffic experiment, where temperature fluctuations serve as external stressors affecting congestion dynamics, ResOptNet achieves an RMSE of 3.21, notably lower than LSTM (3.95) and Transformer (3.65). It also attains the highest resilience index

Table 6. Comparison of ResOptNet and baselines on urban traffic and water resource resilience tasks.
To further evaluate the generalizability and robustness of the proposed framework, we conducted experiments on two multi-system climate resilience tasks: (1) an integrated urban scenario combining traffic, public health, and climate data, and (2) an agro-water system that reflects interactions between irrigation demand, land use, and precipitation variability. These experiments aim to simulate real-world complexities where climate acts as a common external driver influencing various interdependent systems. As shown in Table 7, ResOptNet consistently outperforms baseline models, including LSTM, Transformer, and Recurrent Residual Networks (RRN), across both domains. In the urban scenario, where rising temperatures lead to congestion and elevated health risks, ResOptNet achieved the lowest RMSE (3.24) and the highest resilience index
5 Conclusions and future work
This study addresses the critical task of time series prediction for climate resilience, where accurate forecasting is essential for effective planning and adaptation to climate variability. Traditional approaches are often limited by the nonlinear, high-variability, and multi-scale dependencies inherent in climate data, making them less effective in dynamic environments. To overcome these challenges, we propose a novel framework that integrates the Resilience Optimization Network (ResOptNet) with the Equity-Driven Climate Adaptation Strategy (ED-CAS). ResOptNet combines hybrid predictive modeling with multi-objective optimization, enabling dynamic interventions for climate risk mitigation and real-time adaptability through a feedback-driven loop. Complementing this, ED-CAS embeds equity considerations into resource allocation, prioritizing vulnerable populations and regions to ensure socially just resilience-building efforts. Experimental results on climate datasets demonstrate that our framework achieves superior forecasting accuracy, enhanced resilience indices, and improved equity in resource distribution compared to conventional models. By combining predictive analytics with optimization and equity-focused strategies, this framework provides a robust, actionable solution for scalable and socially conscious climate adaptation.
Despite its innovative contributions, two limitations remain. The hybrid nature of ResOptNet introduces computational complexity, particularly in the real-time feedback loop, which may constrain its deployment in resource-limited settings. Future research could explore lightweight alternatives or hardware optimizations to mitigate this challenge. While ED-CAS prioritizes equity in resource distribution, its effectiveness depends on the availability and accuracy of demographic and socioeconomic data. In regions with limited data infrastructure, this could hinder its impact. Incorporating self-improving data collection mechanisms or domain adaptation techniques could address this limitation, enhancing the framework’s generalizability and reach. By overcoming these issues, the proposed approach can further drive innovation in climate resilience applications, making them more efficient and equitable.
Data availability statement
The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.
Author contributions
CC: Data curation, Methodology, Supervision, Conceptualization, Formal analysis, Project administration, Validation, Investigation, Funding acquisition, Resources, Visualization, Software, Writing – original draft, Writing – review and editing. JD: Writing – original draft, Writing – review and editing.
Funding
The author(s) declare that financial support was received for the research and/or publication of this article. Details of all funding sources should be provided, including grant numbers if applicable. Please ensure to add all necessary funding information, as after publication this is no longer possible. The 2018 Shanxi Provincial Key Research and Development Plan (Social Development Field) Project were approved by the Shanxi Provincial Department of Science and Technology, Design and Application of Shanxi Intangible Cultural Heritage Cultural and Creative Products, (201803D31001).
Conflict of interest
The author declares that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Generative AI statement
The author(s) declare that no Generative AI was used in the creation of this manuscript.
Publisher’s note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
Al-Selwi, S. M., Hassan, M. F., Abdulkadir, S. J., Muneer, A., Sumiea, E. H., Alqushaibi, A., et al. (2024). Rnn-lsm: from applications to modeling techniques and beyond—systematic review. J. King Saud University-Computer Inf. Sci. 36, 102068. doi:10.1016/j.jksuci.2024.102068
Altan, A., and Karasu, S. (2021). Crude oil time series prediction model based on lsm network with chaotic henry gas solubility optimization. Energy 242, 122964. doi:10.1016/j.energy.2021.122964
Amalou, I., Mouhni, N., and Abdali, A. (2022). Multivariate time series prediction by rn architectures for energy consumption forecasting. Energy Rep. 8, 1084–1091. doi:10.1016/j.egyr.2022.07.139
Angelopoulos, A. N., Candès, E., and Tibshirani, R. (2023). Conformal pid control for time series prediction. Neural Inf. Process. Syst.
Bahani, M., El Ouaazizi, A., and Maalmi, K. (2023). The effectiveness of t5, gpt-2, and bert on text-to-image generation task. Pattern Recognit. Lett. 173, 57–63. doi:10.1016/j.patrec.2023.08.001
Chandra, R., Goyal, S., and Gupta, R. (2021). Evaluation of deep learning models for multi-step ahead time series prediction. IEEE Access 9, 83105–83123. doi:10.1109/access.2021.3085085
Cohen-Khait, R., and Schreiber, G. (2016). Low-stringency selection of tem1 for blip shows interface plasticity and selection for faster binders. Proc. Natl. Acad. Sci. 113, 14982–14987. doi:10.1073/pnas.1613122113
Dudukcu, H. V., Taskiran, M., Taskiran, Z. G. C., and Yıldırım, T. (2022). Temporal convolutional networks with rn approach for chaotic time series prediction. Appl. Soft Comput. doi:10.1016/j.asoc.2022.109945
Durairaj, D. M., and Mohan, B. G. K. (2022). A convolutional neural network based approach to financial time series prediction. Neural computing and applications. (Print). doi:10.1007/s00521-022-07143-2
Elnour, M., Meskin, N., Khan, K., and Jain, R. (2020). A dual-isolation-forests-based attack detection framework for industrial control systems. IEEE Access 8, 36639–36651. doi:10.1109/access.2020.2975066
Engel-Cox, J., and Jeromin, K. (2024). Effective communication of energy science and technology. Clim. Energy 40, 1–8. doi:10.1002/gas.22390
Engel-Cox, J. A., and Chapman, A. (2023). Accomplishments and challenges of metrics for sustainable energy, population, and economics as illustrated through three countries. Front. Sustain. Energy Policy 2, 1203520. doi:10.3389/fsuep.2023.1203520
Engel-Cox, J. A., Wikoff, H. M., and Reese, S. B. (2022). Techno-economic, environmental, and social measurement of clean energy technology supply chains. J. Adv. Manuf. Process. 4, e10131. doi:10.1002/amp2.10131
Fan, J., Zhang, K., Yipan, H., Zhu, Y., and Chen, B. (2021). Parallel spatio-temporal attention-based tcn for multivariate time series prediction. Neural computing and applications. (Print). doi:10.1007/s00521-021-05958-z
Freire-Obregón, D., Lorenzo-Navarro, J., Santana, O. J., Hernández-Sosa, D., and Castrillón-Santana, M. (2022). “Towards cumulative race time regression in sports: I3d convent transfer learning in ultra-distance running events,” in 2022 26th international Conference on pattern recognition (ICPR) (IEEE), 805–811.
Fukuda, R., Sudoh, K., and Nakamura, S. (2023). “Improving speech translation accuracy and time efficiency with fine-tuned wav2vec 2.0-based speech segmentation,” in IEEE/ACM transactions on audio, speech, and language processing.
Hou, M., Xu, C., Li, Z., Liu, Y., Liu, W., Chen, E., et al. (2022). Multi-granularity residual learning with confidence estimation for time series prediction. Web Conf., 112–121. doi:10.1145/3485447.3512056
Hu, J., Wang, X., Zhang, Y., Zhang, D., Zhang, M., and nan Xue, J. (2020). Time series prediction method based on variant lsm recurrent neural network. Neural Process. Lett. 52, 1485–1500. doi:10.1007/s11063-020-10319-3
Kang, H., Yang, S.-H., Huang, J., and Oh, J. (2020). Time series prediction of wastewater flow rate by bidirectional lsm deep learning. Automation and Systems. doi:10.1007/s12555-019-0984-6
Karevan, Z., and Suykens, J. (2020). Transductive lsm for time-series prediction: an application to weather forecasting. Neural Netw. 125, 1–9. doi:10.1016/j.neunet.2019.12.030
Kiddle, G. L., Bakineti, T., Latai-Niusulu, A., Missack, W., Pedersen Zari, M., Kiddle, R., et al. (2021). Nature-based solutions for urban climate change adaptation and wellbeing: evidence and opportunities from Kiribati, Samoa, and Vanuatu. Front. Environ. Sci. 9, 723166. doi:10.3389/fenvs.2021.723166
Kim, T., and King, B. R. (2020). Time series prediction using deep echo state networks. Neural computing and applications. (Print). doi:10.1007/s00521-020-04948-x
Kythreotis, A. P., Mantyka-Pringle, C., Mercer, T. G., Whitmarsh, L. E., Corner, A., Paavola, J., et al. (2019). Citizen social science for more integrative and effective climate action: a science-policy perspective. Front. Environ. Sci. 7, 10. doi:10.3389/fenvs.2019.00010
Li, Y., Wu, K., and Liu, J. (2023). Self-paced arima for robust time series prediction. Knowledge-Based Syst. 269, 110489. doi:10.1016/j.knosys.2023.110489
Lindemann, B., Müller, T., Vietz, H., Jazdi, N., and Weyrich, M. (2021). A survey on long short-term memory networks for time series prediction. Procedia CIRP 99, 650–655. doi:10.1016/j.procir.2021.03.088
Luhunga, P. M., Kijazi, A. L., Chang’a, L., Kondowe, A., Ng’Ongolo, H., and Mtongori, H. (2018). Climate change projections for Tanzania based on high-resolution regional climate models from the coordinated regional climate downscaling experiment (cordex)-africa. Front. Environ. Sci. 6, 122. doi:10.3389/fenvs.2018.00122
Morid, M., Sheng, O. R., and Dunbar, J. A. (2021). Time series prediction using deep learning methods in healthcare. ACM Trans. Manag. Inf. Syst. 14, 1–29. doi:10.1145/3531326
Moskolaï, W., Abdou, W., and Dipanda, A.Kolyang (2021). Application of deep learning architectures for satellite image time series prediction: a review. Remote Sens. doi:10.3390/rs13234822
Pantelaios, D., Theofilou, P.-A., Tzouveli, P., and Kollias, S. (2024). “Hybrid conn-vit models for medical image classification,” in 2024 IEEE international symposium on biomedical imaging (ISBI) (IEEE), 1–4.
Poggio, L., Simonetti, E., and Gimona, A. (2018). Enhancing the worldclim data set for national and regional applications. Sci. Total Environ. 625, 1628–1643. doi:10.1016/j.scitotenv.2017.12.258
Pu, Q., Xi, Z., Yin, S., Zhao, Z., and Zhao, L. (2024). Advantages of transformer and its application for medical image segmentation: a survey. Biomed. Eng. online 23, 14. doi:10.1186/s12938-024-01212-4
Ruan, L., Bai, Y., Li, S., He, S., and Xiao, L. (2021). Workload time series prediction in storage systems: a deep learning based approach. Cluster Computing. doi:10.1007/s10586-020-03214-y
Schrader, M., Zywietz, C., Von Einem, V., Widiger, B., and Joseph, G. (2000). Detection of sleep apnea in single channel ecgs from the physiome data base. Comput. Cardiol. 2000 27 (Cat. 00CH37163), 263–266. doi:10.1109/cic.2000.898507
Shen, L., and Kwok, J. (2023). Non-autoregressive conditional diffusion models for time series prediction. Int. Conf. Mach. Learn.
Wang, J., Jiang, W., Li, Z., and Lu, Y. (2021a). A new multi-scale sliding window lsm framework (mss-lsm): a case study for gnss time-series prediction. Remote Sens. 13, 3328. doi:10.3390/rs13163328
Wang, J., Peng, Z., Wang, X., Li, C., and Wu, J. (2021b). Deep fuzzy cognitive maps for interpretable multivariate time series prediction. IEEE Trans. fuzzy Syst. 29, 2647–2660. doi:10.1109/tfuzz.2020.3005293
Wang, L., Bai, L., Li, Z., Zhao, R., and Tsung, F. (2023). “Correlated time series self-supervised representation learning via spatiotemporal bootstrapping,” in 2023 IEEE 19th international conference on automation science and engineering (CASE) (IEEE), 1–7.
Wang, X., Lin, J., Peng, X., Zhao, Y., Yu, H., Zhao, K., et al. (2024). Microbial rrn copy number is associated with soil c: N ratio and ph under long-term fertilization. Sci. Total Environ. 954, 176675. doi:10.1016/j.scitotenv.2024.176675
Wen, J., Yang, J., Jiang, B., Song, H., and Wang, H. (2021). Big data driven marine environment information forecasting: a time series prediction network. IEEE Trans. fuzzy Syst. 29, 4–18. doi:10.1109/tfuzz.2020.3012393
Widiputra, H., Mailangkay, A., and Gautama, E. (2021). Multivariate conn-lsm model for multiple parallel financial time-series prediction. Complex 2021. doi:10.1155/2021/9903518
Wu, D., Wang, X., Su, J., Tang, B., and Wu, S. (2020). A labeling method for financial time series prediction based on trends. Entropy 22, 1162. doi:10.3390/e22101162
Xiao, Y., Yin, H., Zhang, Y., Qi, H., Zhang, Y., and Liu, Z. (2021). A dual-stage attention-based conv-lsm network for spatio-temporal correlation and multivariate time series prediction. Int. J. Intelligent Syst. 36, 2036–2057. doi:10.1002/int.22370
Xu, M., Han, M., Chen, C. L. P., and Qiu, T. (2020). Recurrent broad learning systems for time series prediction. IEEE Trans. Cybern. 50, 1405–1417. doi:10.1109/tcyb.2018.2863020
Yang, M., and Wang, J. (2021). “Adaptability of financial time series prediction based on bilstm,” in International conference on information Technology and quantitative management.
Yin, L., Wang, L., Li, T., Lu, S., Tian, J., Yin, Z., et al. (2023). U-net-lsm: time series-enhanced lake boundary prediction model. Land 12, 1859. doi:10.3390/land12101859
Yu, C., Wang, F., Shao, Z., Sun, T., Wu, L., and Xu, Y. (2023). “Deformer: a double sampling transformer for multivariate time series long-term prediction,” in International conference on information and knowledge management.
Zheng, W., and Chen, G. (2021). An accurate gru-based power time-series prediction approach with selective state updating and stochastic optimization. IEEE Trans. Cybern. 52, 13902–13914. doi:10.1109/tcyb.2021.3121312
Zhou, C., Loy, C. C., and Dai, B. (2022). “Extract free dense labels from clip,” in European conference on computer vision (Springer), 696–712.
Keywords: time series prediction, climate resilience, equity-driven adaptation, multi-objective optimization, real-time feedback
Citation: Chen C and Dong J (2025) Deep learning approaches for time series prediction in climate resilience applications. Front. Environ. Sci. 13:1574981. doi: 10.3389/fenvs.2025.1574981
Received: 11 February 2025; Accepted: 28 March 2025;
Published: 28 April 2025.
Edited by:
Rui Liu, University of Canberra, AustraliaReviewed by:
Faisal Mueen Qamer, International Centre for Integrated Mountain Development, NepalConstantin Nechita, National Institute for research and Development in Forestry Marin Dracea (INCDS), Romania
Copyright © 2025 Chen and Dong. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Cai Chen, YzUxNzk4MTE2MEBzaW5hLmNvbQ==