KODA: A Data-Driven Recursive Model for Forecasting and Data Assimilation Using Koopman operator
KODA: A Data-Driven Recursive Model for Time Series Forecasting and data assimilation using koopman operators
Abstract
Approaches based on Koopman operators have shown great promise in forecasting time series data generated by complex nonlinear dynamical systems (NLDS). Although such approaches are able to capture the latent state representation of a NLDS, they still face difficulty in long term forecasting when applied to real world data. Specifically many real-world NLDS exhibit time-varying behavior, leading to nonstationarity that is hard to capture with such models. Furthermore they lack a systematic data-driven approach to perform data assimilation, that is, exploiting noisy measurements on the fly in the forecasting task. To alleviate the above issues, we propose a Koopman operator-based approach (named KODA - Koopman Operator with Data Assimilation) that integrates forecasting and data assimilation in NLDS. In particular we use a Fourier domain filter to disentangle the data into a physical component whose dynamics can be accurately represented by a Koopman operator, and residual dynamics that represents the local or time varying behavior that are captured by a flexible and learnable recursive model. We carefully design an architecture and training criterion that ensures this decomposition lead to stable and long-term forecasts. Moreover, we introduce a course correction strategy to perform data assimilation with new measurements at inference time. The proposed approach is completely data-driven and can be learned end-to-end. Through extensive experimental comparisons we show that KODA outperforms existing state of the art methods on multiple time series benchmarks such as electricity, temperature, weather, lorenz 63 and duffing oscillator demonstrating its superior performance and efficacy along the three tasks a) forecasting, b) data assimilation and c) state prediction.
Introduction
Many real world applications tackle phenomena which are dynamic in nature. Measuring and tracking the evolution of such phenomena holds extreme importance in many fields such as weather forecasting (Pathak et al. 2022; Lam et al. 2022), evolution of PDEs (Li et al. 2020; Kovachki et al. 2023), modeling neural dynamics (Brunton et al. 2016; Singh et al. 2021), etc. Most of these phenomena are characterised as nonlinear dynamical systems (NLDS). If prior knowledge about the underlying system’s evolution is known then it can inform modeling, see, e.g., (Cai et al. 2021; Cuomo et al. 2022; Raissi, Perdikaris, and Karniadakis 2019; Imbiriba et al. 2023). However, in most scenarios no direct information is available about the physics of the underlying system. Therefore, for such cases we can only depend on the measurement data to model system’s dynamics (Guen and Thome 2020; Afshar, Germ, and Morris 2023; Frion et al. 2024b). Key motivations for such modeling is to evolve the model and generate accurate forecasts over long horizon. But the non-linear and non-stationary characteristic of these system makes it hard to capture the state representation or generate accurate forecasts. One classical approach is to model the NLDS in a representation space where the system dynamics is linear. Using the tools from spectral theory and linear algebra we can study various characteristics of the NLDS such as stability, asymptotic nature etc.
Koopman operator theory (Koopman 1931; Phillips 1961) generates a representation with a linear dynamics from the NLDS. It achieves this by mapping the system’s dynamics into an infinite-dimensional space using a set of measurement functions. Given that learning such a mapping is computationally infeasible, numerous algorithms have been proposed in the literature which seek to approximate the Koopman operator in finite dimensions and effectively describe the NLDS (Brunton et al. 2021). In recent years, deep learning algorithms have emerged to learn these operators directly from the measurement snapshot data to predict the system’s state space evolution. Despite these advancements, such methods are still susceptible to error accumulation, which can lead to significant drift in state space estimation during long-term forecasting. This calls for an adaptive framework that can utilise measurement data on the fly to correct its prediction. 1 represents a prediction-correction mechanism for modeling a dynamical system. When measurements snapshots are available they are used to correct prediction error.
The Kalman filter presents a systematic way for state space prediction and correction mechanism using measurement data. Many deep learning methods have been recently proposed that takes inspiration from the traditional Kalman filter framework, motivating the use of neural network architectures in an adaptive manner to produce robust long term forecasts (Revach et al. 2022; Singh et al. 2024; Guen and Thome 2020).
In this paper, we propose a branched architecture that disentangles the dynamics into global and local (residual) components in a segmented fashion. This allows us to recover the dynamics of the underlying global factor while being robust to noise and local variations within each segment. Additionally, by not discarding the local sources of variation and capturing it with a recurrent residual model we are able to generate long term time series forecasting (LTSF). We further motivate a data assimilation framework for this disentangled view of the state space to perform online data assimilation during inference. The main contributions of this work are:
-
•
The proposed approach is able to disentangle the physical and residual components of the dynamics and evolve them separately to generate forecasts.
-
•
We introduce a Kalman filter-inspired data assimilation framework with the Koopman operator-based prediction model.
-
•
The proposed approach can leverage data available during inference time to improve the prediction of the model hence making it possible to generate accurate forecasts over long horizons, hence presenting a solution for LTSF.
-
•
The proposed approach is one of the first works that extends data assimilation to a disentangled state representation-based model.
Related Works
Learning with Koopman Operator
Koopman operator theory (Brunton et al. 2021) serves as a potent tool for unveiling the inherent dynamics of non-linear systems. Notably, the recent surge in interest surrounding Koopman operators can be attributed to the strong theoretical foundations and empirical success of such algorithms. Most famous among them is Dynamic Mode Decomposition (Tu 2013), a data-driven approach (Brunton, Proctor, and Kutz 2016; Kutz et al. 2016) enabling a practical approximation of the Koopman operator. Recent works (see, e.g., (Kawahara 2016; Lusch, Kutz, and Brunton 2018; Yeung, Kundu, and Hodas 2019; Takeishi, Kawahara, and Yairi 2017; Bevanda et al. 2023)) further explored learning theory for estimating Koopman operators. In particularly, the Koopman autoencoder architecture proposed in (Azencot et al. 2020) and (Lusch, Kutz, and Brunton 2018) has become one of the most widely used deep learning models for this task. Since then several work have been proposed in the intersection of learning theory and Koopman operators (Fathi et al. 2024; Wang, Xu, and Mu 2023; Berman, Naiman, and Azencot 2023). The recent models proposed in (Liu et al. 2024; Wang et al. 2023b), proposed Koopman-based neural forecasting methods by disentangling the system’s dynamics into local and global components. However, they lack a systematic approach for data assimilation during inference time.
Data Assimilation
Some of the earlier work that combine Koopman operators with the Kalman filter are (Benosman, Mansour, and Huroyan 2017), where the author formulates a linear observer design using Koopman operators to predict crowd flow, and (Jiang et al. 2022) where the authors use a kernel-based Koopman operator for robotic systems. Unlike these works, the proposed approach is a deep learning-based recursive approach. (Frion et al. 2024a) is one of the first works that motivates data assimilation with a neural Koopman operator. While the model proposed in (Frion et al. 2024a) uses a Koopman operator as prior for variational data assimilation, in KODA we adopt a branched prediction model within a Kalman filter-inspired framework for both forecasting and assimilation. Additionally, unlike (Frion et al. 2024a), KODA can achieve online data assimilation during inference. Similarly, in (Singh et al. 2024) the authors propose a Kalman filter-based data assimilation using neural operators for semilinear PDEs. Differently, our method motivates data assimilation jointly with a Koopman operator-based prediction model and a parallel residual model. We also don’t assume access to a ground truth of a latent state representation of the system and instead learn to evolve the model just from measurement data. In (Frion et al. 2024b) authors propose a way of uncertainty quantification for time series forecasting using Koopman ensembles.
Problem Setting
In this section, we formally define the problem of learning a model that can not only produce solution for LTSF problem, provided sufficient historical data, but also utilise new data available during inference to correct the model prediction. The underlying physical quantity whose dynamic we observe is referred to as states and the observed data itself is referred to as measurements of the state. Therefore, let us denote as the state representation, and by as the representation of the measurement snapshots. and are finite dimensional vector spaces. Hence a NLDS can be described as:
(1) | |||
(2) |
where operator models the evolution of the states, represents the mapping from the states to the measurements, denote a process noise which represents possible stochasticity in the state evolution, and denotes measurement noise.
The main objective of the forecasting problem is to obtain accurate estimates of the future measurement trajectory , based on past measurements , where denote a discrete measurement of . Note that while the NLDS (2) might be described in continuous time, we consider the discrete-time forecasting problem, based on discrete measurements. In order to keep notation clear, we denote the discrete time index as a subscript. Considering some training dataset with different realizations of , the forecasting objective can be formulated as learning an operator that predicts the future measurements as . The above objective is generally optimised by minimizing the prediction loss between the forecast and ground truth during training. The data assimilation problem extends this task by including the possibility of incorporating a sparse set of measurements, irregularly present along the forecast horizon, on the fly to improve the forecast estimate.
Note that learning such a model is not easy since the amount of training data might be limited, and the NLDS under consideration can be highly nonlinear. Moreover the measurements are often accompanied with noise. This makes it harder to avoid drift in the forecast over time. In the section below, we introduce KODA a framework for generating long term forecasts and preforming data assimilation, while enabling us to study the properties of the NLDS through the learned koopman operator.
KODA
In this section, we formally propose KODA and its various elements. KODA adopts a disentangled view of the state representation separating it into a physical and a residual component 2. To achieve this purely from the measurement data, we separate the dominant spectrum across the data using a Fourier filter. We then use an encoding model that learns the physical and residual components, of the state representation, from the dominant and non-dominant parts of the measurement data. Using separate prediction models, for both the state space components, we generate their future estimates. Upon adding the predicate from the two models we compute the future state estimates. We then use a decoder to map the state estimate back to the measurement space, hence recovering the future forecast. We perform this recursively in a windowed fashion to generate future trajectory. At inference time whenever the measurement data is available we use it in the correction mechanism of KODA to update the model predictions. Hence KODA presents a framework that is purely learning based and data driven.
Data Encoding Scheme
State Disentanglement
In order to facilitate the task of LTSF, we aim to learn a latent representation . This representation act as the learning based approximation of the true in (2). Assume that comprises of multiple sources of variation (physical and residual) we use the following disentanglement of the state trajectory,
(3) |
where represents the underlying physical component while represents the residual element of the state trajectory. By disentangling the dynamics into these two components we aim at recovering the physical component i.e. the stable component (time invariant in the selected window). The benefit of such disentanglement is that we are able to separate physical component from the local ones. The physical component is expected to capture sources of variation that cause long term change and are stable in smaller window analysis of which could shed light on the spectral property of the underlying system. Due to its usefulness this disentangled view of the dynamics have garnered interest in recent literature (Guen and Thome 2020), (Liu et al. 2024) and (Wang et al. 2023b).
Measurement Disentanglement
Since no ground truth is available about the true state, we learn to approximate the state representations purely from the measurement data. We use Fourier filtering to find and separate the dominant spectrum present across the measurement space. To achieve the best performance for LTSF we pre-computed a filter by taking all the length windows in the training data and extracted the dominant spectrum across them. We define as the sliding window over the data with as the window length. We use this Fourier filtering to represent the resulting disentanglement in the measurement space as,
(4) | ||||
(5) | ||||
(6) |
here represents the filter, where is a hyper-parameter, and represents its complement which is designed such that (6) is satisfied, guaranteeing no information loss. and represents Fourier transform and its inverse applied in the time dimension. Both and are defined such that and . We assume that whenever the data is available it always exist as a block of samples. In many application, such as electricity, motor fault analysis etc, it is quite common that the data is collected for a small window of time at irregular intervals. Hence during the data assimilation task we assume that data is irregularly present as a block of .
Segmentation and Encoding
Within each window we create further segments of segment length . Hence after reshaping, where represents the segment of window. Same segmentation is used for . Therefore both and . We use identical encoder architecture and for and respectively, to then get and the respective representations as
(7) |
Previous work (Lin et al. 2023) have shown that segment wise iteration leads to better forecast for the LTSF problem instead of point wise iteration.
Prediction Model
Based on the disentanglement of the latent state representation (3), we design a prediction model which is used to propagate the states (7) forward along the temporal dimension. The prediction model consists of two parallel branches: (i) a Global model, which propagates the component , and (ii) a Residual model which propagates the component . We describe each of these models below.
Residual Model
Modeling the residual is important for the reconstruction and for the forecast of the measurement trajectory. We can define the residual trajectory as follows,
(8) |
here represents the residual model. We use a gated recurrent unit (GRU) (Chung et al. 2014) to then propagate the residual trajectory. Other recurrent architecture such as LSTM (Cheng, Dong, and Lapata 2016) or RNN (Salehinejad et al. 2017) could also be used here.
Physical Model
Our prediction model for the physical component of the signal learns koopman operator such that,
(9) |
many methods in literature has been proposed to estimate the Koopman operator from data. Note that in (9) and in (7) are different as the later represents the encoding from the measurement while the prior represents the koopman forecast. To align the two representation, an alignment loss is computed and minimised. In (Lusch, Kutz, and Brunton 2018; Azencot et al. 2020) the is composed recursively with to generate all the future . This leads to poor performance and drift especially for multivariate high dimensional non-stationary data as shown in (Fathi et al. 2024). This also leads to poor generalisation across state space not observed in the look-back window. To mitigate this, during inference for LTSF task we make use of periodic re-encoding that is after every windows we use the decoder to generate predicted measurement window and use the encoding model to get state representation.
Upon adding the output of (9) and (8) we can get the state representation for the next segment. For each prediction cycle we use (9) and (8) to predict all the segments in the future window and stack them in order to get and respectively. Similarly we stack and add the output of the encoders in (7) to get Reconstruction of window.
(10) |
here is the decoder that maps from state space to the segmented view of the measurement space. We reshape and back to . Therefore by continuously evolving the physical and residual components and decoding their output (10) we can generate and reconstructed trajectory .
Correction Model
When the model is used to make predictions over long time horizons the predictions starts to experience drift from the actual trajectory. In many use cases the measurement data is sparsely and irregularly available the long prediction window. Using a data assimilation-based framework we can make use of these measurements to correct the drift present in the predictions in a systematic way.
The extended Kalman filter (EKF) framework is a principled framework which updates the predicted states in a NLDS as a function of the error between the observed and predicted measurements (Särkkä and Svensson 2023). Assuming data is available, we can define the correction equation inspired by the EKF as
(11) |
Here is the Jacobian of the decoder function evaluated at the output of the prediction step i.e. . The Jacobian linearizes the nonlinear measurement function around the current predicted state:
(12) |
The output of the correction step is then fed to the decoder to get the corrected prediction of the measurement trajectory.
Kalman Gain
The gain matrices and represent the component of Kalman gain for the global and residual branches. We use a gating mechanism parameterised by neural network to define the Kalman gains,
(13) | ||||
(14) |
here are all single layer neural networks with ReLU activation. are bias terms for respectively.
Learning criterion
Operator Learning Loss
The physical model consists of the following trainable components: (i) latent Koopman model , (ii) state encoding model and (iii) state decoding model. To ensure that the koopman dynamcis is respected by the learned physical model we minimise the following losses,
is forecast horizon and is lookback window length. To achieve the best performance we train KODA in stages. First we train the prediction model with , and . We then add the correction model and train only using . This two stage training process allows us to first learn the prediction model and then in the second stage learn the gain function while further improving the prediction output.
Training Criteria for and
The Kalman gain and depends on whether the measurement data is available for assimilation or not. The gating mechanism is first trained separately to allow correction to happen only when measurement data is made available during the inference time. During inference when no data is available the correction component should be such that (14) is only driven by the prediction term. For further details on training criteria and network architecture please refer to the appendix.
Experimental setting
We evaluate KODA across multiple datasets and conduct an extensive comparison across different baselines. We evaluate KODA over two main tasks: (1) Forecasting and (2) Data Assimilation. We also present comparison based on some well-known NLDS datasets for the (3) State Prediction task. Through our experiments we showcase the comparable effectiveness of KODA with state of the art baselines for forecasting and then further improvement with the data assimilation strategy.
Datasets:
We compare KODA across 4 different real world multivariate NLDS time series datasets : (1) weather (Wetterstation), (2) traffic (PeMS), (3) ECL (UCI), (4) ETT (Zhou et al. 2021)(including 4 subsets: ETTh1, ETTh2, ETTm1, ETTm2). We also evaluate the performance of KODA on M4 (SpyrosMakridakis 2018) which is a real world univariate time series on periodically collected marketing data. We use the same data prepossessing and test time split ratio as presented in (Wu et al. 2023).
We use the same datasets for showing results for data assimilation task. We present additional results on state prediction task for some of the well known uni-variate NLDS: (1) Lokta Volterra, (2) Duffing Oscillator, (3) pendulum and (4) Lorenz 63. These NLDS present extremely nonlinear dynamics with varying dimensionality including multiple fixed points. Appendix B for NLDS description.
Baseline:
We choose state of the art methods to compare KODA performance on forecasting and data assimilation tasks. We would like to make the note that most deep learning methods discussed as our baseline don’t have a well defined way for data assimilation. For the comparison on the forecasting task we evaluate our model against MLP based methods: Koopman forecaster (KNF)(Wang et al. 2023b), Koopa (Liu et al. 2024), Dlinear (Zeng et al. 2022), TiDE (Das et al. 2023); Transformer based methods: fedformer (Zhou et al. 2022), PatchTST (Nie et al. 2023); Informer (Zhou et al. 2021) Temporal convolution method: TimesNet (Wu et al. 2023), MICN (Wang et al. 2023a). For the state prediction task from noisy measurements on the known NLDS we compare KODA against vanilla Koopman autoencoder (Lusch, Kutz, and Brunton 2018), MLP and Koopman autoencoder with periodic re-encoding (Fathi et al. 2024). We compare KODA against the method presented in (Frion et al. 2024a) for the data assimilation and forecasting task when data is sparsely present in the lookback window. KODA’s framework allows us to assimilate measurement data into prediction recursively. Hence, to evaluate KODA’s performance we use different amount of noisy measurement present in the forecast window and evaluate model forecast on the rest of the forecast window. We compare this over different sets of noise levels in the measurement data.
Evaluation Metrics:
The most commonly used metric for comparing the accuracy of the forecasting method is: (1) Mean Absolute Error (MAE) and (2) Mean Squared Error (MSE). For further details on the experimental setup, please refer to Appendix B.
Results
Long Term Forecast
In Table 1 we present the results for long term forecasting across several recent state-of-the-art methods. We compare all the methods on four different multivariate time series datasets. The choice of horizon is set to be . Through this task we are solely evaluating KODA’s ability to generate long term accurate forecasts. The lookback window for all the models in Table 1 was set to be . We present additional results across different lookback windows in the appendix. We observe that except for the traffic benchmark, KODA almost beats all the other methods across benchmarks. In the case of traffic dataset we observe that the best performing model were TiDE and PatchTST across several of the prediction horizon length except when , where KODA provides the second best performance. One interesting observation is that KODA outperforms all the other Koopman-based models: KOOPA and KNF. This shows that KODA presents a flexible model that can produce long term accurate forecast for multivariate non-stationary time series datasets. We provide additional results including results on uni-variate time-series benchmark M4 (SpyrosMakridakis 2018) in Appendix C.
Data Assimilation
One of the main contribution of KODA is in its ability to perform online data assimilation during inference time hence making the model highly adaptive. In Table 2 we present the result for the online data assimilation task. We define as the percentage of data available in the forecast horizon for assimilation. We show results for across all the benchmarks. For this experiment we chose and . For the sake of simplicity we distributed the available measurements along the prediction horizon uniformly. We see a consistent improvement in the forecast results when correction is used. This shows that KODA other than being able to generate accurate long term forecasts, KODA is also able to make use of the data available at a future time to further improve its forecast. This makes KODA framework really potent in tasks where data is irregularly present at different intervals and long term forecasting is required. Additionally KODA can also be used when the data are irregularly present instead of uniformly. We show additional results on assimilation task across benchmarks in the appendix C.
State Prediction
The main attraction of using Koopman operators based approaches is achieving system identification in a complete data driven approach. To demonstrate KODA’s ability for such, we generate 100 trajectories of the different NLDS mentioned above. For further details on data generation process and NLDS desciption refer appendix A. We train the model using first 500 steps of the generated trajectories. During inference we generate the forecast for 1000 steps from the model. We observe that the model is able to generalise to the part of state space that were previously not seen during the training. We present the results in Table 3. Here we compare KODA with Koopman autoencoder methods proposed in literature (Lusch, Kutz, and Brunton 2018; Fathi et al. 2024). We also evaluate KODA and KODA (G) separately to evaluate the effectiveness of the physical branch of KODA. We observe that not only KODA but KODA (G) performs much better than KAE and KAE (PE). This attributed to the structure of our training procedure that doesn’t enforce the whole trajectory in the latent space to be globally linear but only enforces local linearity in the latent space. This is similar to the course correction achieved in (Fathi et al. 2024) using periodic re-encoding. Yet our model is largely different from the one used in (Fathi et al. 2024). We can observe that both KODA and KODA (G) performs better than KAE(PE) on all four datasets.
Ablation Study
To compare the efficacy of different elements of KODA we evaluate 5 different variations of KODA framework across different subsets of ETT dataset. These variations include 1. global model of KODA with the: KODA (G (w. )); 2. Residual model of KODA: KODA (R (w. )); 3. Only the prediction model without any correction component: KODA (P w/o C); 4. Full KODA model but without the Kalman gain gating function : KODA (w/o ) and finally 5. Full KODA model. For KODA (G (w. )) and KODA (R (w. )) we also don’t use the measurement disentanglement. We present the results of the ablation study in Table 4. When we only use the residual component, KODA reduces to an implementation of SegRNN (Lin et al. 2023). Albeit in (Lin et al. 2023) there is no data assimilation framework. KODA(complete) gives the best performance. We also observe a significant jump when the whole prediction model is used versus individual branches. We provide further ablation study of the KODA framework in appendix C.
Discussion
In this paper we proposed a novel framework for time series forecasting and data assimilation named KODA. Through rigorous experimentation across different benchmarks we showed that KODA is able to (1) Generate accurate long term forecast, (2) Generate a disentangled view of the NLDS into local and global components, (3) Use a correction framework to perform online data assimilation, (4) Perform state prediction of the state space for known NLDS. Therefore KODA present a flexible recursive framework that is able to exploit the benefits of koopman operator representation while being able to generate long term forecast and perform data assimilation.
References
- Afshar, Germ, and Morris (2023) Afshar, S.; Germ, F.; and Morris, K. 2023. Extended Kalman filter based observer design for semilinear infinite-dimensional systems. IEEE Transactions on Automatic Control.
- Azencot et al. (2020) Azencot, O.; Erichson, N. B.; Lin, V.; and Mahoney, M. 2020. Forecasting sequential data using consistent koopman autoencoders. In International Conference on Machine Learning, 475–485. PMLR.
- Benosman, Mansour, and Huroyan (2017) Benosman, M.; Mansour, H.; and Huroyan, V. 2017. Koopman-operator observer-based estimation of pedestrian crowd flows. IFAC-PapersOnLine, 50(1): 14028–14033.
- Berman, Naiman, and Azencot (2023) Berman, N.; Naiman, I.; and Azencot, O. 2023. Multifactor Sequential Disentanglement via Structured Koopman Autoencoders. In The Eleventh International Conference on Learning Representations.
- Bevanda et al. (2023) Bevanda, P.; Beier, M.; Lederer, A.; Sosnowski, S. G.; Hüllermeier, E.; and Hirche, S. 2023. Koopman Kernel Regression. In Thirty-seventh Conference on Neural Information Processing Systems.
- Brunton et al. (2016) Brunton, B. W.; Johnson, L. A.; Ojemann, J. G.; and Kutz, J. N. 2016. Extracting spatial–temporal coherent patterns in large-scale neural recordings using dynamic mode decomposition. Journal of neuroscience methods, 258: 1–15.
- Brunton et al. (2021) Brunton, S. L.; Budišić, M.; Kaiser, E.; and Kutz, J. N. 2021. Modern Koopman theory for dynamical systems. arXiv preprint arXiv:2102.12086.
- Brunton, Proctor, and Kutz (2016) Brunton, S. L.; Proctor, J. L.; and Kutz, J. N. 2016. Discovering governing equations from data by sparse identification of nonlinear dynamical systems. Proceedings of the national academy of sciences, 113(15): 3932–3937.
- Cai et al. (2021) Cai, S.; Mao, Z.; Wang, Z.; Yin, M.; and Karniadakis, G. E. 2021. Physics-informed neural networks (PINNs) for fluid mechanics: A review. Acta Mechanica Sinica, 37(12): 1727–1738.
- Cheng, Dong, and Lapata (2016) Cheng, J.; Dong, L.; and Lapata, M. 2016. Long short-term memory-networks for machine reading. arXiv preprint arXiv:1601.06733.
- Chung et al. (2014) Chung, J.; Gulcehre, C.; Cho, K.; and Bengio, Y. 2014. Empirical evaluation of gated recurrent neural networks on sequence modeling. arXiv preprint arXiv:1412.3555.
- Cuomo et al. (2022) Cuomo, S.; Di Cola, V. S.; Giampaolo, F.; Rozza, G.; Raissi, M.; and Piccialli, F. 2022. Scientific machine learning through physics–informed neural networks: Where we are and what’s next. Journal of Scientific Computing, 92(3): 88.
- Das et al. (2023) Das, A.; Kong, W.; Leach, A.; Mathur, S. K.; Sen, R.; and Yu, R. 2023. Long-term Forecasting with TiDE: Time-series Dense Encoder. Transactions on Machine Learning Research.
- Fathi et al. (2024) Fathi, M.; Gehring, C.; Pilault, J.; Kanaa, D.; Bacon, P.-L.; and Goroshin, R. 2024. Course Correcting Koopman Representations. In The Twelfth International Conference on Learning Representations.
- Frion et al. (2024a) Frion, A.; Drumetz, L.; Dalla Mura, M.; Tochon, G.; and El Bey, A. A. 2024a. Neural Koopman prior for data assimilation. IEEE Transactions on Signal Processing.
- Frion et al. (2024b) Frion, A.; Drumetz, L.; Tochon, G.; Mura, M. D.; and Bey, A. A. E. 2024b. Koopman Ensembles for Probabilistic Time Series Forecasting. arXiv preprint arXiv:2403.06757.
- Guen and Thome (2020) Guen, V. L.; and Thome, N. 2020. Disentangling physical dynamics from unknown factors for unsupervised video prediction. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 11474–11484.
- Imbiriba et al. (2023) Imbiriba, T.; Straka, O.; Duník, J.; and Closas, P. 2023. Augmented physics-based machine learning for navigation and tracking. IEEE Transactions on Aerospace and Electronic Systems.
- Jiang et al. (2022) Jiang, W.; long Zhang, X.; Zuo, Z.; Shi, M.; and Su, S. 2022. Data-driven Kalman Filter with Kernel-based Koopman Operators for Nonlinear Robot Systems. In 2022 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), 12872–12878. IEEE.
- Kawahara (2016) Kawahara, Y. 2016. Dynamic mode decomposition with reproducing kernels for Koopman spectral analysis. Advances in neural information processing systems, 29.
- Koopman (1931) Koopman, B. O. 1931. Hamiltonian systems and transformation in Hilbert space. Proceedings of the National Academy of Sciences, 17(5): 315–318.
- Kovachki et al. (2023) Kovachki, N.; Li, Z.; Liu, B.; Azizzadenesheli, K.; Bhattacharya, K.; Stuart, A.; and Anandkumar, A. 2023. Neural operator: Learning maps between function spaces with applications to pdes. Journal of Machine Learning Research, 24(89): 1–97.
- Kutz et al. (2016) Kutz, J. N.; Brunton, S. L.; Brunton, B. W.; and Proctor, J. L. 2016. Dynamic mode decomposition: data-driven modeling of complex systems. SIAM.
- Lam et al. (2022) Lam, R.; Sanchez-Gonzalez, A.; Willson, M.; Wirnsberger, P.; Fortunato, M.; Alet, F.; Ravuri, S.; Ewalds, T.; Eaton-Rosen, Z.; Hu, W.; et al. 2022. GraphCast: Learning skillful medium-range global weather forecasting. arXiv preprint arXiv:2212.12794.
- Li et al. (2020) Li, Z.; Kovachki, N.; Azizzadenesheli, K.; Liu, B.; Bhattacharya, K.; Stuart, A.; and Anandkumar, A. 2020. Fourier neural operator for parametric partial differential equations. arXiv preprint arXiv:2010.08895.
- Lin et al. (2023) Lin, S.; Lin, W.; Wu, W.; Zhao, F.; Mo, R.; and Zhang, H. 2023. Segrnn: Segment recurrent neural network for long-term time series forecasting. arXiv preprint arXiv:2308.11200.
- Liu et al. (2024) Liu, Y.; Li, C.; Wang, J.; and Long, M. 2024. Koopa: Learning non-stationary time series dynamics with koopman predictors. Advances in Neural Information Processing Systems, 36.
- Lusch, Kutz, and Brunton (2018) Lusch, B.; Kutz, J. N.; and Brunton, S. L. 2018. Deep learning for universal linear embeddings of nonlinear dynamics. Nature communications, 9(1): 4950.
- Nie et al. (2023) Nie, Y.; Nguyen, N. H.; Sinthong, P.; and Kalagnanam, J. 2023. A Time Series is Worth 64 Words: Long-term Forecasting with Transformers. In The Eleventh International Conference on Learning Representations.
- Pathak et al. (2022) Pathak, J.; Subramanian, S.; Harrington, P.; Raja, S.; Chattopadhyay, A.; Mardani, M.; Kurth, T.; Hall, D.; Li, Z.; Azizzadenesheli, K.; et al. 2022. Fourcastnet: A global data-driven high-resolution weather model using adaptive fourier neural operators. arXiv preprint arXiv:2202.11214.
- Phillips (1961) Phillips, J. 1961. Generalized Koopmans’ Theorem. Physical Review, 123(2): 420.
- Raissi, Perdikaris, and Karniadakis (2019) Raissi, M.; Perdikaris, P.; and Karniadakis, G. E. 2019. Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. Journal of Computational physics, 378: 686–707.
- Revach et al. (2022) Revach, G.; Shlezinger, N.; Ni, X.; Escoriza, A. L.; Van Sloun, R. J.; and Eldar, Y. C. 2022. KalmanNet: Neural network aided Kalman filtering for partially known dynamics. IEEE Transactions on Signal Processing, 70: 1532–1547.
- Salehinejad et al. (2017) Salehinejad, H.; Sankar, S.; Barfett, J.; Colak, E.; and Valaee, S. 2017. Recent advances in recurrent neural networks. arXiv preprint arXiv:1801.01078.
- Särkkä and Svensson (2023) Särkkä, S.; and Svensson, L. 2023. Bayesian filtering and smoothing, volume 17. Cambridge university press.
- Singh et al. (2024) Singh, A.; Borsoi, R. A.; Erdogmus, D.; and Imbiriba, T. 2024. Learning semilinear neural operators: A unified recursive framework for prediction and data assimilation. In The Twelfth International Conference on Learning Representations.
- Singh et al. (2021) Singh, A.; Westlin, C.; Eisenbarth, H.; Losin, E. A. R.; Andrews-Hanna, J. R.; Wager, T. D.; Satpute, A. B.; Barrett, L. F.; Brooks, D. H.; and Erdogmus, D. 2021. Variation is the norm: Brain state dynamics evoked by emotional video clips. In 2021 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), 6003–6007. IEEE.
- SpyrosMakridakis (2018) SpyrosMakridakis. 2018. M4 dataset.
- Takeishi, Kawahara, and Yairi (2017) Takeishi, N.; Kawahara, Y.; and Yairi, T. 2017. Learning Koopman invariant subspaces for dynamic mode decomposition. Advances in neural information processing systems, 30.
- Tu (2013) Tu, J. H. 2013. Dynamic mode decomposition: Theory and applications. Ph.D. thesis, Princeton University.
- Wang et al. (2023a) Wang, H.; Peng, J.; Huang, F.; Wang, J.; Chen, J.; and Xiao, Y. 2023a. MICN: Multi-scale Local and Global Context Modeling for Long-term Series Forecasting. In The Eleventh International Conference on Learning Representations.
- Wang et al. (2023b) Wang, R.; Dong, Y.; Arik, S.; and Yu, R. 2023b. Koopman Neural Forecaster for Time Series with Temporal Distribution Shifts. In International Conference on Learning Representations (ICLR).
- Wang, Xu, and Mu (2023) Wang, X.; Xu, X.; and Mu, Y. 2023. Neural Koopman Pooling: Control-Inspired Temporal Dynamics Encoding for Skeleton-Based Action Recognition. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 10597–10607.
- Wu et al. (2023) Wu, H.; Hu, T.; Liu, Y.; Zhou, H.; Wang, J.; and Long, M. 2023. TimesNet: Temporal 2D-Variation Modeling for General Time Series Analysis. In The Eleventh International Conference on Learning Representations.
- Yeung, Kundu, and Hodas (2019) Yeung, E.; Kundu, S.; and Hodas, N. 2019. Learning deep neural network representations for Koopman operators of nonlinear dynamical systems. In 2019 American Control Conference (ACC), 4832–4839. IEEE.
- Zeng et al. (2022) Zeng, A.; Chen, M.; Zhang, L.; and Xu, Q. 2022. Are Transformers Effective for Time Series Forecasting? arXiv preprint arXiv:2205.13504.
- Zhou et al. (2021) Zhou, H.; Zhang, S.; Peng, J.; Zhang, S.; Li, J.; Xiong, H.; and Zhang, W. 2021. Informer: Beyond efficient transformer for long sequence time-series forecasting. In Proceedings of the AAAI conference on artificial intelligence, volume 35, 11106–11115.
- Zhou et al. (2022) Zhou, T.; Ma, Z.; Wen, Q.; Wang, X.; Sun, L.; and Jin, R. 2022. Fedformer: Frequency enhanced decomposed transformer for long-term series forecasting. In International conference on machine learning, 27268–27286. PMLR.