Next Article in Journal
Early-Life Demographic Factors Shape Gut Microbiome Patterns Associated with Rotavirus Gastroenteritis Severity
Previous Article in Journal
The Host Immune Response to Enterovirus A71 (EV-A71): From Viral Immune Evasion to Immunopathology and Prognostic Biomarkers of Severe Disease—A Narrative Review
Previous Article in Special Issue
Modeling the Complete Dynamics of the SARS-CoV-2 Pandemic of Germany and Its Federal States Using Multiple Levels of Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Integrating Machine Learning with Hybrid and Surrogate Models to Accelerate Multiscale Modeling of Acute Respiratory Infections

by
Andrey Korzin
1,†,
Maria Koshkareva
1,† and
Vasiliy Leonenko
1,2,*
1
Research Center “Strong Artificial Intelligence in Industry”, ITMO University, Saint Petersburg 199034, Russia
2
Laboratory of Influenza and Acute Respiratory Illness Epidemiology, Smorodintsev Research Institute of Influenza, Saint Petersburg 197022, Russia
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Viruses 2025, 17(12), 1541; https://doi.org/10.3390/v17121541
Submission received: 14 October 2025 / Revised: 14 November 2025 / Accepted: 19 November 2025 / Published: 25 November 2025

Abstract

Accurate, efficient, and explainable modeling of the dynamics of acute respiratory infections (ARIs) remains, in many aspects, a significant challenge. While compartmental models such as SIR (Susceptible–Infected–Recovered) remain widely used for that purpose due to their simplicity, they cannot capture the complicated multiscale nature of disease progression which unites individual-level interactions affecting the initial phase of an outbreak and mass action laws governing the disease transmission in its general phase. Individual-based models (IBMs) offer a detailed representation capable of capturing these transmission nuances but have high computational demands. In this work, we explore hybrid and surrogate approaches to accelerate forecasting of acute respiratory infection dynamics performed via detailed epidemic models. The hybrid approach combines IBMs and compartmental models, dynamically switching between them with the help of statistical and ML-based methods. The surrogate approach, on the other hand, replaces IBM simulations with trained autoencoder approximations. Our results demonstrate that the usage of machine learning techniques and hybrid modeling allows us to obtain a significant speed–up compared to the original individual-based model—up to 1.6–2 times for the hybrid approach and up to 10 4 times in case of a surrogate model—without compromising accuracy. Although the suggested approaches cannot fully replace the original model, under certain scenarios they make forecasting with fine-grained epidemic models much more feasible for real-time use in epidemic surveillance.

1. Introduction

Accurate, efficient, and explainable city-scale forecasting of epidemic dynamics remains, in many aspects, a significant challenge. This is especially the case for urban areas, which are increasingly becoming the epicenters of both technological innovation and epidemiological vulnerability. Advances in surveillance, modeling, and policy reorients epidemic response from passive reaction to proactive adaptation based on real-time disease forecasting. Such a concept, however compelling, requires appropriate data management and adequate highly detailed disease propagation models. Given the wide range of available approaches [1], selecting an appropriate method that is both fast and accurate remains a challenging task.
In practice, public health agencies predominantly rely on forecasts made with compartmental models such as the SIR (Susceptible–Infected–Recovered) model, despite their well-known limitations in capturing the complexity of disease transmission. SIR-type models [2,3], though conceptually simple and a century old, served as the backbone of the COVID-19 pandemic response [4,5]. To a casual observer, the continued reliance on such a simplistic framework might appear outdated or even counterintuitive. The enduring popularity of SIR models can be attributed to their simplicity, ease of implementation, and a minimal set of parameters, which facilitates rapid calibration and leads to reduced uncertainty in model outputs, albeit often at the cost of potential bias.
Among the reasons against using SIR models as the only forecasting tool in epidemic surveillance is their inability to explicitly account for connectivity of individuals and stochasticity of their behavior. Connectivity, especially in early outbreak stages, is more closely correlated with disease spread than density per se. Accounting for stochasticity is especially important in the early phases of an outbreak, when individual-level randomness plays a large role and data remain sparse. To meet the mentioned needs, lightweight stochastic models were proven effective [6,7]. For example, during the modeling of COVID-19 transmission aboard the Diamond Princess cruise ship [8], researchers used a variety of probabilistic approaches, including branching processes [9], Markov chain models [10], and chain binomial models [11]. These models were chosen for their ability to flexibly handle various transmission assumptions, track infection chains at the individual level, and operate with high computational efficiency.
More sophisticated forecasting techniques, such as those relying on agent-based models (ABMs) [12,13,14] and network-based models [15,16], are capable of capturing heterogeneity in populations and complex interaction patterns. These methods offer richer insights into transmission dynamics, as they are capable of taking into account individual behaviors, mobility patterns, and contact networks. However, those advantages come at a price. The highly detailed models pose significant demands in terms of data requirements and computational resources. As a result, deploying individual-based models (IBMs) for real-time epidemic forecasting or for timely public health decision-making is often impractical. This limitation has even led some researchers to question whether ABMs are suitable for predictive use at all [17].
In this work, we argue that multiscale individual-based models could play a more active role in epidemic forecasting, provided they are capable of rapid calibration to real-time data and operate under constrained computational resources. The aim of our study is to address the limitations that currently hinder the use of IBMs in fast-paced decision-making environments. Specifically, we focus on improving computational efficiency of forecasting frameworks through the use of hybrid and surrogate approaches and evaluate their performance using a network-based epidemic model of acute respiratory disease dynamics as a baseline.

2. Related Works

2.1. Hybrid Modeling

Hybrid models of epidemic outbreaks come in great variety, and the term “hybrid” is interpreted differently depending on the specific implementation. In recent years, hybrid approaches that combine mechanistic models and machine learning methods are especially popular [18]. Physics-/epidemiology-informed neural networks (PINNs/EAAMs) embed compartmental dynamics in neural architectures to fit time-varying parameters and forecast short horizons with calibrated uncertainty and mechanistic interpretability [19]. Variants include SIR-INN, which trains a single PINN once on synthetic epidemics and then performs fast weekly Bayesian updates for influenza forecasts (4–10 weeks ahead) without retraining [20], and “informed” architectures that learn mappings from interventions and exogenous signals into epidemiological dynamics within the SEIR models [21]. Spatial hybrids combine meta-population SEIR with deep learning to estimate mobility-dependent parameters and improve I t forecasts relative to pure ML or pure ODE baselines [22]. ODE–ABM model-predictive control (MPC) loops compute continuous transmission targets with an epidemiological ODE and then map them to discrete, implementable non-pharmaceutical intervention (NPIs)—masking, closures, testing—via a learned lookup table, updating every 21–30 days and adaptively re-scaling when variants change transmissibility [23]. Compared to traditional methods, ML methods demonstrated significant advantages in COVID-19 prediction, especially hybrid modeling strategies, which showed great potential in optimizing accuracy [24]. Comprehensive reviews on coupling explanatory models with ML methods can be found in [25,26].
In this study, we regard a subset of hybrid approaches that aim to combine the fine-grained detail of IBMs with the computational efficiency of compartmental models. According to [27], hybrid approaches generally fall into two categories: The first involves modeling different components of the system using different approaches—some parts are represented with IBMs, while others use compartmental models. The second category employs a dynamic switching mechanism that alternates between IBM and compartmental models based on specific condition, such as reaching a case threshold or relying on other modeling parameters that indicate the moment when the law of big numbers starts working and a population can be assumed homogeneous.
Among the earlier works, ref. [28] introduced a method that switches between an ABM and an SEIR model. In their framework, switching is triggered when the number of infected individuals reaches a predefined absolute count. However, applying a fixed number as a switching threshold becomes problematic in urban areas with varying population sizes. To address this, the authors of [28] proposed using the stabilization of the transmission parameter β as a dynamic proxy for population-level homogeneity, offering a more adaptive switching condition.
In [29], the authors presented a hybrid approach to simulate outbreak dynamics at two spatial scales: town and county. They concluded that initiating the switch at the town level offers the best trade-off between computational efficiency and accuracy in reproducing results from an ABM. This approach was later adapted to the context of COVID-19 outbreaks in Irish counties [30].
In [31], the authors developed an approach to predict the daily transmission rate using statistical and ML methods. The predicted transmission rate was then used within SIRV to forecast the number of confirmed COVID-19 cases for macro-level data (Africa, Germany, and Netherlands). The study concluded that nesting SIRV with these methods produces more accurate forecasts than the methods alone. This study is especially interesting, as it is based on predicting the form of transmission rate function, which is close to the idea we employ in this paper.
The authors of the current paper have previously investigated hybrid approaches for modeling multistrain influenza epidemics in a synthetic population of Saint Petersburg, Russia [32]. In a related research, we also explored different strategies for estimating disease transmission rates to facilitate accurate switching between submodels within a hybrid approach [33].

2.2. Surrogate Modeling

Surrogate models—also known as emulators or meta-models—are simplified models trained to approximate the behavior of computationally expensive simulations. In recent years, neural networks have gained traction as surrogate models due to their ability to capture complex, highly nonlinear relationships. Surrogates are particularly useful for accelerating inference, enabling real-time forecasting, and performing uncertainty quantification.
In epidemiology, surrogate modeling has been used for the calibration of compartmental models such as SIR and SEIR. For example, ref. [34] introduced a deep neural network-based surrogate modeling (DNN-SM) approach to optimize parameter estimation. Their method was applied to calibrate three structurally distinct SIR-type models (SIR, SEIR, and SEPADR) to both short- and long-term COVID-19 datasets from several European countries. Their surrogate models achieved high forecasting accuracy and delivered a roughly tenfold acceleration compared to traditional ODE solvers.
Surrogate approaches have also been deployed to emulate more complex epidemic models, including those based on probabilistic cellular automata (PCA). In [35], a deep learning-based surrogate significantly reduced computational cost while maintaining a high fidelity to the original PCA-based epidemic model.
Surrogates become even more advantageous when applied to detailed models such as network models and ABMs. In [36], nine surrogate methods were compared in replicating the behavior of the “Linked Lives” ABM, a model developed to evaluate social care policies in the UK. The study found that artificial neural networks (ANNs) and gradient-boosted trees generally outperformed Gaussian process (GP) surrogates, which are traditionally popular in surrogate modeling [37,38,39]. In [40], a graph neural network (GNN) serves as a surrogate for a spatially and demographically resolved metapopulation simulation, accelerating its evaluation by up to 28,670 times compared to the original SIRD mechanistic model. In [41], the researchers applied surrogate modeling to two ABMs of acute respiratory infections and compared their performance with several calibration algorithms, including Markov chain Monte Carlo (MCMC), particle swarm optimization (PSO), genetic algorithms (GAs), and chaos game optimization. The study emphasized that while surrogate models can significantly accelerate simulations and eliminate the opaqueness of “black-box” ML models by retaining interpretable parameters, they require substantial computational resources for training due to the necessity of extensive parameter space exploration.
Surrogate models can also be used to complement rather than fully replace detailed models, particularly to enhance calibration processes. In [42], a novel surrogate-based calibration approach was proposed for the Epicast ABM, targeting multiple metropolitan areas in the United States. Their neural network-based surrogate was capable of accurately reproducing the behavior of the ABM across locations that were not included in the training set, showcasing generalization capability and computational efficiency. In [43], the authors present an adaptive framework that couples agent-based models (ABMs) with surrogate-assisted, derivative-free optimization to efficiently calibrate infectious-disease ABMs. The framework’s performance is demonstrated using synthetic and real COVID-19 data (for South Africa). The study evaluated several sampling methods alongside multiple surrogate types, including XGBoost, Decision Tree, and Support Vector Machines.
A comprehensive review of surrogate modeling for ABMs is offered in [44]. The review discusses surrogate-assisted methodologies across biological and biomedical applications, covering statistical, mechanistic, and ML-based approaches. The study emphasizes the high computational cost of parameter estimation and uncertainty quantification in ABMs. These issues often hinder their use in real-time epidemic surveillance and decision-support systems. Ref. [44] supports the growing trend toward surrogate models that balance accuracy with computational efficiency.
Beyond direct surrogation, several auxiliary techniques have been developed to assist ABM calibration. One such method is ML-ABC (Machine Learning-enhanced Approximate Bayesian Computation), proposed in [45]. Applied to the calibration of the open-source COVASIM COVID-19 model [46], this approach reduced parameter optimization time by approximately 52% during the first epidemic wave and 33% during the second wave.
In our current work, we explore two methodologies for reducing the computational burden of detailed simulations by replacing the most intensive calculations with approximations of disease trajectories. In the hybrid approach, a detailed model is supplemented by a simple compartmental model, with switching governed by an ML model that tracks transmission rate dynamics. In the surrogate approach, the entire detailed model is replaced by a “black-box” approximation trained on the outputs of the original simulation.
The proposed surrogate models build upon our previous research [47], where we used autoencoders to approximate an ABM of influenza spread in a synthetic population of Saint Petersburg, Russia. While the method itself proved effective, the choice of the original ABM raised concerns regarding data quality. Specifically, the lack of well-validated mobility data in Russian cities introduces significant uncertainty when employing complex behavioral patterns. To address this issue, we adopted a simplified network model that retains the same synthetic population but omits detailed contact layers such as workplaces, households, and schools. Instead, transmission events are simulated via graph connections between nodes.
Using well-known network topologies improves the generality of our speed-up results and enables the application of the proposed techniques beyond infectious disease modeling, including use cases such as computer virus propagation and the spread of information or rumors.

3. Materials and Methods

3.1. Epidemic Models

We employed the SEIR models in both the compartmental and network model formulations. The parameters and variables are summarized in Table 1. Infection transmission rates are denoted as β c for the compartmental model and β n for the network model.
The assumptions for the epidemic models are as follows:
  • The modeled population represents one large metropolitan area without strong clusterization (i.e., the city districts are well connected with each other).
  • The contact patterns of individuals in a given city does not exhibit substantial changes in the course of several years, so the topology of contact networks might be approximately assessed before the outbreak.
  • The population size is constant: we do not consider mortality, migration, births.
  • The contact network is fixed and not influenced by an epidemic (i.e., network edges are not added or removed during the simulation).
  • The individuals do not differ (i.e., have the same transmission rate and latent and infectious periods).
  • The modeled infection is caused by a single virus which does not change its characteristics during the simulation.

3.1.1. Network Model

The original SEIR network model, which serves as a baseline in this study, is based on our earlier works related to simulating dynamics of influenza and COVID-19 in Russian cities [48,49].
The model can be initialized either with a fixed number of nodes and a predefined topology, or with a synthetic population that incorporates demographic and social characteristics. The methods of constructing synthetic populations and transforming them into network representation are described in other papers. This technique allows simulating epidemic dynamics considering specific urban social interactions. The example of usage of synthetic population as a base for disease propagation simulation on a network is shown in Figure 1, which demonstrates the outbreak in a synthetic population of Saint Petersburg, second largest Russian city, with over 5 million inhabitants. The red dots represent infected households and the green dots represent susceptible or exposed households on day t.
In this representation, individuals correspond to nodes, and edges represent potential contacts through which transmission may occur. The population structure is, therefore, heterogeneous, since not all individuals are connected with each other.
The stochastic process is simulated using the Gillespie algorithm. At each step we generate transition times for next events from exponential distributions with parameters β n , γ , and δ . The event with the earliest time is executed, triggering the corresponding compartment transition and updating the system state. The detailed description of the algorithm is provided in [50], and its application to our case is described in Appendix C; the implementation is available in the Epidemics on Networks library [51].
Contact network graphs constructed from synthetic populations provide the most reliable representations of patterns of daily human interactions, but such datasets are not always readily accessible and require validation. A fast alternative solution is the usage of standard topologies, such as Barabási–Albert or Watts–Strogatz topologies, as an approximation for the real interaction structure [52,53].

3.1.2. Compartmental Model

The SEIR model is employed as a submodel in the hybrid approach, capturing both latent and infectious periods of transmission. It is described by the following system of difference equations:
S t + 1 = S t β c S t I t , E t + 1 = E t + β c S t I t γ E t , I t + 1 = I t + γ E t δ I t , R t + 1 = R t + δ I t , S 0 0 , E 0 0 , I 0 0 , R 0 0 , R 0 = α × N , S 0 + E 0 + I 0 + R 0 = N .
The parameters are specified in Table 1.

3.2. Data Generation

To compare disease transmission dynamics across different contact patterns, we generated two graphs representing two differently connected populations—a Barabási–Albert network where each new node connects to five existing nodes ( m = 5 ) and a small-world network topology with the following parameters: the number of neighbours in ring topology k = 5 and the probability of rewiring of each edge p = 0.1 . For implementation details, see NetworkX documentation for barabasi_albert_graph and watts_strogatz_graph [54]. These topologies capture heterogeneous contact patterns and hub formation consistent with real-world social structures. Once generated, the networks were fixed and did not change from simulation to simulation.
To train machine learning models used for hybrid and surrogate approaches, we generated synthetic incidence datasets representing an epidemic ARI outbreak by simulating the network model on the two networks described above. All the parameter values are summarized in Table 2. The parameters that reflect biological properties of the disease (e.g., durations of the latent and infectious periods) were fixed. For the network model, α [ 0.2 , 1 ] and β n [ 0.1 , 1 ] were varied in steps of 0.01 . For each ( α , β n ) pair, 10 simulations were run over T = 100 days for the Barabási–Albert topology and over T = 350 days for the small-world topology; the network size was set to N = 10 5 . Each dataset consisted of 72,000 epidemic trajectories.
The model output used for calibration to epidemic data is the daily incidence I ( n e w ) ( t ) —the number of new symptomatic cases on day t. This is the number of transitions E     I on day t, i.e., the analog of transition term γ E t in the SEIR model. Thus, the daily incidence can be approximated by the following formula:
I ( n e w ) ( t ) = ( E t E t + 1 ) ( S t + 1 S t ) .
We had two datasets in total: a full dataset (10 simulations per ( α , β n ) pair) for the surrogate approach with interval estimation, and a reduced dataset (1 simulation per pair) for the hybrid and point-estimation surrogate approaches. Each dataset was split into training, validation, and test sets in a 3:1:2 ratio. Examples of the simulated curves are provided in Figure 2; peak time and peak incidence distributions are shown in Figure 3. It can be seen that the small-world topology corresponds to a different typical shape of incidence curves compared to the Barabási–Albert network. Particularly, for the same parameter value intervals, it shows a low and delayed epidemic peak. This can be explained by lower speed of infection propagation through the network. Consequentially, in two cities of the same size but with different connectivity patterns, one can witness completely different outbreaks caused by the same virus strain (similar results were shown for epidemic propagation in synthetic populations in [48]), which should be considered in predictive models to avoid loss of accuracy. Considering the presence of a long-term immunity formed as a result of consecutive outbreaks [55] makes the epidemic dynamics even more complicated in terms of modeling and prediction.

3.3. Hybrid Approach

Our hybrid approach functions according to the following algorithm:
  • Initialize an IBM with parameters ( α , β n ) .
  • Identify the switch time t s w i t c h when the infected population can be assumed homogeneous, so the perfect mixing assumption is considered to be satisfied, making the SEIR model applicable. The switch time is determined by sufficient infection prevalence to meet the well-mixed assumption; I t / N > ϵ .
  • Switch to the SEIR model initialized from compartments ( S t , E t , I t , R t ) and parameters ( β c , γ , δ ) .
A key component determining the accuracy of the hybrid approach (how well the compartmental model approximates the IBM) is the correct calculation of β c [33]. While the parameter values γ and δ are interchangeable between the submodels, estimating β c is challenging, because it cannot be directly taken from the network model parameters. In the network submodel, the infection dynamics is defined by the contact network topology and the constant value of transmission intensity. In contrast, the infection transmission in the compartmental submodel is solely governed by the transmission rate. Consequently, the parameters β n and β c have different meanings.
There are several methods to obtain the value of β c for SEIR submodel:
  • Analytical method. Assuming β c = f ( β n ) = c o n s t , find f ( ) based on the network topology. This method works only for β c = c o n s t , which limits the accuracy of the hybrid model. In such cases the SEIR submodel is generally unable to closely approximate the IBM [33].
  • Numerical method. Assess the value of β c using the approximate values of β ^ c = β ^ c ( t ) derived from the output of the network submodel. The estimated compartmental transmission rate β ^ c ( t ) can be found via a formula derived from Equation (1) of the ODE system (1), which gives
    β ^ c ( t ) = S t + 1 S t S t × I t , t t s w i t c h .
    The typical form of β ^ c ( t ) curves obtained from the test dataset is shown in Figure 4. Here we show β ^ c ( t ) for t 1 , T ¯ ; however, in an actual simulation run, this data is available only for t t s w i t c h , before the network submodel is replaced by the SEIR submodel.
We evaluated multiple β c estimation strategies:
  • Statistical: Last β ^ c ( t ) value observed on the switch day, i.e., β ^ c ( t s w i t c h ) ; cumulative average for β ^ c ( t ) , t t s w i t c h , or median of β ^ c ( t ) , t T trajectories from the train set.
  • ML: Polynomial regression (third order with L2 regularization), and a Long Short-Term Memory network (LSTM) trained on β ^ c ( t ) .
We trained four ML models for the hybrid approach: LSTM for Barabasi–Albert, LSTM for small world, regression for Barabasi–Albert, and regression for small world. Each model was trained on the training set (3600 trajectories) and checked on the validation set (1200 trajectories); the final metrics were calculated on the test set (2400 trajectories). For training, we used β c ( t ) from each of the 3600 train trajectories. Each ML method consequentially predicted the next β c ( t ) value based on a window of w most recent values. Once all future β c ( t ) values were predicted, the SEIR model was initialized with these predicted β c ( t ) .
The LSTM consisted of two layers with 64 neurons each, with dropout rates 0.2 and 0.3, respectively. The optimizer was RMSprop with initial learning rate 0.001 and a schedule to multiply the learning rate by 0.1 after 30 epochs. The training was performed with a batch size of 64 for 100 epochs with early stopping, if validation loss did not improve after 15 epochs.

3.4. Surrogate Approach

The surrogate approach entails developing a simplified and computationally efficient model that replicates the dynamics of a more complex and resource-intensive simulation. The proposed surrogate models build upon our previous research [47].
The autoencoder (Figure 5) consists of the following:
  • Encoder: Three fully connected layers with SiLU activations, mapping inputs of size B × P to latent space B × L , where B is the batch size, P is the number of input parameters, L is the latent dimension;
  • Decoder: Three fully connected layers with SiLU activations, mapping the latent space back to time series of size B × T .
Hyperparameters were optimized by grid search, resulting in hidden dimension H = 256 and latent size L = 32 . Training employed mean squared error (MSE) loss. Although incidence trajectories were selected as the main model output, this approach can be adapted to reconstruct trajectories of S t , E t , and R t , which allows to estimate additional epidemic indicators, such as the effective reproduction number.
We implemented two surrogate modeling strategies. The surrogate approach with point estimation uses a set of trajectories—one for each pair of parameters ( α , β n ) —and outputs a corresponding incidence trajectory, so it is fully interchangeable with the original network model in terms of input and output. Its limitation is the lack of stochasticity, as it produces only one deterministic output for each input.
To overcome this limitation, we developed the surrogate approach with interval estimation. For each ( α , β n ) pair, the model outputs three time series: lower estimate l ^ t , mean μ ^ t , and higher estimate u ^ t . The targets are l t , μ t , and u t , calculated as the minimum, mean, and maximum of ten network model trajectories from training set. We formed y t as a concatenation of l t , μ t , and u t , i.e., an array of size 3 T . A custom loss function was used to enforce the inequality l ^ t μ ^ t u ^ t . Let y ^ t be the concatenation of l ^ t , μ ^ t , and u ^ t . The equation for the loss function has the following form:
L = 1 3 T t = 1 3 T y ^ t y t 2 MSE for concatenated array + 1 T t = 1 T max ( 0 , ^ t μ ^ t ) + max ( 0 , μ ^ t u ^ t ) Penalty if mean outside bounds + 1 T t = 1 T max ( 0 , ^ t u ^ t ) . Penalty if upper bound not higher than lower bound
Here the second term is zero if the predicted mean μ ^ t lies within the bounds [ l ^ t , u ^ t ] , and positive otherwise. The third term is zero if the predicted upper bound u ^ t is greater than the predicted lower bound l ^ t , and positive otherwise. As a result, any output that violates these constraints is penalized.

4. Results

4.1. Numerical Experiments with Simulated Data

4.1.1. Hybrid Approach

The aim of this experiment was to evaluate the ability of the SEIR model to approximate network model dynamics with different methods of β c estimation. For each test trajectory, we determined the switching time, estimated future values of β c , and continued the simulation using the SEIR.
The minimum allowed switch day was w = 4 , corresponding to the window size used in estimation methods. If the switch condition was not met, the switch day defaulted to w = 4 . The switch condition was defined as reaching I / N = 0.05 , approximating the midpoint of the epidemic’s rising phase (left half-wave). The resulting accuracy of incidence assessment for the Barabási–Albert and small-world network models is shown in Table 3 and Table 4, respectively. As shown in Table 3, using other percentages produces similar RMSE values. Switching later reduces error, since the trajectory is closer to its peak, but also increases computational cost of the network simulation. The cumulative average method showed the highest errors, because taking the average of declining β c values results in an overestimated value, and was excluded from further analysis. As shown in Table 4, the hybrid approach is equally effective for simulations on networks with small-world topology, albeit the ranking of best methods is different. An outbreak develops slower (Figure 2), therefore the switch occurs later, which gives β c time to stabilize. In these conditions, cumulative average method seems to provide a good approximation for β c .
Figure 6 shows the R 2 scores for full incidence trajectories across test samples for switch condition I / N = 0.05 (the results for the small-world topology are shown in Figure A1). Since the hybrid approach approximates data only after the switch, pre-switch values are identical to network model simulations. Overall, R 2 varies little because most samples switch on day 4 (see Figure 7). Samples with low incidence have poor approximations: their epidemic peaks do not reach 1 % of the total population (Figure 3c), meaning the population is not homogeneous enough to support the well-mixed assumption. It can be argued that such low-incidence simulations need no acceleration, since their execution times are already short due to few infections.
Regression-based β c estimation, which slightly underestimates values, works better for low-incidence cases where rapid decline dominates (Figure 8). By contrast, LSTM-based estimation performs better on higher-incidence samples. Interval estimates are obtained by running multiple stochastic SEIR simulations with the same β c .
As shown in Figure 3c, samples with sufficiently high peaks occupy the upper-right corner in parameter space. For these samples, the best-performing method is LSTM-based estimation (mean R 2 = 0.5 ), which is chosen for further calibration experiments.

4.1.2. Surrogate Approach

The surrogate autoencoder model was trained to simulate incidence values for epidemic parameters value ranges from Table 2. The inputs were the parameter pair ( α , β n ) , and the outputs were incidence trajectories. The optimal architecture used hidden size H = 256 and latent dimension L = 32 , determined via grid search.
Figure 9 compares point surrogate simulations to the network model incidence. The surrogate demonstrates high fidelity (mean R 2 > 0.89 ). The quality of fit across the parameter grid for the Barabasi–Albert topology is shown in Figure 10. The results for the small-world topology are shown in Appendix A, Figure A5.
Figure 11 shows example outputs, and Figure 12 shows R 2 over the parameter space. Since mean R 2 is bigger than 0.94 for each curves of μ ( t ) , l ( t ) , and u ( t ) , we can assume that the surrogate is highly accurate at capturing both mean epidemic dynamics and stochastic bounds. The results for the small-world topology are shown in Figure A2, Figure A3 and Figure A4.

4.2. Parameter Estimation on a Synthetic Incidence Data

4.2.1. Retrospective Calibration

Next we assessed the two approaches in the task of calibrating the model parameters to a target incidence curve simulated by the network model. The target parameters were α = 0.95 , β n = 0.1 ; the other values followed Table 2. The results for other pairs of ( α , β n ) (Figure A6) are shown in Figure A7, Figure A8, Figure A9, Figure A10, Figure A11, Figure A12, Figure A13, Figure A14, Figure A15, Figure A16, Figure A17, Figure A18, Figure A19, Figure A20 and Figure A21. The calibration employed Approximate Bayesian Computation with Sequential Monte Carlo (ABC-SMC), implemented with the PyMC library [56]. The scaling parameter ε for computing distance between the observed and simulated trajectories (a smaller value allows less variation) was set to ε = 2000 .
The calibration results for the original network model serve as a baseline (Figure 13a). Execution was computationally intensive, so the hybrid and network calibrations used 600 samples across three ABC-SMC runs, while the surrogate calibration used 2000 samples across four runs. The timings are given in Table 5.
The results for the hybrid approach are shown in Figure 13b. The selected method of β c estimation was LSTM. The switch was performed when I / N 0.05 to ensure appropriate homogeneity. The best parameters were selected as the centroid of the 20% highest density region (HDR). Interval estimates were obtained by running multiple stochastic SEIR simulations.
The calibration results for the interval surrogate approach is shown in Figure 13c.
In all the approaches (Figure 13), the posterior value assessments do not coincide with the true parameters. This reflects the parameter estimation ambiguity: different ( α , β ) pairs can produce similar incidence curves. For example, a high immunity level ( 1 α ) with a high transmission rate ( β ) can result in the same epidemic as a low immunity level and a low transmission rate [57].

4.2.2. Forecasting Examples

In this section, we demonstrate the examples of forecast generation by both proposed approaches. Typically there are two ways to apply forecasting frameworks for the aims of epidemic surveillance. The first and the most typical one is to perform short-time forecasting of the disease incidence with the time span from one to two weeks. The second one is to predict the day and height of peak incidence, which is motivated by the need of healthcare organs to assess the maximum burden imposed on healthcare units and the time left to prepare necessary resources. Here we demonstrate the results for both use cases.
During the forecasting procedure, the models are used in the same way as when calibrated to past outbreak data. The key distinction is that retrospective calibration utilizes the whole synthetic incidence dataset, whereas forecasting is performed with only the initial part of it (incidence at times t 0 , t 1 , …, t k < T ), which we define as “known data”. By calibrating on incomplete data, we obtain parameter value distributions and generate multiple incidence curves, from which a forecast incidence interval is constructed.
The incidence curve from Section 4.2.1 was used ( α = 0.95 , β n = 0.1 ) for the experiments. We explored three forecasting scenarios with different lengths of known incidence data: (1) t k = t p e a k 14 ; (2) t k = t p e a k 7 ; (3) t k = t p e a k + 7 . The forecast length was 14 days.
Early forecasting (14 days before the peak) can be limited in precision, as the outbreak is just beginning and low number of infected leads to highly variable outcomes. On the contrary, forecasting after the peak leads to much better accuracy of the output incidence but is less useful for the purposes of epidemic surveillance, since the moment of maximum disease intensity has already passed. The aim of our experiments was to show that in case of forecasting before the peak, our approaches are able to correctly assume the general direction of disease dynamics capturing the real incidence points by the calculated intervals of uncertainty, and in case of forecasting after the peak, they can generate forecasts with good accuracy narrowing the uncertainty.
Figure 14 and Figure 15 show hybrid and surrogate forecasts with scaling parameter ε = 500 . The average timings for the network model, the hybrid, and the surrogate approaches are presented in Table 5. Early-stage forecasts (14 days pre-peak) admit wide uncertainty; forecasts closer to and beyond the peak are narrower and more accurate.
Figure 16 shows peak errors for three cases of forecasting. The x-axis shows the difference between the predicted and actual peak time. The y-axis shows the fraction of the predicted peak incidence to the actual peak incidence. The best case is at the point with coordinates (0, 1). The second and third quadrants depict cases with peaks predicted earlier, which is preferable: if peak time error is positive, we will be caught by surprise unprepared.

5. Discussion

In this work, we evaluated two complementary approaches for accelerating epidemic forecasting with detailed epidemic models: the hybrid approach that couples a network model with a compartmental model, and the surrogate approach that emulates epidemic dynamics using an autoencoder model trained on network data. Both approaches were tested on synthetic data to measure their accuracy in tasks of calibration to real data and forecasting. The hybrid approach benefits from ML-based β c estimation methods such as LSTM, yielding more accurate parameter projections than purely statistical estimators. The surrogate approach bypasses explicit simulation altogether by training ML models to reproduce epidemic outputs, thus offering efficiency gains. The presented methods facilitate forecasting with detailed epidemic models and, being used within a single modeling framework, help compensate for the drawbacks of each other.

5.1. Methods Advantages and Drawbacks

The hybrid approach enables a twofold acceleration of average simulation time and a 1.6-fold acceleration in calibration (Table 5) compared with the network model. Replacing statistical estimators (e.g., last β c value) with ML estimators further reduces RMSE by a factor of three (Table 3), with LSTM consistently outperforming alternatives.
The hybrid framework has three important advantages:
  • Independence from training data at the outbreak onset with certain β c estimators. Two statistical β c estimators, last β c and cumulative β c , require only the knowledge of the contact network topology and δ and γ values related to the disease properties, all of which are known/can be calculated during epidemic onset. Thus these statistical estimators can be applied immediately, making this approach suitable for early epidemic stages with limited prior information.
  • Preservation of explicit stochasticity. Unlike the surrogate approach which produces a single deterministic output (point or interval assessment) for a fixed input parameter set, the hybrid approach is capable of generating multiple trajectories for a fixed input to reflect the influence of random factors, just like the original IBM it aims at replacing—by means of the actual IBM before the switch or via the stochastic SEIR model after the switch.
  • Interpretability. It is possible to use different β c trajectories to analyze the impact of government policies such as lockdowns, or to assess future β c values.
The main disadvantages are as follows:
  • Homogeneity assumption. When incidence remains very low, the SEIR submodel is ill-suited, and switching produces poor approximations.
  • Computational cost relative to surrogate modeling. Although faster than the pure network model, the hybrid approach is still slower than the surrogate approach.
The surrogate approach accelerates simulations by up to 6.8 × 10 4 times (Table 5), without substantial loss in accuracy. This is especially valuable in calibration and forecasting contexts, where thousands of repeated runs are required. Furthermore, the surrogate approach can be trained to capture stochastic variability by predicting lower and upper bounds of epidemic trajectories. Additional compartments can also be modeled, making the surrogate flexible and extensible.
Training the autoencoder-based surrogate required less than 10 min. However, generating its training dataset with the individual-based model required approximately 80 CPU hours. Thus, while the surrogate is efficient once trained, initial data generation remains a major bottleneck.

5.2. Application to Real Epidemic Data

The application of the presented modeling approaches in real epidemic surveillance assumes the following scenario:
  • There exists an incomplete incidence dataset { I 0 n e w , I 1 n e w , I 2 n e w , I k n e w } .
  • After each time period (day or week) passed, a new measurement I k + 1 n e w is added to the dataset.
The aims of the model application are as follows:
  • Perform short-term prediction of disease incidence and peak height/time prediction
  • Simulate the effect of control measures on the prediction
A pragmatic workflow could proceed as follows:
  • Begin with the network model for an entirely new outbreak.
  • Once infection prevalence rises sufficiently, employ the hybrid approach with statistical β c estimation to provide early forecasts.
  • After accumulating sufficient simulation data and/or obtaining incidence data from similar cities where the epidemic has already passed, train the surrogate model, which can then take over for large-scale parameter calibration and forecasting.
This strategy leverages the immediate applicability of the hybrid approach with the long-term efficiency of the surrogate approach.
The control measures can be mimicked by the models in the following fashion:
  • Quarantine measures can be simulated by assuming slower transmission due to fewer contacts. On the level of models, it is made by changing β c ( t ) in the SEIR part of the hybrid approach and change of β n in the surrogate approach. In its current implementation, the surrogate does not support a variable β n , so it can be used only for playing “what-if” scenarios when change in β n happened before the outbreak (for instance, quarantine measures were introduced before the inception of the virus in the population). This might be changed in its future implementations to allow dynamical adjustment of trajectories during the simulation.
  • Real-time vaccination may be considered within a hybrid approach by changing β c ( t ) . In a surrogate approach, vaccination is simulated by changing the proportion of immune individuals in the population, i.e., generally, the vaccination campaign is assumed to be finished before the outbreak.
The given scenarios are approximate, as the models were not explicitly tested in the described settings. We plan to correct the application scenarios as a result of model calibration to real data.

5.3. Study Limitations

The study has the following limitations:
  • According to the assumptions stated, this study considers a population whose contact patterns can be reasonably approximated by a static, regular network topology. Disease properties are also assumed to be constant. As a result, this study does not cover other important cases, such as several moderately interconnected cities with Barabási–Albert or small-world networks, multiwave epidemics, or co-circulation of multiple virus strains (e.g., different SARS-CoV-2 variants or influenza strains H1N1(pdm09) and H3N2).
  • The contact network structure in the city is assumed to be stable over a multi-year period, otherwise establishing a specific topology (Barabasi–Albert or small world) would be infeasible. While this is a simplification compared to real dynamic contact patterns, it is a common assumption in data-driven demographic and epidemic modeling (see, for instance, [58]), because to construct realistic dynamical contact networks, extensive and often unavailable data is required.
  • We do not consider asymptomatic cases and under-reporting. While it does not affect the forecasting accuracy, which is our main interest in this study, it will lead to wrong assessment of epidemic indicators, such as effective reproduction number, when the framework is calibrated to real data. This issue will be fixed in the future studies.
  • The choice of switch condition in the hybrid approach remains heuristic. Different β c estimation methods may favor different thresholds: for example, the last β c method benefits from higher prevalence thresholds, whereas LSTM performs well at earlier switches.
  • Calibration with ABC-SMC requires the choice of ε . A smaller ε may narrow parameter range, but it requires more simulation time, which may limit our exploration under computational constraints.
  • We tested our approaches on synthetic data, whereas real surveillance data may contain noise, delays, under-reporting, and gaps. We plan to address this issue in the future studies by using data imputation and bootstrapping techniques [59].

5.4. Additional Capabilities

There exist several capabilities that could increase the usefulness of the both hybrid and surrogate approaches. For one, the network models can take into account the demographic characteristics of different individuals attributed to network nodes from the records of synthetic populations [49]. Age-dependent transmission rates by age groups can also be integrated into models, for instance, in a form of contact intensity matrices [48,58]. The surrogate model can be trained on datasets created via a network model based on synthetic populations. The surrogate approach can be trained not only on incidence, but also on β c trajectories to forecast both future values of β c and the evolution of compartmental states.

5.5. Future Directions

Future efforts will be directed toward incorporating the presented approaches into epidemic surveillance for acute respiratory infections. This entails side-by-side comparisons with applied compartmental models using real-world data. The dataset available to us from public health includes records from a district of Saint Petersburg during the COVID-19 outbreak, containing address, sex, and age information. As noted in [60], COVID-19 transmission in urban districts is influenced, among other things, by the number of food services, bus stops, drug stores in the neighborhood. Therefore, our data would enable the fine-grained display and modeling of disease transmission given specific urban amenities, and their impact based on age, sex, and living proximity. We plan to verify the resulting models using aggregate data on COVID-19 and ARI incidence available from Research Institute of Influenza.
Since the surrogate approach demonstrated the highest efficiency, we will explore alternative neural architectures and dimensionality-reduction strategies. For example, epidemic trajectories may be generated by embedding a small number of latent parameters into the autoencoder space, offering both interpretability and efficiency for practical use in real-time epidemic response.
The application of multiscale individual-based modeling approaches to real infection data suggests the choice of a contact topology representing a real city. Based on available historic data of influenza incidence, we plan to analyze whether the shape of epidemic dynamics for one city throughout the years indicates the intrinsic contact topology for this city. If we were able to connect topology types with typical incidence curve forms, the clusterisation of Russian cities based on disease transmission patterns and hence interchangeable use of historical data within one cluster becomes a possibility.
Our detailed models and contact topology analysis can be useful for implementing another method suitable for purposes of epidemic forecasting and disease control—that is, data-driven source detection [61], which is used to identify the patient zero, a rumor spreader, or a source of pollution. Cases relevant to epidemic modeling in urban environments include multiple source detection [62] and influential/superspreader detection [63], operating under time-varying topology [64]. These technologies can enhance Russian infection surveillance and make it possible to apply approaches similar to those implemented, for instance, in SMART Pilgrim city of Makkah program, where a set of digital tools and communication technologies were deployed to forecast incidence in different “what-if” scenarios, manage crowds, and enforce social distancing to minimize the spread of the COVID-19 virus [65]. The program required all pilgrims to keep using the Tetamman application and wear their electronic tracking bands during and even after Hajj rituals were completed. Pilgrims were not just monitored through the app; they also received regular phone calls asking about their symptoms. Using these data to monitor incoming tourist flows and coupling the results of analysis with predictive models built on top of networks, seems to us a good example of how new digital technologies can help obtain fast and accurate disease forecasting and thus improve safety of citizens and population health.

Author Contributions

Conceptualisation, A.K., M.K., and V.L.; funding acquisition, V.L.; investigation, A.K., M.K., and V.L.; resources, V.L.; data curation, A.K. and M.K.; methodology, A.K., M.K., and V.L.; software, A.K. and M.K.; supervision, V.L.; writing, A.K., M.K., and V.L. All authors have read and agreed to the published version of the manuscript.

Funding

This work supported by the Ministry of Economic Development of the Russian Federation (IGK 000000C313925P4C0002), agreement No139-15-2025-010.

Data Availability Statement

The code for the surrogate approach is publicly released at https://github.com/korzin-andrey/hybrid_surrogate (accessed on 14 November 2025). Other data that support the findings of this study are available upon reasonable request.

Acknowledgments

The authors would like to express their gratitude to Georgiy Bobashev for his highly valuable advice and the anonymous referees for their helpful comments that helped to improve the quality of the manuscript.

Conflicts of Interest

The authors declare no conflicts of interest.

Symbols and Abbreviations

The following symbols and abbreviations are used in this manuscript:
Symbols
α Fraction of non-immune individuals on day t = 0
β c Infection transmission rate for compartmental model
β n Infection transmission rate for network model
1 / γ Mean latent (exposed) period, days
1 / δ Mean infectious period, days
tTime (days)
S t Number of susceptible individuals on day t
E t Number of exposed individuals on day t
I t Number of infectious individuals on day t
R t Number of recovered individuals on day t
I ( n e w ) ( t ) Number of new incidence cases on day t
NTotal population size
HHidden layer size for autoencoder model
BBatch size during training autoencoder model
LLatent vector size in autoencoder model
Abbreviations
ABMAgent-based model
AEAutoencoder
ARIAcute respiratory infection
COVID-19Coronavirus disease 2019
HDRHighest density region
IBMIndividual-based model
LSTMLong short-term memory
MLMachine learning
SEIRSusceptible–exposed–infected–recovered
SIRSusceptible–infected–recovered

Appendix A. Numerical Experiments, Small-World Topology

Figure A1. R 2 values for incidence trajectories under different β c estimation methods for the hybrid approach (switch condition I / N = 0.05 ), small-world topology: (a) last observed value of β ^ c , (b) cumulative average of β ^ c , (c) polynomial regression trained on β ^ c , (d) LSTM trained on β ^ c . Gray cells indicate training samples.
Figure A1. R 2 values for incidence trajectories under different β c estimation methods for the hybrid approach (switch condition I / N = 0.05 ), small-world topology: (a) last observed value of β ^ c , (b) cumulative average of β ^ c , (c) polynomial regression trained on β ^ c , (d) LSTM trained on β ^ c . Gray cells indicate training samples.
Viruses 17 01541 g0a1
Figure A2. Examples of surrogate autoencoder (AE) simulations, small-world topology: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.97 , β n = 0.73 ; (c) α = 0.98 , β n = 0.74 ; (d) α = 0.66 , β = 0.6 .
Figure A2. Examples of surrogate autoencoder (AE) simulations, small-world topology: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.97 , β n = 0.73 ; (c) α = 0.98 , β n = 0.74 ; (d) α = 0.66 , β = 0.6 .
Viruses 17 01541 g0a2
Figure A3. Examples simulated incidence with interval estimation using the surrogate approach, small world topology: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.97 , β n = 0.73 ; (c) α = 0.99 , β n = 0.32 ; (d) α = 0.66 , β = 0.6 .
Figure A3. Examples simulated incidence with interval estimation using the surrogate approach, small world topology: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.97 , β n = 0.73 ; (c) α = 0.99 , β n = 0.32 ; (d) α = 0.66 , β = 0.6 .
Viruses 17 01541 g0a3
Figure A4. Accuracy of the surrogate approach, small-world topology, for the point assessment (replication of a single trajectory) and interval assessment (replicating the interval measured on 10 stochastic simulations of the original network model): (a) point estimation; (b) interval estimation, R 2 for mean values; (c) interval estimation, R 2 for lower bound values; (d) interval estimation, R 2 for upper bound values. Gray cells indicate training points.
Figure A4. Accuracy of the surrogate approach, small-world topology, for the point assessment (replication of a single trajectory) and interval assessment (replicating the interval measured on 10 stochastic simulations of the original network model): (a) point estimation; (b) interval estimation, R 2 for mean values; (c) interval estimation, R 2 for lower bound values; (d) interval estimation, R 2 for upper bound values. Gray cells indicate training points.
Viruses 17 01541 g0a4
Figure A5. Goodness of fit of autoencoder surrogate across parameter space, small-world network topology. Colors represent R 2 values between network- and surrogate-simulated incidence curves. Gray cells indicate training points. Circles with numbers indicate parameter values for curves.
Figure A5. Goodness of fit of autoencoder surrogate across parameter space, small-world network topology. Colors represent R 2 values between network- and surrogate-simulated incidence curves. Gray cells indicate training points. Circles with numbers indicate parameter values for curves.
Viruses 17 01541 g0a5

Appendix B. Retrospective Calibration, Barabási–Albert Topology

Figure A6. Incidence trajectories resulted from chosen parameter pairs (left); heatmap for chosen parameter pairs (right).
Figure A6. Incidence trajectories resulted from chosen parameter pairs (left); heatmap for chosen parameter pairs (right).
Viruses 17 01541 g0a6
Figure A7. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A7. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a7
Figure A8. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A8. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a8
Figure A9. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A9. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a9
Figure A10. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A10. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a10
Figure A11. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A11. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a11
Figure A12. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A12. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a12
Figure A13. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A13. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a13
Figure A14. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A14. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a14
Figure A15. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A15. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a15
Figure A16. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A16. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a16
Figure A17. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A17. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a17
Figure A18. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A18. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a18
Figure A19. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A19. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a19
Figure A20. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A20. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a20
Figure A21. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure A21. Calibration on a simulated outbreak with (a) the hybrid approach, (b) the surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g0a21

Appendix C. The Network Model Description

  • Input:
    A graph G = ( V , E ) with | V | = N nodes, representing individuals and their contact patterns.
    Disease progression parameters: incubation rate γ , recovery rate δ , and a base transmission rate β n .
    The initial number of infected individuals, I 0 .
    The proportion of the population with prior immunity, α .
  • Output:
    Time series of compartment counts: S t , E t , I t , R t for t = 0 , 1 , , T .
    (Optional) a detailed event log specifying the state of each node at each time t.
  • Simulation procedure:
    • Initialization:
      Assign prior immunity: Uniformly at random, assign R ( 0 ) = ( 1 α ) × N nodes to the Recovered (R) state.
      Seed initial infection: From the remaining susceptible nodes, uniformly at random assign I ( 0 ) = I 0 nodes to the infected (I) state. All the other non-immune nodes are set to Susceptible (S). The Exposed (E) compartment is initially empty.
      Set the initial simulation time t 0 .
    • Main loop: while t < T :
      For each node in state E, schedule an E I event time by sampling from Exp ( γ ) .
      For each node in state I, schedule an I R event time by sampling from Exp ( δ ) .
      For each node in state S with one or more infected neighbors, calculate the cumulative force of infection λ = β n × ( number of infected neighbors ) . Schedule an S E event time by sampling from Exp ( λ ) .
      Find the next event: Determine t next , the minimum time among all scheduled events.
      Advance time: Set t t next .
      Execute event: Change the state of the node associated with the event at t next .
      *
      If S E : Remove the node from S, add to E. Schedule a new E I event for it.
      *
      If E I : Remove the node from E, add to I. Schedule a new I R event for it.
      *
      If I R : Remove the node from I, add to R.
      Update the scheduled events list: Remove the executed event from scheduled events.
    • Termination: the simulation concludes at time T. The time series S t , E t , I t , R t is returned.

References

  1. Chowell, G.; Hyman, J.; Bettencourt, L.; Castillo-Chávez, C. Mathematical and Statistical Estimation Approaches in Epidemiology; Springer: Berlin/Heidelberg, Germany, 2009. [Google Scholar] [CrossRef]
  2. Anderson, R.M.; May, R.M. Infectious Diseases of Humans: Dynamics and Control; Oxford University Press: Oxford, UK, 1991. [Google Scholar] [CrossRef]
  3. Chowell, G. Fitting dynamic models to epidemic outbreaks with quantified uncertainty: A Primer for parameter uncertainty, identifiability, and forecasts. Infect. Dis. Model. 2017, 2, 379–398. [Google Scholar] [CrossRef] [PubMed]
  4. Friedman, J.; Liu, P.; Troeger, C.; Carter, A.; Reiner, R.; Barber, R.; Collins, J.; Lim, S.; Pigott, D.; Vos, T.; et al. Predictive performance of international COVID-19 mortality forecasting models. Nat. Commun. 2021, 12, 2609. [Google Scholar] [CrossRef]
  5. Vega, R.; Flores, L.; Greiner, R. SIMLR: Machine Learning inside the SIR Model for COVID-19 Forecasting. Forecasting 2022, 4, 72–94. [Google Scholar] [CrossRef]
  6. Bubar, K.; Middleton, C.; Larremore, D.; Gostic, K. A fundamental limit to the effectiveness of traveller screening with molecular tests. Epidemiol. Infect. 2025, 153, e95. [Google Scholar] [CrossRef]
  7. Leonenko, V.N. When a Pandemic Comes to Town: Combating Propagation of Novel Viruses in Russian Cities Using Statistical and Mathematical Modeling. In Proceedings of the 2024 IEEE 3rd International Conference on Problems of Informatics, Electronics and Radio Engineering (PIERE), Novosibirsk, Russia, 15–17 November 2024; pp. 990–995. [Google Scholar] [CrossRef]
  8. Mizumoto, K.; Kagaya, K.; Zarebski, A.; Chowell, G. Estimating the asymptomatic proportion of coronavirus disease 2019 (COVID-19) cases on board the Diamond Princess cruise ship, Yokohama, Japan, 2020. Eurosurveillance 2020, 25, 2000180. [Google Scholar] [CrossRef]
  9. Zhao, S.; Cao, P.; Gao, D.; Zhuang, Z.; Wang, W.; Ran, J.; Wang, K.; Yang, L.; Einollahi, M.R.; Lou, Y.; et al. Modelling COVID-19 outbreak on the Diamond Princess ship using the public surveillance data. Infect. Dis. Model. 2022, 7, 189–195. [Google Scholar] [CrossRef]
  10. Azimi, P.; Keshavarz, Z.; Cedeno Laurent, J.G.; Stephens, B.; Allen, J.G. Mechanistic transmission modeling of COVID-19 on the Diamond Princess cruise ship demonstrates the importance of aerosol transmission. Proc. Natl. Acad. Sci. USA 2021, 118, e2015482118. [Google Scholar] [CrossRef]
  11. Huang, L.S.; Li, L.; Dunn, L.; He, M. Taking account of asymptomatic infections: A modeling study of the COVID-19 outbreak on the Diamond Princess cruise ship. PloS ONE 2021, 16, e0248273. [Google Scholar] [CrossRef]
  12. Kumar, S.; Grefenstette, J.J.; Galloway, D.; Albert, S.M.; Burke, D.S. Policies to reduce influenza in the workplace: Impact assessments using an agent-based model. Am. J. Public Health 2013, 103, 1406–1411. [Google Scholar] [CrossRef] [PubMed]
  13. Hoertel, N.; Blachier, M.; Blanco, C.; Olfson, M.; Massetti, M.; Rico, M.S.; Limosin, F.; Leleu, H. A stochastic agent-based model of the SARS-CoV-2 epidemic in France. Nat. Med. 2020, 26, 1417–1421. [Google Scholar] [CrossRef] [PubMed]
  14. Krivorotko, O.; Sosnovskaia, M.; Vashchenko, I.; Kerr, C.; Lesnic, D. Agent-based modeling of COVID-19 outbreaks for New York state and UK: Parameter identification algorithm. Infect. Dis. Model. 2022, 7, 30–44. [Google Scholar] [CrossRef]
  15. Della Rossa, F.; Salzano, D.; Di Meglio, A.; De Lellis, F.; Coraggio, M.; Calabrese, C.; Guarino, A.; Cardona-Rivera, R.; De Lellis, P.; Liuzza, D.; et al. A network model of Italy shows that intermittent regional strategies can alleviate the COVID-19 epidemic. Nat. Commun. 2020, 11, 5106. [Google Scholar] [CrossRef]
  16. Chang, S.; Pierson, E.; Koh, P.W.; Gerardin, J.; Redbird, B.; Grusky, D.; Leskovec, J. Mobility network models of COVID-19 explain inequities and inform reopening. Nature 2021, 589, 82–87. [Google Scholar] [CrossRef]
  17. Elsenbroich, C.; Polhill, J.G. Agent-based modelling as a method for prediction in complex social systems. Int. J. Soc. Res. Methodol. 2023, 26, 133–142. [Google Scholar] [CrossRef]
  18. Jamshidi, M.; Roshani, S.; Daneshfar, F.; Lalbakhsh, A.; Roshani, S.; Parandin, F.; Malek, Z.; Talla, J.; Peroutka, Z.; Jamshidi, A.; et al. Hybrid deep learning techniques for predicting complex phenomena: A review on COVID-19. AI 2022, 3, 416–433. [Google Scholar] [CrossRef]
  19. Ning, X.; Guan, J.; Li, X.A.; Wei, Y.; Chen, F. Physics-informed neural networks integrating compartmental model for analyzing COVID-19 transmission dynamics. Viruses 2023, 15, 1749. [Google Scholar] [CrossRef]
  20. Rama, M.; Santin, G.; Cencetti, G.; Tizzoni, M.; Lepri, B. Forecasting Seasonal Influenza Epidemics with Physics-Informed Neural Networks. arXiv 2025, arXiv:2506.03897. [Google Scholar] [CrossRef]
  21. Baldo, F.; Iannello, M.; Lombardi, M.; Milano, M. Informed Deep Learning for epidemics forecasting. In PAIS 2022; IOS Press: Amsterdam, The Netherlands, 2022; pp. 86–99. [Google Scholar] [CrossRef]
  22. Rahmadani, F.; Lee, H. Hybrid deep learning-based epidemic prediction framework of COVID-19: South Korea case. Appl. Sci. 2020, 10, 8539. [Google Scholar] [CrossRef]
  23. Polcz, P.; Reguly, I.Z.; Tornai, K.; Juhász, J.; Pongor, S.; Csikász-Nagy, A.; Szederkényi, G. Smart epidemic control: A hybrid model blending ODEs and agent-based simulations for optimal, real-world intervention planning. PLoS Comput. Biol. 2025, 21, e1013028. [Google Scholar] [CrossRef]
  24. Cheng, Y.; Cheng, R.; Xu, T.; Tan, X.; Bai, Y. Machine learning techniques applied to COVID-19 prediction: A systematic literature review. Bioengineering 2025, 12, 514. [Google Scholar] [CrossRef]
  25. Kraemer, M.U.; Tsui, J.L.H.; Chang, S.Y.; Lytras, S.; Khurana, M.P.; Vanderslott, S.; Bajaj, S.; Scheidwasser, N.; Curran-Sebastian, J.L.; Semenova, E.; et al. Artificial intelligence for modelling infectious disease epidemics. Nature 2025, 638, 623–635. [Google Scholar] [CrossRef]
  26. Ye, Y.; Pandey, A.; Bawden, C.; Sumsuzzman, D.M.; Rajput, R.; Shoukat, A.; Singer, B.H.; Moghadas, S.M.; Galvani, A.P. Integrating artificial intelligence with mechanistic epidemiological modeling: A scoping review of opportunities and challenges. Nat. Commun. 2025, 16, 581. [Google Scholar] [CrossRef]
  27. Binder, P.M.; Simpfendorfer, J.; McNeney, B.; Brailsford, S.C. Hybrid Modeling in Health Care—Combining Agent Based and Equation Based Approaches. ANZIAM J. 2012, 53, C313–C329. [Google Scholar] [CrossRef]
  28. Bobashev, G.V.; Goedecke, D.M.; Yu, F.; Epstein, J.M. A Hybrid Epidemic Model: Combining the Advantages of Agent-Based and Equation-Based Approaches. In Proceedings of the 2007 Winter Simulation Conference, Washington, DC, USA, 9–12 December 2007; pp. 1532–1537. [Google Scholar] [CrossRef]
  29. Hunter, E.; Mac Namee, B.; Kelleher, J. A Hybrid Agent-Based and Equation Based Model for the Spread of Infectious Diseases. J. Artif. Soc. Soc. Simul. 2020, 23, 14. [Google Scholar] [CrossRef]
  30. Hunter, E.; Kelleher, J.D. Adapting an agent-based model of infectious disease spread in an Irish county to COVID-19. Systems 2021, 9, 41. [Google Scholar] [CrossRef]
  31. Liu, X.D.; Wang, W.; Yang, Y.; Hou, B.H.; Olasehinde, T.S.; Feng, N.; Dong, X.P. Nesting the SIRV model with NAR, LSTM and statistical methods to fit and predict COVID-19 epidemic trend in Africa. BMC Public Health 2023, 23, 138. [Google Scholar] [CrossRef]
  32. Leonenko, V. A Hybrid Modeling Framework for City-Scale Dynamics of Multi-strain Influenza Epidemics. In Proceedings of the Computational Science—ICCS 2022, London, UK, 21–23 June 2022; Groen, D., de Mulatier, C., Paszynski, M., Krzhizhanovskaya, V.V., Dongarra, J.J., Sloot, P.M.A., Eds.; Springer: Cham, Switzerland, 2022; pp. 164–177. [Google Scholar] [CrossRef]
  33. Koshkareva, M.; Guseva, E.; Sharova, A.; Leonenko, V. Predicting Disease Transmission Rates for Hybrid Modeling of Epidemic Outbreaks: Statistical and Machine Learning Approaches. In Proceedings of the Computational Science—ICCS 2025 Workshops, Singapore, 7–9 July 2025; Paszynski, M., Barnard, A.S., Zhang, Y.J., Eds.; Springer: Cham, Switzerland, 2025; pp. 149–163. [Google Scholar] [CrossRef]
  34. Kurul, E.; Tunc, H.; Sari, M.; Guzel, N. Deep learning aided surrogate modeling of the epidemiological models. J. Comput. Sci. 2025, 84, 102470. [Google Scholar] [CrossRef]
  35. Pereira, F.H.; Schimit, P.H.; Bezerra, F.E. A deep learning based surrogate model for the parameter identification problem in probabilistic cellular automaton epidemic models. Comput. Methods Programs Biomed. 2021, 205, 106078. [Google Scholar] [CrossRef]
  36. Angione, C.; Silverman, E.; Yaneske, E. Using machine learning as a surrogate model for agent-based simulations. PLoS ONE 2022, 17, e0263150. [Google Scholar] [CrossRef]
  37. Pokharel, G.; Deardon, R. Gaussian process emulators for spatial individual-level models of infectious disease. Can. J. Stat. 2016, 44, 480–501. [Google Scholar] [CrossRef]
  38. Matveeva, A.; Leonenko, V. Application of Gaussian process regression as a surrogate modeling method to assess the dynamics of COVID-19 propagation. Procedia Comput. Sci. 2022, 212, 340–347. [Google Scholar] [CrossRef] [PubMed]
  39. Langmüller, A.M.; Chandrasekher, K.A.; Haller, B.C.; Champer, S.E.; Murdock, C.C.; Messer, P.W. Gaussian Process Emulation for Exploring Complex Infectious Disease Models. medRxiv 2025. [Google Scholar] [CrossRef]
  40. Schmidt, A.; Zunker, H.; Heinlein, A.; Kühn, M.J. Graph Neural Network Surrogates to leverage Mechanistic Expert Knowledge towards Reliable and Immediate Pandemic Response. arXiv 2024, arXiv:2411.06500. [Google Scholar] [CrossRef]
  41. Vlad, A.I.; Romanyukha, A.A.; Sannikova, T.E. Parameter tuning of agent-based models: Metaheuristic algorithms. Mathematics 2024, 12, 2208. [Google Scholar] [CrossRef]
  42. Anirudh, R.; Thiagarajan, J.J.; Bremer, P.T.; Germann, T.; Del Valle, S.; Streitz, F. Accurate Calibration of Agent-based Epidemiological Models with Neural Network Surrogates. In Proceedings of the 1st Workshop on Healthcare AI and COVID-19, ICML 2022, Baltimore, MD, USA, 23–24 July 2022; Volume 184, pp. 54–62. [Google Scholar]
  43. Perumal, R.; Zyl, T.L.v. Surrogate-assisted strategies: The parameterisation of an infectious disease agent-based model. Neural Comput. Appl. 2025, 37, 627–638. [Google Scholar] [CrossRef]
  44. Norton, K.A.; Bergman, D.; Jain, H.V.; Jackson, T. Advances in surrogate modeling for biological agent-based simulations: Trends, challenges, and future prospects. arXiv 2025, arXiv:2504.11617. [Google Scholar] [CrossRef]
  45. Panovska-Griffiths, J.; Bayley, T.; Ward, T.; Das, A.; Imeneo, L.; Kerr, C.; Maskell, S. Machine learning assisted calibration of stochastic agent-based models for pandemic outbreak analysis. Res. Sq. 2023. [Google Scholar] [CrossRef]
  46. Kerr, C.C.; Stuart, R.M.; Mistry, D.; Abeysuriya, R.G.; Rosenfeld, K.; Hart, G.R.; Núñez, R.C.; Cohen, J.A.; Selvaraj, P.; Hagedorn, B.; et al. Covasim: An agent-based model of COVID-19 dynamics and interventions. PLoS Comput. Biol. 2021, 17, e1009149. [Google Scholar] [CrossRef]
  47. Senichev, S.D.; Fandeev, A.A.; Leonenko, V.N. Accelerating Multiagent Epidemic Modeling with Surrogate-Based Methods. In Proceedings of the 2024 IEEE International Multi-Conference on Engineering, Computer and Information Sciences (SIBIRCON), Novosibirsk, Russia, 30 September–2 October 2024; pp. 220–223. [Google Scholar] [CrossRef]
  48. Leonenko, V.; Arzamastsev, S.; Bobashev, G. Contact patterns and influenza outbreaks in Russian cities: A proof-of-concept study via agent-based modeling. J. Comput. Sci. 2020, 44, 101156. [Google Scholar] [CrossRef]
  49. Korzin, A.; Leonenko, V. Lightweight Heterogeneous SEIR Models for Epidemic Surveillance in Russian Cities: Turning Synthetic Populations Into Equations. In Proceedings of the International Conference on Computational Science, Singapore, 7–9 July 2025; pp. 164–175. [Google Scholar]
  50. Gillespie, D.T. Exact stochastic simulation of coupled chemical reactions. J. Phys. Chem. 1977, 81, 2340–2361. [Google Scholar] [CrossRef]
  51. Miller, J.C.; Ting, T. Eon (epidemics on networks): A fast, flexible python package for simulation, analytic approximation, and analysis of epidemics on networks. arXiv 2020, arXiv:2001.02436. [Google Scholar] [CrossRef]
  52. Sergio, A.R.; Schimit, P.H. Optimizing contact network topological parameters of urban populations using the genetic algorithm. Entropy 2024, 26, 661. [Google Scholar] [CrossRef]
  53. Abramov, A.; Gorik, U.; Velichko, A.; Nelyub, V.; Samoshkin, A.; Gantimurov, A.; Borodulin, A.; Tynchenko, V.S.; Malashin, I. Barabási–Albert-Based Network Growth Model to Sustainable Urban Planning. Sustainability 2025, 17, 1095. [Google Scholar] [CrossRef]
  54. Hagberg, A.; Swart, P.J.; Schult, D.A. Exploring Network Structure, Dynamics, and Function Using NetworkX; Technical Report; Los Alamos National Laboratory (LANL): Los Alamos, NM, USA, 2008. [Google Scholar]
  55. Hill, E.M.; Petrou, S.; de Lusignan, S.; Yonova, I.; Keeling, M.J. Seasonal influenza: Modelling approaches to capture immunity propagation. PLoS Comput. Biol. 2019, 15, e1007096. [Google Scholar] [CrossRef] [PubMed]
  56. Abril-Pla, O.; Andreani, V.; Carroll, C.; Dong, L.; Fonnesbeck, C.J.; Kochurov, M.; Kumar, R.; Lao, J.; Luhmann, C.C.; Martin, O.A.; et al. PyMC: A modern, and comprehensive probabilistic programming framework in Python. PeerJ Comput. Sci. 2023, 9, e1516. [Google Scholar] [CrossRef] [PubMed]
  57. Baroyan, O.; Rvachev, L.; Ivannikov, Y.G. Modelling and Prediction of Influenza Epidemics in the USSR; Gamelei Institute of Epidemiology and Microbiology: Moscow, Russia, 1977. [Google Scholar]
  58. Ajelli, M.; Litvinova, M. Estimating contact patterns relevant to the spread of infectious diseases in Russia. J. Theor. Biol. 2017, 419, 1–7. [Google Scholar] [CrossRef] [PubMed]
  59. Sahatova, K.; Kharlunin, A.; Huaman, I.; Leonenko, V. Accounting for data uncertainty in modeling acute respiratory infections: Influenza in Saint Petersburg as a case study. In Proceedings of the International Conference on Computational Science, Prague, Czech Republic, 3–5 July 2023; pp. 286–299. [Google Scholar]
  60. Li, B.; Peng, Y.; He, H.; Wang, M.; Feng, T. Built environment and early infection of COVID-19 in urban districts: A case study of Huangzhou. Sustain. Cities Soc. 2021, 66, 102685. [Google Scholar] [CrossRef]
  61. Shen, Z.; Wang, W.X.; Fan, Y.; Di, Z.; Lai, Y.C. Reconstructing propagation networks with natural diversity and identifying hidden sources. Nat. Commun. 2014, 5, 4323. [Google Scholar] [CrossRef]
  62. Jiang, J.; Wen, S.; Yu, S.; Xiang, Y.; Zhou, W. K-center: An approach on the multi-source identification of information diffusion. IEEE Trans. Inf. Forensics Secur. 2015, 10, 2616–2626. [Google Scholar] [CrossRef]
  63. Li, C.; Wang, L.; Sun, S.; Xia, C. Identification of influential spreaders based on classified neighbors in real-world complex networks. Appl. Math. Comput. 2018, 320, 512–523. [Google Scholar] [CrossRef]
  64. Jiang, J.; Wen, S.; Yu, S.; Xiang, Y.; Zhou, W. Rumor source identification in social networks with time-varying topology. IEEE Trans. Dependable Secur. Comput. 2016, 15, 166–179. [Google Scholar] [CrossRef]
  65. Aina, Y.A.; Abubakar, I.R.; Almulhim, A.I.; Dano, U.L.; Maghsoodi Tilaki, M.J.; Dawood, S.R. Digitalization and smartification of urban services to enhance urban resilience in the post-pandemic era: The case of the pilgrimage city of Makkah. Smart Cities 2023, 6, 1973–1995. [Google Scholar] [CrossRef]
Figure 1. Example of epidemic dynamics in a network simulation in time moments t = 0 , 5 , 10 . Red dots represent infected households and green dots represent susceptible or exposed households.
Figure 1. Example of epidemic dynamics in a network simulation in time moments t = 0 , 5 , 10 . Red dots represent infected households and green dots represent susceptible or exposed households.
Viruses 17 01541 g001
Figure 2. A 10 % sample from the test dataset generated with parameters α [ 0.2 ; 1 ] and β n [ 0.1 ; 1 ] : (a) incidence curves for Barabási–Albert topology, (b) incidence curves for small-world topology.
Figure 2. A 10 % sample from the test dataset generated with parameters α [ 0.2 ; 1 ] and β n [ 0.1 ; 1 ] : (a) incidence curves for Barabási–Albert topology, (b) incidence curves for small-world topology.
Viruses 17 01541 g002
Figure 3. Distribution of (a,b) peak time and (c,d) peak incidence for synthetic incidence curves for Barabási–Albert and small-world topologies; gray cells represent train samples.
Figure 3. Distribution of (a,b) peak time and (c,d) peak incidence for synthetic incidence curves for Barabási–Albert and small-world topologies; gray cells represent train samples.
Viruses 17 01541 g003
Figure 4. A 10 % sample from the test dataset generated with parameters α [ 0.2 ; 1 ] and β n [ 0.1 ; 1 ] : (a) β ^ c ( t ) curves for Barabási–Albert topology, (b) β ^ c ( t ) curves for small-world topology.
Figure 4. A 10 % sample from the test dataset generated with parameters α [ 0.2 ; 1 ] and β n [ 0.1 ; 1 ] : (a) β ^ c ( t ) curves for Barabási–Albert topology, (b) β ^ c ( t ) curves for small-world topology.
Viruses 17 01541 g004
Figure 5. Architecture of the autoencoder model. Encoder and decoder consist of three fully connected layers with SiLU activation. Input size is B × P , where B = 16 is the batch size and P = 2 for parameters ( α , β n ) . Hidden dimension H = 256 and latent dimension L = 32 were obtained via grid search.
Figure 5. Architecture of the autoencoder model. Encoder and decoder consist of three fully connected layers with SiLU activation. Input size is B × P , where B = 16 is the batch size and P = 2 for parameters ( α , β n ) . Hidden dimension H = 256 and latent dimension L = 32 were obtained via grid search.
Viruses 17 01541 g005
Figure 6. R 2 values for incidence trajectories under different β c estimation methods for the hybrid approach, Barabási–Albert topology: (a) last observed value of β ^ c , (b) median of β ^ c from the train set, (c) polynomial regression trained on β ^ c , (d) LSTM trained on β ^ c . Gray cells indicate training samples.
Figure 6. R 2 values for incidence trajectories under different β c estimation methods for the hybrid approach, Barabási–Albert topology: (a) last observed value of β ^ c , (b) median of β ^ c from the train set, (c) polynomial regression trained on β ^ c , (d) LSTM trained on β ^ c . Gray cells indicate training samples.
Viruses 17 01541 g006
Figure 7. Switching behavior for test samples: (a) difference between epidemic peak time and day of switch; (b) distribution of switch days across all runs. Gray cells indicate training samples.
Figure 7. Switching behavior for test samples: (a) difference between epidemic peak time and day of switch; (b) distribution of switch days across all runs. Gray cells indicate training samples.
Viruses 17 01541 g007
Figure 8. Example of regression-based and LSTM-based β c estimation: (a) regression, low incidence; (b) LSTM, low incidence; (c) regression, high incidence; (d) LSTM, high incidence.
Figure 8. Example of regression-based and LSTM-based β c estimation: (a) regression, low incidence; (b) LSTM, low incidence; (c) regression, high incidence; (d) LSTM, high incidence.
Viruses 17 01541 g008
Figure 9. Examples of surrogate autoencoder (AE) simulations: (a) α = 0.44 , β n = 0.35 ; (b) α = 0.59 , β n = 0.40 ; (c) α = 0.71 , β n = 0.41 ; (d) α = 0.75 , β = 0.37 . Barabási–Albert topology.
Figure 9. Examples of surrogate autoencoder (AE) simulations: (a) α = 0.44 , β n = 0.35 ; (b) α = 0.59 , β n = 0.40 ; (c) α = 0.71 , β n = 0.41 ; (d) α = 0.75 , β = 0.37 . Barabási–Albert topology.
Viruses 17 01541 g009
Figure 10. Goodness of fit of autoencoder surrogate across parameter space, Barabási–Albert network topology. Colors represent R 2 values between network- and surrogate-simulated incidence curves. Gray cells indicate training points. Circles with numbers indicate parameter values for curves. For small-world topology, see Appendix A, Figure A5.
Figure 10. Goodness of fit of autoencoder surrogate across parameter space, Barabási–Albert network topology. Colors represent R 2 values between network- and surrogate-simulated incidence curves. Gray cells indicate training points. Circles with numbers indicate parameter values for curves. For small-world topology, see Appendix A, Figure A5.
Viruses 17 01541 g010
Figure 11. Examples simulated incidence with interval estimation using the surrogate approach: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.59 , β n = 0.40 ; (c) α = 0.71 , β n = 0.41 ; (d) α = 0.6 , β n = 0.66 . Barabási–Albert topology.
Figure 11. Examples simulated incidence with interval estimation using the surrogate approach: (a) α = 0.29 , β n = 0.84 ; (b) α = 0.59 , β n = 0.40 ; (c) α = 0.71 , β n = 0.41 ; (d) α = 0.6 , β n = 0.66 . Barabási–Albert topology.
Viruses 17 01541 g011
Figure 12. Accuracy of the surrogate approach, Barabási–Albert topology for the point assessment (replication of a single trajectory) and interval assessment (replicating the interval measured on 10 stochastic simulations of the original network model): (a) point estimation; (b) interval estimation, R 2 for mean values; (c) interval estimation, R 2 for lower bound values; (d) interval estimation, R 2 for upper bound values. Gray cells indicate training points.
Figure 12. Accuracy of the surrogate approach, Barabási–Albert topology for the point assessment (replication of a single trajectory) and interval assessment (replicating the interval measured on 10 stochastic simulations of the original network model): (a) point estimation; (b) interval estimation, R 2 for mean values; (c) interval estimation, R 2 for lower bound values; (d) interval estimation, R 2 for upper bound values. Gray cells indicate training points.
Viruses 17 01541 g012
Figure 13. Calibration on a simulated outbreak with (a) the network model, (b) the hybrid approach, (c) the interval surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure 13. Calibration on a simulated outbreak with (a) the network model, (b) the hybrid approach, (c) the interval surrogate approach. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g013
Figure 14. Forecasting with the hybrid approach using data available until (a) 14 days before the peak, (b) 7 days before the peak, (c) 7 days after the peak. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure 14. Forecasting with the hybrid approach using data available until (a) 14 days before the peak, (b) 7 days before the peak, (c) 7 days after the peak. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g014
Figure 15. Forecasting with surrogate approach using data available until (a) 14 days before the peak, (b) 7 days before the peak, (c) 7 days after the peak. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Figure 15. Forecasting with surrogate approach using data available until (a) 14 days before the peak, (b) 7 days before the peak, (c) 7 days after the peak. Top: posterior-sampled trajectories; bottom: posterior parameter distributions.
Viruses 17 01541 g015
Figure 16. Peak errors for hybrid and surrogate approaches for forecasting using incidence data: (a) 14 days before peak, (b) 7 days before peak, (c) 7 days after peak.
Figure 16. Peak errors for hybrid and surrogate approaches for forecasting using incidence data: (a) 14 days before peak, (b) 7 days before peak, (c) 7 days after peak.
Viruses 17 01541 g016
Table 1. SEIR model parameters and their descriptions.
Table 1. SEIR model parameters and their descriptions.
ParameterDescription
α Initial fraction of non-immune individuals
β c , β n Infection transmission rate (compartmental and network models)
1 / γ Mean latent (exposed) period, days
1 / δ Mean infectious period, days
S t Number of susceptible individuals on day t
E t Number of exposed individuals on day t
I t Number of infectious individuals on day t
R t Number of recovered individuals on day t
NTotal population size
TSimulation time
Table 2. SEIR model parameter types and values.
Table 2. SEIR model parameter types and values.
ParameterTypeValue
α Varied[0.2, 1]
β n Varied[0.1, 1]
1 / γ Fixed 1 / 0.3 3.3 days
1 / δ Fixed 1 / 0.2 = 5 days
NFixed 10 5 individuals
Table 3. RMSE of incidence across different switch-point thresholds and β c estimation methods; Barabási–Albert topology. Best results are colored green, worst results are colored red.
Table 3. RMSE of incidence across different switch-point thresholds and β c estimation methods; Barabási–Albert topology. Best results are colored green, worst results are colored red.
β c Estimation MethodSwitch Condition: Percent of the Population
3% 4% 5% 6% 7%
Last Value 358.44 ± 202.22 356.73 ± 203.05 357.54 ± 209.13 356.56 ± 211.70 356.46 ± 215.11
Cumulative Average 2765.22 ± 3065.45 2841.24 ± 3126.44 2926.33 ± 3204.48 3023.50 ± 3325.37 3102.23 ± 3432.34
Median 316.64 ± 353.69 295.19 ± 329.05 274.80 ± 305.71 253.29 ± 276.09 234.84 ± 250.37
Regression 343.35 ± 368.48 296.47 ± 317.56 263.27 ± 282.04 233.61 ± 242.71 212.57 ± 213.02
LSTM 122.55 ± 125.20 113.08 ± 116.99 106.62 ± 111.20 101.18 ± 104.09 96.62 ± 97.96
Switch day 6.66 ± 4.80 6.84 ± 4.89 6.93 ± 4.87 6.96 ± 4.86 6.94 ± 4.86
Table 4. RMSE of incidence across different switch-point thresholds and β c estimation methods; small-world topology. Best results are colored green, worst results are colored red.
Table 4. RMSE of incidence across different switch-point thresholds and β c estimation methods; small-world topology. Best results are colored green, worst results are colored red.
β c Estimation MethodSwitch Condition: Percent of the Population
3% 4% 5% 6% 7%
Last value 93.22 ± 108.87 102.15 ± 120.91 114.15 ± 136.51 129.69 ± 154.73 145.58 ± 172.25
Cumulative Average 92.70 ± 81.47 99.42 ± 88.69 107.30 ± 98.33 118.52 ± 112.07 129.99 ± 126.18
Median 278.18 ± 290.33 275.02 ± 281.53 276.69 ± 277.93 285.18 ± 279.50 295.78 ± 283.55
Regression 124.87 ± 119.33 118.30 ± 108.33 118.58 ± 107.96 124.86 ± 116.50 133.94 ± 129.47
LSTM 172.74 ± 200.15 194.11 ± 213.08 216.11 ± 223.87 240.14 ± 233.62 260.60 ± 238.07
Switch day 45.65 ± 50.78 39.6 ± 47.08 34.28 ± 43.91 28.85 ± 40.21 24.32 ± 36.5
Table 5. Average simulation and calibration time for different approaches.
Table 5. Average simulation and calibration time for different approaches.
Modeling ApproachSimulation TimeCalibration Time
Network model 6.8 × 10 3 ms 150 × 10 3 s ≈ 43 h
Hybrid approach 3.5 × 10 3 ms 91 × 10 3 s ≈ 25 h
Surrogate approach0.1 ms50 s
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Korzin, A.; Koshkareva, M.; Leonenko, V. Integrating Machine Learning with Hybrid and Surrogate Models to Accelerate Multiscale Modeling of Acute Respiratory Infections. Viruses 2025, 17, 1541. https://doi.org/10.3390/v17121541

AMA Style

Korzin A, Koshkareva M, Leonenko V. Integrating Machine Learning with Hybrid and Surrogate Models to Accelerate Multiscale Modeling of Acute Respiratory Infections. Viruses. 2025; 17(12):1541. https://doi.org/10.3390/v17121541

Chicago/Turabian Style

Korzin, Andrey, Maria Koshkareva, and Vasiliy Leonenko. 2025. "Integrating Machine Learning with Hybrid and Surrogate Models to Accelerate Multiscale Modeling of Acute Respiratory Infections" Viruses 17, no. 12: 1541. https://doi.org/10.3390/v17121541

APA Style

Korzin, A., Koshkareva, M., & Leonenko, V. (2025). Integrating Machine Learning with Hybrid and Surrogate Models to Accelerate Multiscale Modeling of Acute Respiratory Infections. Viruses, 17(12), 1541. https://doi.org/10.3390/v17121541

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop