Your new experience awaits. Try the new design now and help us make it even better

ORIGINAL RESEARCH article

Front. Physiol., 24 September 2025

Sec. Computational Physiology and Medicine

Volume 16 - 2025 | https://doi.org/10.3389/fphys.2025.1661418

Multifidelity deep learning modeling of spatiotemporal lung mechanics

  • 1Department of Structural and Geotechnical Engineering, School of Engineering, Pontificia Universidad Católica de Chile, Santiago, Chile
  • 2Institute for Biological and Medical Engineering, Schools of Engineering, Medicine and Biological Sciences, Pontificia Universidad Católica de Chile, Santiago, Chile
  • 3Department of Aerospace Engineering and Engineering Mechanics, The University of Texas at Austin, Austin, TX, United States
  • 4Institute for Medical Engineering and Science, Massachusetts Institute of Technology, Cambridge, MA, United States

Introduction: Digital twins of the respiratory system have shown promise in predicting the patient-specific response of lungs connected to mechanical ventilation. However, modeling the spatiotemporal response of the lung tissue through high-fidelity numerical simulations involves computing times that largely exceed those required in clinical applications. In this work, we present a multi-fidelity deep learning surrogate model to efficiently and accurately predict the poromechanical fields that arise in lungs connected to mechanical ventilation.

Methods: We generate training datasets with two fidelity levels from non-linear finite-element simulations on coarse (low-fidelity) and fine (high-fidelity) discretizations of the lungs domain. Further, we reduce the output spatiotemporal dimensionality using singular value decomposition, capturing over 99% of the variance in both displacement and alveolar pressure fields with only a few principal components. Based on this procedure, we learn both the input-output mappings and fidelity correlations by training a reduced-order multi-fidelity neural network model (rMFNN) that leverages the abundant low-fidelity data to enhance predictions from scarce high-fidelity simulations.

Results: Compared to a reduced-order single-fidelity neural network (rSFNN) surrogate, the rMFNN achieves superior predictive accuracy in predicting spatiotemporal displacement and alveolar pressure fields (R2 ≥ 93% (rMFNN) vs R2 ≥ 75% (rSFNN)). In addition, we show that rMFNN outperforms rSFNN in terms of accuracy for the same level of training cost. Further, the rMFNN model provides inference times of less than a minute, offering speed-ups up to 462× when compared to finite-element numerical simulations.

Discussion: These results demonstrate the potential of the rMFNN lung model to enable patient-specific predictions in acceptable computing times that can be used to personalize mechanical ventilation therapy in critical patients.

1 Introduction

Mechanical ventilation (MV) is the standard-of-care therapy for patients suffering from acute respiratory distress syndrome, as it ensures adequate gas exchange in critical conditions (Agrawal et al., 2021). MV played a vital role during the recent COVID-19 pandemic, which affected over 700 million people globally (Dong et al., 2020), with many hospitalized individuals requiring ventilatory support in intensive care units (ICUs) (Petrilli et al., 2020; Grasselli et al., 2020). Despite its massive use, determining optimal, patient-specific ventilator settings remains a major challenge in clinical practice. Suboptimal configurations can lead to adverse outcomes, such as ventilator-induced lung injury, which can significantly worsen the prognosis of the patient (Madahar and Beitler, 2020).

A growing trend in medical translational research is the construction of digital twins, i.e., computational models of the human respiratory system to support the design of personalized ventilation therapies (Zhou et al., 2021; Sun et al., 2024). Finite element (FE) poromechanical models of the lungs, constructed from patient-specific medical images, have recently demonstrated the ability to reproduce the dynamic interplay between lung tissue and airflow during MV. These models can accurately simulate the spatiotemporal mechanical behavior of lung tissue and predict respiratory mechanics within clinically observed ranges (Avilés-Rojas and Hurtado, 2022; Hurtado et al., 2023). Despite their promise, the substantial computational demands of such high-fidelity simulations hinder their practical adoption in time-sensitive clinical settings. Therefore, a key challenge is to accelerate lung model predictions without compromising their accuracy.

A common approach to accelerating computational predictions of complex models is the creation of surrogate models, i.e., computationally-efficient models capable of approximating quantities of interest of high-fidelity simulations. Recent advances in machine learning (ML) have enabled the creation of increasingly powerful surrogate models or emulators in applications ranging from predicting material behavior (Wei et al., 2019) to weather forecasting (Chen et al., 2023) and fluid dynamics (Brunton et al., 2020). However, the effectiveness of ML-based surrogate models heavily relies on the availability of large, high-quality datasets for training and validation—a condition that is often unmet in biomedical and biomechanical applications, where data are typically limited, heterogeneous, and challenging to acquire. Furthermore, for complex physical models, especially those with high dimensionality and computational cost, assembling such datasets can be prohibitively expensive.

To address the previous limitation, multi-fidelity (MF) surrogate modeling has emerged as a promising strategy. By combining the scarce and expensive high-fidelity simulations with a vast number of lower quality but fast to compute simulations, MF models can exploit correlations between these fidelity levels to efficiently approximate the high-fidelity response of complex systems (Fernández-Godino, 2016). In the biomechanical field, Gaussian Processes (GPs) models have pioneered in MF surrogate modeling, with applications in drug response modeling (Sahli-Costabal et al., 2019), tissue growth dynamics (Lee et al., 2020; Han et al., 2022), arrhythmia prediction (Gander et al., 2022), and global respiratory mechanics estimation (Barahona et al., 2024). However, traditional GP models are generally limited to low-dimensional output predictions and do not scale well for high-dimensional problems (Liu et al., 2018; Gilboa et al., 2013).

Recent deep learning-based (DL) surrogate models via neural networks (NNs) offer a more scalable alternative for learning the solution fields of high-dimensional problems. Multi-fidelity neural networks (MFNNs) have recently been proposed to approximate complex, high-dimensional outputs arising from finite element models (Aydin et al., 2019; Meng and Karniadakis, 2020; Meng et al., 2021; Guo et al., 2022; Pawar et al., 2022a). Nevertheless, emulating physical systems with millions of degrees of freedom—especially when accounting for multiphysics or time-dependent behavior—remains computationally demanding. This has led to the adoption of dimensionality reduction techniques, which compress large-scale simulation data into compact representations. In physics problems, these methods have been successfully applied in surrogate modeling across spatial (Lee et al., 2018; Eivazi et al., 2020; Conti et al., 2024; Tong et al., 2024), temporal (Bellamine and Elkamel, 2008; Liu et al., 2021), and spatiotemporal domains (Greve and van de Weg, 2022; Fresca and Manzoni, 2022; Schneider et al., 2024). Recent efforts have combined dimensionality reduction with MFNNs to model wind turbine wake flows (Pawar et al., 2022b) and monitor structural health (Torzoni et al., 2023). Despite these advances, the use of multi-fidelity, reduced-order deep learning techniques in modeling complex physiological systems with translational applications in medicine remains underexplored.

In this work, we develop a framework that leverages a state-of-the-art- multi-fidelity neural network with a dimensionality reduction technique to efficiently train and predict the spatiotemporal poromechanical response of human lungs under MV. We evaluate the model performance in predicting displacement and alveolar pressure fields throughout the lung domain. In Section 2, we revisit a continuum poromechanical formulation of the lungs suitable for patient-specific simulation and generate FE simulations at two fidelity levels using fine and coarse mesh discretizations. We then apply a dimensionality reduction technique to transform the high-dimensional spatiotemporal responses into low-dimensional representations via principal components. Based on this, we train a reduced-order multi-fidelity neural network (rMFNN) using both high- and low-fidelity data collected across a range of physiological and mechanical parameters. In Section 3, we assess the accuracy of the dimensionality reduction and the predictive capabilities of the proposed multi-fidelity model, and compare its performance with that of a single-fidelity neural network model. Finally, in Section 4, we discuss the benefits and limitations of the proposed framework and outline directions for future research.

2 Materials and methods

2.1 Lung poromechanical modeling

To represent the mechanical interaction between airflow and tissue deformation, we follow a continuum poromechanical formulation for continuum lung dynamic simulations (Avilés-Rojas and Hurtado, 2022). This framework considers the lung parenchyma as a continuum deformable porous medium subject to displacement, traction, flux, and airway pressure boundary conditions. Let Ω0R3 be the lung domain in the reference configuration, and ΩtR3 its current configuration at the time instant tR, which is uniquely determined by the deformation mapping φ:Ω0×RR3 such that Ωt=φ(Ω0,t). The deformation gradient is given by Fφ(X,t) and the Jacobian is defined as Jdet(F). We assume that alveolar gas and tissue colocate in the lung domain and that their interaction is governed by conservation laws. Neglecting inertial terms and viscous stresses, and assuming incompressibility of both gas and tissue phases, one can show that the material formulation of mass and linear momentum balance read.

DivP+B=0,in Ω0×R,(1)
φt+DivQ=0,in Ω0×R,(2)

respectively, where in Equation 1, P is the first Piola-Kirchhoff stress tensor, and in Equation 2, Q corresponds to the material airflow field. Further, we assume that airflow follows Darcy’s law,

Q=1ηJF1κFTgradPalv+ρaFTB,(3)

where Palv in Equation 3 is the material alveolar pressure field, κ=κI is the intrinsic permeability tensor for an isotropic medium with permeability κ, and η represents the gas dynamic viscosity. The term B represents the material body (gravity) force density field. Although gravity is known to influence regional lung mechanics (e.g., dependent vs non-dependent regions), we neglected body forces in this work to simplify the formulation and isolate the effects of ventilator settings on the poromechanical response.

To represent the mechanical behavior of lung parenchyma, we considered a Blatz-Ko type hyperelastic model with strain energy function (Birzle et al., 2019) given by

WC=cI1C3+cβI3Cβ1+c1I1CI3C1/33d1+c3I3C1/31d3,(4)

where in Equation 4 C is the right Cauchy-Green tensor, and I1(C), I3(C) are the corresponding invariants of C. The parameters c and β are related to the Young’s modulus E and Poisson’s ratio ν by E=4c(1+ν) and ν=β/(1+2β), respectively.

2.2 Finite element modeling of high-fidelity and low-fidelity lung poromechanics

Using the described poromechanical formulation, we constructed low-fidelity and high-fidelity finite element models of human lungs under mechanical ventilation. The anatomical domain was extracted from 3D computed tomography (CT) images of human subjects at end-of-expiration, previously reported by our group (Hurtado et al., 2017), see Figure 1A. To create anatomical tetrahedral models, we performed image segmentation and mesh generation following the procedures detailed in (Hurtado et al., 2016). The high-fidelity model resulted in left and right lungs with 45,288 and 59,355 elements, respectively, see Figure 1B). In the case of the low-fidelity model, the left and right lung meshes comprised 2,499 and 3,282 elements, respectively, see Figure 1C). We partitioned each model surface into two boundaries: the airway inlet surface and the visceral pleural surface, whose union comprises the entire lung surface. Based on this boundary partition, we simulated a pressure-controlled ventilation (PCV) mode by prescribing a pressure P̄ at the airway inlet boundary, denoted Γaw. We highlight that for the high-fidelity model, we prescribed the pressure in three disconnected airway boundary surfaces, which we determined by considering the surface encompassing bifurcations from the mediastinal surface down to the lobar bronchi (Figure 1B). For the low-fidelity model, we prescribed the airway pressure only on one surface, due to the proximity of airways in the coarser mesh discretization (Figure 1C). To model the interaction of the lung with the chest wall, we considered spring elements with stiffness coefficient Ks to apply a Robin condition of the form T̄(X)=Ksφ(X)X (Figures 1B,C).

Figure 1
Panel A shows a CT scan of human lungs within a 3D box projection. Panel B illustrates high-fidelity finite element (FE) model lungs with detailed mesh structure. Panel C displays low-fidelity FE model lungs with a simplified mesh, highlighting differences in detail and complexity.

Figure 1. Construction of high-fidelity and low-fidelity lung finite element models. (A) From a patient-specific chest computed tomography image, we determine the lung domain, from which we generate finite element tetrahedral meshes for (B) the high-fidelity model (fine mesh), and for the (C) low-fidelity model (coarse mesh). Red element surfaces denote the regions where boundary conditions are prescribed. The remaining boundary is subject to linear springs to represent the stiffness of the chest wall that surrounds the lung.

We represented the PCV mode with a time-dependent pressure function P̄(t) on the airway boundary that resembles the ventilator square wave pressure signals employed in clinical applications. At the onset of inspiration, this function linearly increased until reaching and maintaining a peak inspiratory pressure (PIP), such that P̄=PIP. Then, the pressure returned to zero during the expiratory phase (P̄=0), after which the respiratory cycle repeats. We considered 2 respiratory cycles. To simulate a normal lung at rest, each respiratory cycle considered 1 s of inspiration followed by 2 s of expiration, which is equivalent to a respiratory rate of 20 breaths per minute (Bellani, 2022).

Table 1 shows the baseline values for all of the lung model parameters, which have been shown to deliver a mechanical and global physiological response that is in the range of those reported for normal human lungs (Avilés-Rojas and Hurtado, 2022; Barahona et al., 2024). These parameters encompass the PIP pressure value (P̄PIP) set on the mechanical ventilator, the tissue constitutive model, the porous medium permeability, and the chest wall boundary condition. We also considered a ±50% range around these baseline values to define a parameter space from which sampling points are randomly drawn during the dataset generation for training the surrogate. As shown in (Barahona et al., 2024), the lung mechanical response is not sensitive to variations in parameters d1 and d3, and thus we kept these parameters fixed to avoid redundancy. For simplicity, we define the parameter vector ξ=[P̄PIP,c,β,c1,c3,k,Ks], which will take values on the parameter space ΞR7 defined by the cartesian product of the intervals defined in Table 1.

Table 1
www.frontiersin.org

Table 1. Lung model parameters, baseline values, and intervals for the parameter space considered in lung simulations.

For the spatiotemporal discretization of the poromechanics formulation, we employed a backward Euler time-integration scheme and a standard Galerkin multi-field FE discretization (Avilés-Rojas and Hurtado, 2022; Hurtado and Zavala, 2021). This numerical scheme was implemented using the FEniCS library (Alnæs et al., 2015), running all simulations in Python 3.8. We denote the FE simulator as S(ξ), where ξ is the input parameter vector (Figure 2A). Once a high- or low-fidelity FE lung simulation is completed, we obtain the spatiotemporal response Y=S(ξ). This response consists of a time series of 4 quantities: the displacement field components ux,uy,uz and the alveolar pressure palv for each node of the mesh. Therefore, for each lung and fidelity level, the response is a 3-D array with shape YR4×K×T, where K is the total number of mesh nodes and T is the number of simulated time steps. Each simulation covered 2 respiratory cycles encompassing T=120 time steps. Once the FE simulations are carried out, we can further compute the lung tidal volume, flow, and airway pressure signals as.

VsimtΩ0JtdΩ0Vlung,0,(5)
V̇simt=Vsimtt,(6)
Paw,simtP̄t,(7)

where in Equation 5 Vlung,0 is the lung volume in the reference configuration (end-of-expiration) and in Equation 6 Vsim(t) is the lung volume at time t. Using these signals, we estimate lung mechanics parameters such as the respiratory-system compliance Crs and airway resistance R from least-squares regression. We refer the interested reader to (Avilés-Rojas and Hurtado, 2022) for further details of the parameter estimation procedure.

Figure 2
Flowchart depicting a process for spatiotemporal FE lung simulation. Panel A shows input parameters leading to simulation, with outputs visualized as color changes over time. Panel B details dataset generation, distinguishing between high-fidelity and low-fidelity samples. Panel C illustrates dimensionality reduction, converting complex data into principal components.

Figure 2. Dataset generation to train the multi-fidelity surrogate model. (A) We refer to FE lung simulation as S, which takes as input the parameter vector ξ and produces a spatiotemporal response of the lungs (displacement and alveolar pressure fields) during the respiratory cycle, i.e., z=S(ξ). (B) For each fidelity level F, we perform NF simulations to generate an output dataset matrix ZF, with NHNL. (C) We then perform an SVD to reduce the high dimensionality of the spatiotemporal response in both datasets. This process yields a scores matrix YkFRNF×M of k principal components. We utilize this reduced dataset to efficiently train a multi-fidelity neural network.

2.3 Dimensionality reduction of spatiotemporal datasets

We reduce the dimensionality of the simulation datasets via singular value decomposition (SVD). Let F{H,L} denote the fidelity label, where H and L correspond to a high or low-fidelity simulation, respectively. To construct the datasets, we sampled NF parameter vectors {ξnF}n=1,,NF from the parameter domain Ξ (Figure 2B). For each parameter vector ξnF we run a lung simulation (S(ξnF)), obtaining the corresponding spatiotemporal response YnF. We denote by q any of the four simulated quantities in YnF(ux,uy,uz,palv). For each qRK×T we apply a flatten operation to produce a horizontally concatenated vector znF,q={zt1,nF,q,zt2,nF,q,zt3,nF,q,,ztT,nF,q}, where zti,nF,qRK contains the nodal solutions of q at time instant ti. We note that znFRM, with M=KT. By doing a vertical stack of all the concatenated vectors from the NF simulations, {znF}n=1,,NF, we obtain for q an output matrix ZF,qRNF×M

ZF,q=z1F,qz2F,qzNFF,q=zt1,1F,qzt2,1F,qzt3,1F,qztT,1F,qzt1,2F,qzt2,2F,qzt3,2F,qztT,2F,qzt1,NFF,qzt2,NFFzt3,NFF,qztT,NFF,q.(8)

From Equation 8, we note that, since four separate output matrices are generated for each lung and each fidelity level, this leads to a total of 4×2×2=16 distinct datasets. We also emphasize that each sampled parameter vector ξnF implies running a simulation for both the left and right lungs. The high dimensionality of M makes it unfeasible to train a neural network to directly predict the output array ZF,q. Nevertheless, we assume that the simulated lung response should be highly correlated. Spatially, the displacement and alveolar pressure fields in lung tissue are expected to exhibit smooth and coherent variations across adjacent/neighbor nodes Xi,Xj. Temporally, the values of the simulated fields in a certain nodal location Xi between consecutive time steps tn,tn+1 should also exhibit a high correlation. These observations motivate us to apply a dimensionality reduction technique in order to efficiently train the surrogate model. Performing an SVD on each dataset matrix ZF,q (Figure 2C) results in

ZF,q=UF,qΣF,qWF,q,(9)

where in Equation 9, UF,qRNF×NF is an orthogonal matrix whose columns are called the left singular vectors of ZF,q, ΣF,qRNF×M is a rectangular diagonal matrix whose values are the singular values of ZF,q, and WF,qRM×M is an orthogonal matrix whose columns are the right singular vectors (principal directions) of ZF,q, with as the transpose operator. It can be shown that a scores matrix YF,qRNF×M of the SVD can be written as

YF,q=ZF,qWF,q,(10)
=UF,qΣF,q,(11)

where in Equations 10, 11, the columns of YF,q are the scores or principal components. This matrix represents the original high-dimensional data transformed into the new low-dimensional space defined by the principal components. We can obtain a truncated score matrix YkF,qRNF×k by considering the first k principal components that capture the majority of the variability (upon a certain threshold) of the original spatiotemporal data, with kM

YkF,q=UkF,qΣkF,q,(12)
=ZF,qWkF,q.(13)

We note that Equations 12, 13 represent a reduced or comprised form of the dataset ZF,q. Consequently, each row ynF,q of YkF,q contains the k principal components (PCs) for the n-th sample, i.e., ynF,q=[PC1,nF,q,,PCk,nF,q] Given the reduced response YkF,q, we can expect to obtain an accurate reconstruction ZF,qZRF,q by applying the inverse transform in Equation 14:

ZRF,q=YkF,qWF,q(14)

2.4 Construction of multi-fidelity neural network surrogate models

The primary goal of this work is to develop a DL surrogate model that can take advantage of multi-fidelity data to quickly emulate and predict the spatiotemporal response of patient-specific FE lungs under MV. Specifically, we aim to predict the temporal evolution of displacement and alveolar pressure fields given a specific configuration of the ventilator setting, constitutive model parameters, tissue permeability, and chest wall stiffness (Figure 3). We assume that due to their much lower computational cost, we have considerably more observations from low-fidelity simulations than their high-fidelity counterpart, resulting in NHNL. The multi-fidelity approach builds on the observation that the abundant low-fidelity data, while computationally inexpensive, capture the dominant parametric trends of the system response but introduce systematic errors due to coarse spatial discretization. High-fidelity simulations, while limited in numbers, provide accurate reference solutions of the spatiotemporal response and help correct the biases present in low-fidelity data. Furthermore, we expect that the principal components of the reduced lung responses from high- and low-fidelity datasets (YkH,q and YkL,q) present a certain correlation to be determined by the multi-fidelity neural network. For simplicity, in this section, we denote the parameter vector ξ as x, thus ξF=xF. We also refer to a single observation of YkH,q and YkL,q simply as yH and yL, respectively. Therefore, we assume that we have high- and low-fidelity datasets of the form DH={(xHi,yHi)i=1NH}={XH,YkH} and DL={(xLi,yLi)i=1NL}={XL,YkL}, respectively. For clarity, from now on, we will refer to low-fidelity as LF and high-fidelity as HF.

Figure 3
Diagram of a machine learning model showing the flow of input parameters through predictions and reconstruction. Inputs include various parameters like \( \xi \), \( \bar{P}_{\text{PIP}} \), and others. The model uses neural networks \( NN_L \) and \( NN_{H1} \), \( NN_{H2} \) for low and high fidelity predictions, respectively. Outputs are transformed through inverse transform, resulting in a reconstructed output. The design includes logical sections for LF and HF predictions, reconstruction, and final outputs \( z_{T_1}^H \) to \( z_{T_T}^H \).

Figure 3. Architecture of the reduced-order Multi-Fidelity Neural Network (rMFNN) surrogate model. The model combines three neural networks to learn the correlation structures between the reduced low- and high-fidelity data: a LF NN trained with abundant low-fidelity data, followed by two HF NNs to capture linear and nonlinear correlations between the reduced-order responses yL and yH. The inputs for NNH1 and NNH2 is a concatenation () of input parameters xH and the LF output yL. Given a new input, the rMFNN predicts the HF principal components yH, which are then mapped back (reconstructed) to the original space ([zt1H,zt2H,zt3H,,ztTH]) by applying the inverse SVD transform. Dashed boxes and lines indicate that separate rMFNNs are constructed and trained for each output quantity (ux, uy, uz, and palv) and for each lung independently.

In the following, we adopt a multi-fidelity architecture specifically developed for physics-based problems Meng and Karniadakis (2020). To find and leverage the relation between low- and high-fidelity data, we consider a generalized autoregressive scheme (Perdikaris et al., 2017) between the LF (yL) and the HF (yH) principal components described by

yH=FyL+δx.(15)

In Equation 15, F represents a linear/non-linear mapping from yL to yH, and δ(x) is an additive correction surrogate. Furthermore, the equation can be written as

yH=Fx,yL,(16)

from which we decompose F in

F=Fl+Fnl,(17)

where Fl and Fnl are the linear and nonlinear components, respectively. Therefore, Equations 16, 17 can be written as

yH=Flx,yL+Fnlx,yL,(18)

which combines both linear and nonlinear mappings in the final prediction of HF data. To emulate Equation 18, we employ a composite architecture of three neural networks: a LF NN to learn the low-fidelity data, followed by two HF NNs to capture both linear and nonlinear correlations between low- and high-fidelity data (Meng and Karniadakis, 2020). We summarize this framework as follows.

The first neural network, NNL(xL,θL), is trained using abundant LF data to capture broad trends and features, acting as a baseline learner in our multi-fidelity setup. Thus, we obtain an approximation for the LF response of the form yLNNL(xL,θL).

The second neural network, NNH1(xH,yL,θH1) does not include an activation function in order to learn a linear mapping from the outputs of NNL to the HF targets, thus Fl=NNH1.

The third neural network, NNH2(xH,yL,θH2) is designed to identify and model any nonlinear relationships between the LF and HF outputs, thus Fnl=NNH2.

In this architecture, θL, θH1, and θH2 are the unknown parameters (weights and biases) to be learned by each network. Figure 3 shows a diagram with the proposed reduced-order Multi-Fidelity Neural Network (rMFNN). We note that the input for NNH1 and NNH2 is a concatenation of their corresponding input parameters xH and the LF output yL. Furthermore, we highlight that the approximate HF response of the neural network is given by yHNNH1+NNH2. To learn the network parameters, we optimize the following loss function (Equations 1921), which aims to minimize the errors across all fidelity levels:

L=MSEL+MSEH+λLΣθL2+λH1ΣθH12+λH2ΣθH22,(19)

where in Equation 19 we define

MSEL=1NLi=1NLŷLyL2,(20)
MSEH=1NHi=1NHŷHyH2,(21)

i.e., mean squared errors (MSE) from which ŷL and ŷH are the NNL and NNH predictions, and λL, λH1 and λH2 are the L2 regularization rates for θL, θH1, and θH2.

2.5 Dataset generation, surrogate model training, and validation

We generated spatiotemporal datasets from FE simulations using the Latin hypercube sampling technique (LHS) to select sampling points from the parameter space Ξ (Table 1). Sampling points were drawn independently for the LF and HF datasets. We ran NH=25 HF simulations and NL=300 LF simulations. Thus, for each simulated quantity q (ux, uy, uz, palv) we obtained the corresponding output matrix ZF,qRNF×M, from which we recall that M=KT. For the HF datasets, K=4566 and K=5796 in the left and right lungs, respectively. For the LF datasets, K=318 and K=403 in the left and right lungs, respectively. For each output matrix, we performed SVD in order to obtain the truncated score matrices YkF,qRNF×k that represent the reduced-order dataset of quantity q. We consider the first k principal components that capture at least 99% of the cumulative variance.

In constructing the rMFNN surrogate model, we tuned the following hyperparameters: regularization rate (λ), number of hidden layers (Nlayers), and number of neurons per layer (Nneurons). Based on preliminary experiments, we observed that relatively compact architectures already achieved satisfactory performance. To balance model expressiveness and computational feasibility, we fixed the LF network NNL with the following values {λL:1e3, Nneurons:60, Nlayers:5}, and for both HF networks NNH1 and NNH2 we conducted a simultaneous grid-search for the values {λH1,H2:[1e1,1e3], Nneurons:[30,60], Nlayers:[3,6]}. To bound the cost of the grid-search, we constrained both HF networks to share the same regularization value, i.e., λH1=λH2. For all three networks, we considered two activation functions: [Tanh, ReLU]. Therefore, we look for the architecture with the best performance among 16 possible combinations. We emphasize that we build separate surrogates for each quantity q (ux, uy, uz, palv), i.e., 4 for each lung (Figure 3). To implement the composite architecture we use the PyTorch library (Paszke et al., 2019). To minimize the loss function, we used the Adam optimizer (Kingma and Ba, 2014) with an initial learning rate α=1e3 and 5,000 epochs, which was found to be sufficient to ensure convergence without signs of overfitting across the tested configurations.

To train and evaluate the rMFNN, we split the HF reduced dataset into 15 observations for training and 10 for testing. We used all 300 LF samples for training, resulting in a ratio of LF/HF training data of 20:1. We standardized all input values by subtracting the mean and dividing by their standard deviation. To assess the performance of the rMFNN, we compared it against a reference model trained solely on the reduced-order HF data, referred to as the single-fidelity neural network (rSFNN). We note that this model is equivalent to only keep NNH2 in the composite architecture. For this rSFNN, we conducted the same grid-search configuration as the rMFNN counterpart. For model training and evaluation, we performed 3-fold cross-validation on the training HF data, using a train/validation split of 10/5 samples per fold. We trained, evaluated, and chose the model with the best performance in terms of the R2 score. Since separate networks were trained for each output field (ux, uy, uz, palv), performance was evaluated using the R2 score of the first principal component (PC1) of ux in the right lung, chosen as a representative output to enable consistent comparison between models

R2=1RSSPC1,uxTSSPC1,ux,(22)

with

RSSPC1,ux=1Ni=1Nyŷ2,(23)
TSSPC1,ux=1Ni=1Nyȳ2.(24)

In Equations 2224, y are the HF ground truth PC1 values of the ux, ȳ is the mean, ŷ are the predicted PC1 values of the ux (by either the rSFNN or rMFNN model), and N is the number of evaluated samples. We note that the best possible R2 score is 1.0 and it may take negative values since the model can be arbitrarily worse. We chose the evaluation on PC1 since it is the most relevant in terms of the explained variance. We remark that the best model architecture for ux is also used for the other networks (uy, uz, palv).

Then, we assessed the predictions of the optimal rSFNN and rMFNN architectures for (ux, uy, uz, palv) with respect to their corresponding HF testing data on both lungs. In addition to the R2 score, we reported the mean absolute error (MAE), defined as

MAE=1Ni=1N|yŷ|,(25)

In addition to Equation 25, we evaluated the reconstructed spatial response at peak of inspiration instant for both surrogates by means of the relative error (in percentage), defined in Equation 26.

ϵ=|ztPIPẑtPIPztPIP|100%,(26)

To compare the effect of the HF dataset size on the performance of both rSFNN and rMFNN models, we introduce the equivalent high-fidelity training cost, denoted as Ceq in Equation 27. This metric expresses the combined computational expense of using both HF and LF data (in rMFNN models) in terms of an equivalent number of HF samples. We define it as

Ceq=CH+CL,(27)

where CH=NH is the number of HF samples used for training, and CL represents the additional cost contribution from obtaining LF samples, expressed in Equation 28 as the HF equivalent

CL=NLTLTH,(28)

with NL denoting the number of LF samples and TL and TH the average computational time required by one LF and HF simulation, respectively. For rSFNN models, we note that CL=0 since only HF samples are used for training.

All nonlinear finite element simulations and neural networks training were performed using a single Intel Core i7 processor with 16 Gb RAM.

3 Results

3.1 Numerical simulations of high- and low-fidelity lung poromechanical models

Figure 4A shows the displacement magnitude field at the end of inspiration for HF and LF FE models using baseline parameter values. The lowest displacement values are located around the entrance of the airway. The frequency distributions for both models are shown in Figure 4B, where differences are readily observed: the LF distribution is more skewed to the left than the HF distribution. The airway pressure, airway flow, and lung volume signals postprocessed from simulations are reported in Figure 4C. The LF model resulted in lower amplitudes for volume and flow rate compared to the HF model response. In terms of computational cost, HF simulations took TH2.7 h, whereas LF simulations typically required TL2.9 min, resulting in a 55× speedup.

Figure 4
3D models and graphs compare high-fidelity and low-fidelity simulations. Panel A shows color-coded 3D nasal cavity models, indicating displacement. Panel B displays node frequency histograms for each model. Panel C presents airway pressure, flow, and volume charts over time, with lines for prescribed, high-fidelity, and low-fidelity data.

Figure 4. Numerical simulation of lung finite element models using the baseline values of model parameters. (A) Displacement field of the right lung at peak volume/end of inspiration time during PCV mode. (B) Frequency of the mesh nodes by their displacement value. (C) Computed signals over two respiratory cycles during the PCV mode: the physiological signals describe the time evolution of the prescribed airway pressure, airflow, and lung volume, which are shown for the HF (dashed) and LF models (dotted). The top and bottom rows in (A,B) correspond to HF and LF models, respectively.

3.2 Singular value decomposition of spatiotemporal datasets

SVD resulted in principal components whose accumulated explained variance for each spatiotemporal dataset for fields (ux, uy, uz, and palv) are reported in Figure 5A for both fidelity levels and for the right lung. For left lung analysis, see Supplementary Figure S1. For the displacement field components of the HF and LF datasets, 99% of the cumulative explained variance (dashed line threshold) was reached when considering the first three principal components. For the case of the alveolar pressure field, only two principal components were required to achieve the same level of cumulative explained variance. Incremental variance associated to each principal component, displayed as colored bars in Figure 5A, shows that the first principal component (PC1) roughly explains 90% of the variance in the response of all fields. This trend is shared by both the left and right lung models. In addition, an asymptotic behavior after the fifth principal component Y5F is observed in all cases. Figure 5B shows the spatial displacement and alveolar pressure fields that result from reconstructing them based on PC1 alone.

Figure 5
Graphical comparison of high-fidelity and low-fidelity models for principal component analysis (PCA). Panel A shows four bar and line graphs with PC index on the x-axis, and explained variance percentage on the y-axis, comparing high-fidelity (solid lines) and low-fidelity (dashed lines) data sets. Each graph represents different parameters: \(u_x\), \(u_y\), \(u_z\), and \(p_{alv}\). Panel B includes four corresponding colored 3D lung shapes, each representing a different parameter's deformation or pressure distribution, illustrating spatial variance.

Figure 5. Analysis of variance from principal component analysis of HF and LF models. (A) For each quantity subplot (ux, uy, uz, palv), the left y-axis indicates the cumulative explained variance (line with markers), while the right y-axis shows the explained variance per individual component (bars). The 99% cumulative threshold is marked with a dashed line for reference. (B) Reconstructed spatial fields ux, uy, uz, and palv using the first principal component alone.

3.3 Hyperparameter tuning and performance assessment of surrogate models

Table 2 reports the results for the hyperparameter tuning step for both trained rSFNN and rMFNN models. The optimal rMFNN model has twice as many neurons and hidden layers as its rSFNN counterpart, and a lower regularization value λ. We note that this step results in the same value for the activation function for both models. The R2 score was determined from a 3-fold cross-validation procedure using the training dataset and evaluated on the right lung first principal component (PC1) of ux, as described above. The rMFNN model resulted in a higher mean R2 than the rSFNN model (90.6% vs. 71.6%). Dispersion of the R2 score was smaller for the rMFNN model than for the rSFNN model. The training time considers the entire cross-validation process for each network. The rMFNN model takes roughly 3 times longer to train than the rSFNN counterpart. The inference time considers both the prediction time of each neural network and the reconstruction time of the response to have the same format as the simulation outputs. Both models present similar inference times.

Table 2
www.frontiersin.org

Table 2. Hyperparameter tuning of single-fidelity (rSFNN) and multi-fidelity (rMFNN) neural networks, training and inference times, and R2 scores (mean and std. deviation) after the 3-fold cross-validation procedure on the right lung first principal component (PC1) predictions of ux.

Principal component predictions from the surrogate models were evaluated against HF ground truth on the test set using R2 and MAE (Table 3). For rSFNN, R2 scores were generally higher in the left lung, with the lowest performance observed in palv predictions (83%). This pattern was mirrored in the MAE values across lungs. In contrast, the rMFNN model achieved R2 scores above 93% across all cases and lungs, with consistently lower MAE than the rSFNN.

Table 3
www.frontiersin.org

Table 3. Performance metrics of principal components predictions of the single-fidelity (rSFNN) and multi-fidelity (rMFNN) neural networks surrogate models.

Figure 6 shows the predicted displacement magnitude and alveolar pressure fields at peak inspiration instant for a case of the test set, using rSFNN and rMFNN models. Visually, rMFNN exhibits smaller absolute errors than rSFNN for both quantities, with predictions that are similar to the ground-truth fields. To quantify spatial prediction accuracy, we analyze pointwise errors at 100 randomly selected nodes (test landmarks) from the high-fidelity lung domain (Figure 7A). Relative error distributions for the left and right lungs are presented in Figure 7B, C for u and palv, respectively. Both subplots show consistently lower errors with the rMFNN model. A full error analysis across the test set is provided in Supplementary Figure S2.

Figure 6
Visual comparison of lung models using ground truth, rSFNN, and rMFNN techniques, with corresponding error maps. Panel A shows displacement in centimeters, Panel B visualizes pressure in kilopascals, and Panel C displays airway pressure. Each panel includes colored and grayscale models with color bars indicating measurement scales.

Figure 6. Performance analysis of displacement and alveolar pressure field predictions by the single-fidelity (rSFNN) and multi-fidelity (rMFNN) surrogate models. Ground truth fields are values obtained from a high-fidelity FE lung simulation. (A) Displacement magnitude fields on the surface of lung domains, (B) Displacement magnitude field on a coronal plane, and (C) Alveolar pressure field on a coronal plane. The last two rightmost columns show the absolute error between ground truth and surrogate model predictions.

Figure 7
Image showing three panels: A, B, and C. Panel A depicts a 3D model labeled “high-fidelity domain” with black dots representing test landmarks on both lungs. Panels B and C are box plots. Panel B compares relative error percentages for

Figure 7. Nodal error assessment of predictions by the rSFNN and rMFNN surrogate models. (A) Landmark nodes inside the lung domains. Relative error distributions in the prediction of nodal values are shown for the displacement (B) and alveolar pressure fields (C) at landmark nodes.

3.4 Lung mechanics from surrogate models

Figure 8A presents the temporal evolution of airway flow and lung volume for a representative test case, computed from rMFNN predictions (dashed line) using Equations 5, 6, alongside ground truth from FE simulations (solid line). The surrogate closely matches the ground truth, with RMSE values of 4.369L/min for flow and 0.002L for volume. RMSE results across the full test set are provided in Supplementary Table S1. Figure 8B shows displacement and alveolar pressure fields on coronal slices at peak inspiratory flow, peak expiratory flow, and mid-expiration.

Figure 8
Graph A shows airway pressure, flow, and volume over time with prescribed, ground-truth, and surrogate prediction data. Flow and volume graphs include RMSE values. Graph B displays lung models at three time points, \(t_1\), \(t_2\), \(t_3\), indicating displacement in centimeters and pressure in kilopascals with a color scale.

Figure 8. (A) Lung mechanics from multi-fidelity neural network (rMFNN) predictions. Dashed line denotes flow and volume from the rMFNN model. Solid lines show ground truth values from lung FE poromechanical simulations. (B) Displacement and alveolar pressure fields predicted by the rMFNN model along the respiratory cycle.

3.5 Computational cost and effect of the dataset size in model performance

Figure 9 shows the RMSE of the principal components predictions of ux versus computational training cost for rSFNN and rMFNN models. We visualize the errors of models trained with five different HF training sizes: from a reduced set of 10 up to the original 15 samples used in the surrogates presented throughout this work. The rMFNN cost accounts for the combined computational time of HF and LF data in terms of the equivalent high-fidelity training cost (Ceq). Given that each HF simulation takes TH162 minutes and each LF simulation TL2.9 minutes, the additional cost contribution from the obtained 300 LF samples are equivalent to CL=300×2.9/162=5.37 HF simulations. This consideration results in a positive (right) shift in the equivalent HF training cost axis for the rMFNN case. Across all five cases, rMFNN consistently outperformed rSFNN. With 10 HF samples (i.e., equivalent HF training cost Ceq=15.37 samples), the rMFNN achieved a 61% reduction in the RMSE when compared to the rSFNN trained with the same number of samples (43.9±13.2[cm] vs. 112.1±17.5[cm]). An analysis of the training cost interval where both model intersect (shaded area between 15.37–18), we note that the rMFNN model always achieves a lower RMSE compared with the rSFNN model. We further note that the rMFNN model does not significantly decrease its RMSE as the HF training dataset size increases. In addition, we explore the effect of the LF dataset size on rMFNN performance, comparing models trained with 50 (CL=0.89), 100 (CL=1.79), and the original 300 LF samples. To improve readability, for the 50 and 100 LF cases we only report the mean RMSE. In general, the rMFNN RMSE decreased as the LF dataset size increased.

Figure 9
Line graph showing RMSE of \( u_{w} \) in centimeters on the y-axis versus equivalent high-fidelity training cost \( C_{eq} \) on the x-axis, ranging from 10 to 22. Four models are compared: rSFNN, rMFNN with \( N_L = 50 \), \( N_L = 100 \), and \( N_L = 300 \). rSFNN is represented by a green line with decreasing error. rMFNN with \( N_L = 50 \) has stable orange errors. rMFNN with \( N_L = 100 \) and \( N_L = 300 \) have decreasing errors in blue and purple, with the latter performing best overall. Shaded areas indicate variance.

Figure 9. Comparison of model errors against the equivalent high-fidelity training computational cost Ceq. Solid lines represent the mean RMSE of the predicted first principal components of ux for rSFNN and rMFNN models, trained with an increasing number of HF samples (from 10 to 15). Shaded regions indicate the standard deviation. The vertical gray box is the region where both models are comparable in terms of the training cost. The effect of low-fidelity dataset size on the rMFNN performance is shown for NL=50, NL=100, and NL=300 training samples; for the first two, only the mean RMSE is shown for clarity. * corresponds to the multi-fidelity model used throughout this work.

4 Discussion

In this work, we leverage multi-fidelity deep learning and dimensionality reduction to construct efficient and accurate surrogate models of the spatiotemporal poromechanical response of lungs connected to mechanical ventilation. A crucial component of our framework is the dimensionality reduction of spatiotemporal datasets used to train NN models. We found that as few as 5 principal components are sufficient to capture over 99% of the cumulative variance in both the displacement and alveolar pressure fields (Figure 5). This reduced set of principal components translates into a convenient complexity reduction that has also been reported in the literature when modeling other physical systems. Indeed, the optimal number of principal components ranged between 3 and 11 in the prediction of stress fields in patient-specific skull geometries (Lee et al., 2018), in the numerical simulation of fluid velocity fields in wake models (Pawar et al., 2022b), in the prediction of soft tissue deformation in childbirth simulation (Nguyen-Le et al., 2023), and in the construction of temperature and pressure fields in thermomechanical simulations of clutches (Schneider et al., 2024). We remark that these contributions focus on reducing the dimensionality of the spatial domain only, which highlights the novelty of our work in incorporating the temporal dimension into datasets that are analyzed using SVD.

A key objective of our work is the construction of a reduced multi-fidelity surrogate model, which we have shown delivers more accurate spatial predictions of the displacement and alveolar pressure fields than the single-fidelity model using the same number of HF samples for training (Figure 6). The rMFNN model consistently achieved test R2 scores above 93% and in average 97% for all cases (ux, uy, uz, and palv), outperforming the rSFNN model 3. Further, the rMFNN results in a MAE reduction of 56% and 83% in the prediction of displacements and alveolar pressure principal components. Further, the rMFNN achieved an average reduction of the median relative error on the test set of roughly 15% and 8% in the displacement and alveolar pressure fields, respectively (Figure 7; Supplementary Figure S2). However, in some cases, there are outliers with high errors in the nodal predictions, which we argue is due to the inevitable loss of SVD information, as well as the fact that the HF dataset is very small. These results highlight the benefit of considering a multi-fidelity architecture that benefits from adding LF data to the training step of the surrogate model. This trend is shared by other contributions in the literature. Gaussian Process surrogate models trained to predict spatial growth during tissue expansion have achieved relative errors below 1% between the single- and multi-fidelity models (Lee et al., 2020), on domains discretized with at most 100 regions. Multi-fidelity convolutional neural networks have been proposed to predict temperature fields governed by a linear heat equation in 2D square domains, resulting in a 62% reduction in MAE with only 10 HF data samples (Zhang et al., 2023). A long short-term memory architecture to predict fluid wake physics on rectangular 2D domains results in relative error reductions of up to 15% compared to single-fidelity models when predicting velocity and pressure fields (Conti et al., 2024). For a similar physical problem, surrogate models that consider PCA and multi-fidelity NN have demonstrated high prediction capabilities (Pawar et al., 2022b). Relative errors below 1% have been reported when compared to direct numerical simulations of the 2D domain of a flow past a cylinder. Further, the lung mechanics response to MV computed from rMFNN predictions shows a very high agreement with HF simulations (Figure 8A), with RMSE values that are similar to those offered by ML models specifically trained to predict lung mechanics (Barahona et al., 2024). Related to our combined deep learning and dimensionality reduction approach is the PCA-Net (Bhattacharya et al., 2021), an operator learning technique that uses PCA to reduce the dimensionality of both input and output spaces and then uses neural networks to approximate a map between the resulting finite-dimensional latent spaces. However, their implementation is in a single-fidelity setting. We conclude that our rMFNN model compares well to previously reported contributions while proving advantageous in that unstructured 3D domains can be considered for surrogate modeling of highly non-linear spatiotemporal problems, all crucial features that enable personalized predictions that have not been addressed in the past.

One key concern about DL models is the training computing effort. Our rMFNN model naturally results in a higher training computational cost than the rSFNN model (Table 2), an aspect frequently reported in the development of multi-fidelity surrogate models (Lee et al., 2020; Zhang et al., 2023; Barahona et al., 2024). This higher cost is attributed to the additional effort in creating LF samples for the training dataset and the larger number of parameters involved in composite NN architectures (Figure 3). One of the key results of this work is that this additional computational cost is well rewarded in terms of higher accuracy of surrogate prediction. Indeed, for the same equivalent training cost, the rMFNN model results in a considerably lower RMSE than the rSFNN model, offering roughly a 50% reduction in error for the same training cost (Figure 9. We also remark that the LF training dataset size has a marked effect on reducing the prediction error. This trend is clearly observed when increasing the LF sample size from 50 to 100. However, further increasing the LF sample size above 100 may not efficiently decrease the prediction error. This observation suggests that the LF dataset has an optimal size, which is likely to be problem-dependent and deserves a case-by-case analysis.

When analyzing the computational cost of predicting the spatiotemporal poromechanical lung response, our rMFNN model offers inference times that roughly take 21 s, which represents a speed-up of 462× when compared to HF (direct numerical) FE simulations. While we did not find other works on lung poromechanics, acceleration through DL surrogate modeling has been applied to other physiological systems of the human body. Speed-ups of 41× have been achieved in predicting the spatiotemporal electrophysiological behavior of the left ventricle (Fresca et al., 2020), which shares similar problem complexity and dimensionality as our lung poromechanical model. Siamese neural networks of 3D breast models have achieved speed-ups of 82.5× in the prediction of the displacement fields when compared to FE models (Dang Vu et al., 2021). Random-forest regression combined with PCA dimensionality reduction delivers speed-ups of 18× when predicting the 3D displacement fields in human liver geometries (Lorente et al., 2017). Higher speed-ups are obtained in static problems using shell models for predicting the mechanics of large vessels, where speed-ups up to 1800× have been reported in surrogate models built using PCA and NNs (Liang et al., 2018). Based on these examples, we conclude that our rMFNN lung model offers an attractive speed-up for fully 3D non-linear time-dependent problems. Further, achieving full lung spatiotemporal predictions in less than a minute offers a computational tool that holds promise in meeting the time requirements of clinical applications.

Our results demonstrate that combining dimensionality reduction with deep learning can be an effective strategy for approximating spatiotemporal lung simulations. There are several opportunities for improvement that can further increase the potential of our rMFNN lung model. First, the dimensionality reduction may benefit from exploring recent techniques such as autoencoders, which find interesting applications in biomechanical modeling (Fresca et al., 2020; Conti et al., 2024; Deshpande et al., 2025). Since an autoencoder is a neural network, it can provide greater flexibility and be easily adapted to the DL pipeline. Although autoencoders have shown an accuracy similar to that achieved by PCA and SVD (Bourlard and Kabil, 2022; Cacciarelli and Kulahci, 2023), their efficiency in speed-up with respect to the aforementioned techniques is still a relatively unexplored avenue of research (Fournier and Aloise, 2019). Second, while using only 15 HF samples for training may lead to overfitting or underfitting, the multifidelity framework is designed precisely to mitigate this limitation by leveraging the abundance of LF data to guide learning. Increasing the number of HF samples would reduce the risk of overfitting, but would also diminish the computational advantage and the purpose behind the multifidelity approach. However, we acknowledge that a sufficient number of HF test samples is required to properly validate the model and ensure its generalization capability. Future efforts should aim to optimize the sampling strategy, particularly to minimize unnecessary evaluations of the computationally expensive high-fidelity model Lee et al. (2020); Gander et al. (2022). Third, our rMFNN framework operates with fixed lung geometries, necessitating retraining when a different lung anatomy is analyzed. This limitation can be addressed by considering DL architectures that embed the topology of the physical system, such as Graph Neural Networks (GNNs) (Scarselli et al., 2008). Current applications of GNNs to biological systems include modeling cardiac mechanics (Dalton et al., 2022), brain shift simulations (Salehi and Giannacopoulos, 2022), cartilage and soft tissue mechanics (Sajjadinia et al., 2022), and foot biomechanical simulations (Kang et al., 2025). We foresee that an extension to lung poromechanics can leverage the geometrical flexibility provided by GNN modeling. Alternatively, operator learning techniques such as neural operators (NOs) have shown potential to learn and emulate PDEs while being discretization-invariant, which could be explored with a multi-fidelity setting Azizzadenesheli et al. (2024). Fourth, we note that the rMFNN model needs to include more variables to better represent clinical conditions. In particular, respiratory rate, tidal volume, and positive end-expiratory pressure are all important variables in MV that change from patient to patient. Further, lungs can display mechanical heterogeneity, particularly in pathological cases, which is not represented by a single set of constitutive parameters. Gravity is another important parameter known to have effects on both regional and global lung response Bettinelli et al. (2002); Hurtado et al. (2017). Therefore, future contributions should increase the number of variables to adequately capture clinical scenarios and pulmonary conditions such as respiratory distress and pulmonary emphysema (Hurtado et al., 2020; Villa et al., 2024; Nelson et al., 2024). Lastly, we remark that the poromechanical framework considered in the generation of spatiotemporal datasets only considers the non-linear hyperelastic behavior of lung tissue through phenomenological constitutive models. This approach, while practical and effective, cannot directly account for alveolar structural features (Concha et al., 2018) nor for the hysteretic response of alveolar tissue (Avilés-Rojas and Hurtado, 2025). Future contributions will benefit from incorporating multiscale tissue models that address the inelastic response of alveolar tissue. These and other improvements will contribute to the construction of predictive surrogate models that can greatly impact clinical applications in respiratory medicine.

Data availability statement

The raw data supporting the conclusions of this article are available from the corresponding author upon reasonable request.

Author contributions

JB: Investigation, Validation, Conceptualization, Writing – original draft, Software, Methodology. DH: Project administration, Supervision, Methodology, Funding acquisition, Writing – review and editing, Investigation, Resources, Conceptualization.

Funding

The author(s) declare that financial support was received for the research and/or publication of this article. This work received financial support from the Chilean National Agency for Research and Development (ANID) through grant FONDECYT Regular #1220465 and from graduate fellowship ANID BECAS/DOCTORADO NACIONAL #21220063.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

The author(s) declared that they were an editorial board member of Frontiers, at the time of submission. This had no impact on the peer review process and the final decision.

Generative AI statement

The author(s) declare that no Generative AI was used in the creation of this manuscript.

Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fphys.2025.1661418/full#supplementary-material

References

Agrawal D. K., Smith B. J., Sottile P. D., Albers D. J. (2021). A damaged-informed lung ventilator model for ventilator waveforms. Front. Physiology 12, 724046. doi:10.3389/fphys.2021.724046

PubMed Abstract | CrossRef Full Text | Google Scholar

Alnæs M., Blechta J., Hake J., Johansson A., Kehlet B., Logg A., et al. (2015). The fenics project version 1.5. Archive Numer. Softw. 3. doi:10.11588/ans.2015.100.20553

CrossRef Full Text | Google Scholar

Avilés-Rojas N., Hurtado D. E. (2022). Whole-lung finite-element models for mechanical ventilation and respiratory research applications. Front. Physiology 13, 984286. doi:10.3389/fphys.2022.984286

PubMed Abstract | CrossRef Full Text | Google Scholar

Avilés-Rojas N., Hurtado D. E. (2025). Integrating pulmonary surfactant into lung mechanical simulations: a continuum approach to surface tension in poromechanics. J. Mech. Phys. Solids 203, 106174. doi:10.1016/j.jmps.2025.106174

CrossRef Full Text | Google Scholar

Aydin R. C., Braeu F. A., Cyron C. J. (2019). General multi-fidelity framework for training artificial neural networks with computational models. Front. Mater. 6, 61. doi:10.3389/fmats.2019.00061

CrossRef Full Text | Google Scholar

Azizzadenesheli K., Kovachki N., Li Z., Liu-Schiaffini M., Kossaifi J., Anandkumar A. (2024). Neural operators for accelerating scientific simulations and design. Nat. Rev. Phys. 6, 320–328. doi:10.1038/s42254-024-00712-5

CrossRef Full Text | Google Scholar

Barahona J., Costabal F. S., Hurtado D. E. (2024). Machine learning modeling of lung mechanics: assessing the variability and propagation of uncertainty in respiratory-system compliance and airway resistance. Comput. Methods Programs Biomed. 243, 107888. doi:10.1016/j.cmpb.2023.107888

PubMed Abstract | CrossRef Full Text | Google Scholar

Bellamine F., Elkamel A. (2008). Model order reduction using neural network principal component analysis and generalized dimensional analysis. Eng. Comput. 25, 443–463. doi:10.1108/02644400810881383

CrossRef Full Text | Google Scholar

Bellani G. (2022). Mechanical ventilation from pathophysiology to clinical evidence. Springer. doi:10.1007/978-3-030-93401-9

CrossRef Full Text | Google Scholar

Bettinelli D., Kays C., Bailliart O., Capderou A., Techoueyres P., Lachaud J.-L., et al. (2002). Effect of gravity and posture on lung mechanics. J. Appl. physiology 93, 2044–2052. doi:10.1152/japplphysiol.00492.2002

PubMed Abstract | CrossRef Full Text | Google Scholar

Bhattacharya K., Hosseini B., Kovachki N. B., Stuart A. M. (2021). Model reduction and neural networks for parametric pdes. SMAI J. Comput. Math. 7, 121–157. doi:10.5802/smai-jcm.74

CrossRef Full Text | Google Scholar

Birzle A. M., Martin C., Uhlig S., Wall W. A. (2019). A coupled approach for identification of nonlinear and compressible material models for soft tissue based on different experimental setups – exemplified and detailed for lung parenchyma. J. Mech. Behav. Biomed. Mater. 94, 126–143. doi:10.1016/j.jmbbm.2019.02.019

PubMed Abstract | CrossRef Full Text | Google Scholar

Bourlard H., Kabil S. H. (2022). Autoencoders reloaded. Biol. Cybern. 116, 389–406. doi:10.1007/s00422-022-00937-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Brunton S. L., Noack B. R., Koumoutsakos P. (2020). Machine learning for fluid mechanics. Annu. Rev. fluid Mech. 52, 477–508. doi:10.1146/annurev-fluid-010719-060214

CrossRef Full Text | Google Scholar

Cacciarelli D., Kulahci M. (2023). Hidden dimensions of the data: pca vs autoencoders. Qual. Eng. 35, 741–750. doi:10.1080/08982112.2023.2231064

CrossRef Full Text | Google Scholar

Chen L., Han B., Wang X., Zhao J., Yang W., Yang Z. (2023). Machine learning methods in weather and climate applications: a survey. Appl. Sci. 13, 12019. doi:10.3390/app132112019

CrossRef Full Text | Google Scholar

Concha F., Sarabia-Vallejos M., Hurtado D. E. (2018). Micromechanical model of lung parenchyma hyperelasticity. J. Mech. Phys. Solids 112, 126–144. doi:10.1016/j.jmps.2017.11.021

CrossRef Full Text | Google Scholar

Conti P., Guo M., Manzoni A., Frangi A., Brunton S. L., Nathan Kutz J. (2024). Multi-fidelity reduced-order surrogate modelling. Proc. R. Soc. A 480, 20230655. doi:10.1098/rspa.2023.0655

CrossRef Full Text | Google Scholar

Dalton D., Gao H., Husmeier D. (2022). Emulation of cardiac mechanics using graph neural networks. Comput. Methods Appl. Mech. Eng. 401, 115645. doi:10.1016/j.cma.2022.115645

CrossRef Full Text | Google Scholar

Dang Vu M., Maso Talou G. D., Bai H., Nielsen P. M., Nash M. P., Babarenda Gamage T. P. (2021). “Rapid prediction of breast biomechanics under gravity loading using surrogate machine learning models,” in International conference on medical image computing and computer-assisted intervention (Springer), 49–61. doi:10.1007/978-3-031-34906-5_4

CrossRef Full Text | Google Scholar

Deshpande S., Rappel H., Hobbs M., Bordas S. P., Lengiewicz J. (2025). Gaussian process regression+ deep neural network autoencoder for probabilistic surrogate modeling in nonlinear mechanics of solids. Comput. Methods Appl. Mech. Eng. 437, 117790. doi:10.1016/j.cma.2025.117790

CrossRef Full Text | Google Scholar

[Dataset] Dong E., Du H., Gardner L. (2020). An interactive web-based dashboard to track covid-19 in real time. Lancet Infect. Dis. 20, 533–534. doi:10.1016/S1473-3099(20)30120-1

PubMed Abstract | CrossRef Full Text | Google Scholar

Eivazi H., Veisi H., Naderi M. H., Esfahanian V. (2020). Deep neural networks for nonlinear model order reduction of unsteady flows. Phys. Fluids 32, 105104. doi:10.1063/5.0020526

CrossRef Full Text | Google Scholar

Fernández-Godino M. G. (2016). Review of multi-fidelity models. arXiv preprint arXiv:1609.07196.

Google Scholar

Fournier Q., Aloise D. (2019). “Empirical comparison between autoencoders and traditional dimensionality reduction methods,” in 2019 IEEE second international conference on artificial intelligence and knowledge engineering (AIKE) (IEEE), 211–214. doi:10.1109/AIKE.2019.00044

CrossRef Full Text | Google Scholar

Fresca S., Manzoni A. (2022). Pod-dl-rom: enhancing deep learning-based reduced order models for nonlinear parametrized pdes by proper orthogonal decomposition. Comput. Methods Appl. Mech. Eng. 388, 114181. doi:10.1016/j.cma.2021.114181

CrossRef Full Text | Google Scholar

Fresca S., Manzoni A., Dedè L., Quarteroni A. (2020). Deep learning-based reduced order models in cardiac electrophysiology. PloS one 15, e0239416. doi:10.1371/journal.pone.0239416

PubMed Abstract | CrossRef Full Text | Google Scholar

Gander L., Pezzuto S., Gharaviri A., Krause R., Perdikaris P., Sahli Costabal F. (2022). Fast characterization of inducible regions of atrial fibrillation models with multi-fidelity gaussian process classification. Front. Physiology 13, 757159. doi:10.3389/fphys.2022.757159

PubMed Abstract | CrossRef Full Text | Google Scholar

Gilboa E., Saatçi Y., Cunningham J. P. (2013). Scaling multidimensional inference for structured gaussian processes. IEEE Trans. pattern analysis Mach. Intell. 37, 424–436. doi:10.1109/TPAMI.2013.192

PubMed Abstract | CrossRef Full Text | Google Scholar

Grasselli G., Zangrillo A., Zanella A., Antonelli M., Cabrini L., Castelli A., et al. (2020). Baseline characteristics and outcomes of 1591 patients infected with sars-cov-2 admitted to icus of the lombardy region, Italy. Jama 323, 1574–1581. doi:10.1001/jama.2020.5394

PubMed Abstract | CrossRef Full Text | Google Scholar

Greve L., van de Weg B. P. (2022). Surrogate modeling of parametrized finite element simulations with varying mesh topology using recurrent neural networks. Array 14, 100137. doi:10.1016/j.array.2022.100137

CrossRef Full Text | Google Scholar

Guo M., Manzoni A., Amendt M., Conti P., Hesthaven J. S. (2022). Multi-fidelity regression using artificial neural networks: efficient approximation of parameter-dependent output quantities. Comput. methods Appl. Mech. Eng. 389, 114378. doi:10.1016/j.cma.2021.114378

CrossRef Full Text | Google Scholar

Han T., Ahmed K. S., Gosain A. K., Tepole A. B., Lee T. (2022). Multi-fidelity gaussian process surrogate modeling of pediatric tissue expansion. J. Biomechanical Eng. 144, 121005. doi:10.1115/1.4055276

PubMed Abstract | CrossRef Full Text | Google Scholar

Hurtado D. E., Zavala P. (2021). Accelerating cardiac and vessel mechanics simulations: an energy-transform variational formulation for soft-tissue hyperelasticity. Comput. Methods Appl. Mech. Eng. 379, 113764. doi:10.1016/j.cma.2021.113764

CrossRef Full Text | Google Scholar

Hurtado D. E., Villarroel N., Retamal J., Bugedo G., Bruhn A. (2016). Improving the accuracy of registration-based biomechanical analysis: a finite element approach to lung regional strain quantification. IEEE Trans. Med. Imaging 35, 580–588. doi:10.1109/TMI.2015.2483744

PubMed Abstract | CrossRef Full Text | Google Scholar

Hurtado D. E., Villarroel N., Andrade C., Retamal J., Bugedo G., Bruhn A. (2017). Spatial patterns and frequency distributions of regional deformation in the healthy human lung. Biomechanics Model. Mechanobiol. 16, 1413–1423. doi:10.1007/s10237-017-0895-5

PubMed Abstract | CrossRef Full Text | Google Scholar

Hurtado D. E., Erranz B., Lillo F., Sarabia-Vallejos M., Iturrieta P., Morales F., et al. (2020). Progression of regional lung strain and heterogeneity in lung injury: assessing the evolution under spontaneous breathing and mechanical ventilation. Ann. intensive care 10, 107–110. doi:10.1186/s13613-020-00725-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Hurtado D. E., Avilés-Rojas N., Concha F. (2023). Multiscale modeling of lung mechanics: from alveolar microstructure to pulmonary function. J. Mech. Phys. Solids 179, 105364. doi:10.1016/j.jmps.2023.105364

CrossRef Full Text | Google Scholar

Kang T., Kim J., Lee H., Yum H., Kwon C., Lim Y., et al. (2025). Super-fast and accurate nonlinear foot deformation prediction using graph neural networks. J. Mech. Behav. Biomed. Mater. 163, 106859. doi:10.1016/j.jmbbm.2024.106859

PubMed Abstract | CrossRef Full Text | Google Scholar

Kingma D. P., Ba J. (2014). Adam: a method for stochastic optimization. arXiv preprint arXiv:1412.6980.

Google Scholar

Lee T., Turin S. Y., Gosain A. K., Bilionis I., Buganza Tepole A. (2018). Propagation of material behavior uncertainty in a nonlinear finite element model of reconstructive surgery. Biomechanics Model. Mechanobiol. 17, 1857–1873. doi:10.1007/s10237-018-1061-4

PubMed Abstract | CrossRef Full Text | Google Scholar

Lee T., Bilionis I., Tepole A. B. (2020). Propagation of uncertainty in the mechanical and biological response of growing tissues using multi-fidelity gaussian process regression. Comput. Methods Appl. Mech. Eng. 359, 112724. doi:10.1016/j.cma.2019.112724

PubMed Abstract | CrossRef Full Text | Google Scholar

Liang L., Liu M., Martin C., Sun W. (2018). A deep learning approach to estimate stress distribution: a fast and accurate surrogate of finite-element analysis. J. R. Soc. Interface 15, 20170844. doi:10.1098/rsif.2017.0844

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu H., Cai J., Ong Y.-S. (2018). Remarks on multi-output gaussian process regression. Knowledge-Based Syst. 144, 102–121. doi:10.1016/j.knosys.2017.12.034

CrossRef Full Text | Google Scholar

Liu Y., Li L., Zhao S., Song S. (2021). A global surrogate model technique based on principal component analysis and kriging for uncertainty propagation of dynamic systems. Reliab. Eng. and Syst. Saf. 207, 107365. doi:10.1016/j.ress.2020.107365

CrossRef Full Text | Google Scholar

Lorente D., Martínez-Martínez F., Rupérez M. J., Lago M. A., Martínez-Sober M., Escandell-Montero P., et al. (2017). A framework for modelling the biomechanical behaviour of the human liver during breathing in real time using machine learning. Expert Syst. Appl. 71, 342–357. doi:10.1016/j.eswa.2016.11.037

CrossRef Full Text | Google Scholar

Madahar P., Beitler J. R. (2020). Emerging concepts in ventilation-induced lung injury. F1000Research 9, F1000 Faculty Rev-222. doi:10.12688/f1000research.20576.1

PubMed Abstract | CrossRef Full Text | Google Scholar

Meng X., Karniadakis G. E. (2020). A composite neural network that learns from multi-fidelity data: application to function approximation and inverse pde problems. J. Comput. Phys. 401, 109020. doi:10.1016/j.jcp.2019.109020

CrossRef Full Text | Google Scholar

Meng X., Babaee H., Karniadakis G. E. (2021). Multi-fidelity bayesian neural networks: Algorithms and applications. J. Comput. Phys. 438, 110361. doi:10.1016/j.jcp.2021.110361

CrossRef Full Text | Google Scholar

Nelson T. M., Quiros K. A., Dominguez E. C., Ulu A., Nordgren T. M., Nair M. G., et al. (2024). Healthy and diseased tensile mechanics of mouse lung parenchyma. Results Eng. 22, 102169. doi:10.1016/j.rineng.2024.102169

CrossRef Full Text | Google Scholar

Nguyen-Le D. H., Ballit A., Dao T.-T. (2023). A novel deep learning-driven approach for predicting the pelvis soft-tissue deformations toward a real-time interactive childbirth simulation. Eng. Appl. Artif. Intell. 126, 107150. doi:10.1016/j.engappai.2023.107150

CrossRef Full Text | Google Scholar

Paszke A., Gross S., Massa F., Lerer A., Bradbury J., Chanan G., et al. (2019). Pytorch: an imperative style, high-performance deep learning library. Adv. neural Inf. Process. Syst. 32. Available online at: https://proceedings.neurips.cc/paper_files/paper/2019/file/bdbca288fee7f92f2bfa9f7012727740-Paper.pdf.

Google Scholar

Pawar S., San O., Vedula P., Rasheed A., Kvamsdal T. (2022a). Multi-fidelity information fusion with concatenated neural networks. Sci. Rep. 12, 5900. doi:10.1038/s41598-022-09938-8

PubMed Abstract | CrossRef Full Text | Google Scholar

Pawar S., Sharma A., Vijayakumar G., Bay C. J., Yellapantula S., San O. (2022b). Towards multi-fidelity deep learning of wind turbine wakes. Renew. Energy 200, 867–879. doi:10.1016/j.renene.2022.10.013

CrossRef Full Text | Google Scholar

Perdikaris P., Raissi M., Damianou A., Lawrence N. D., Karniadakis G. E. (2017). Nonlinear information fusion algorithms for data-efficient multi-fidelity modelling. Proc. R. Soc. A Math. Phys. Eng. Sci. 473, 20160751. doi:10.1098/rspa.2016.0751

PubMed Abstract | CrossRef Full Text | Google Scholar

Petrilli C. M., Jones S. A., Yang J., Rajagopalan H., O’Donnell L., Chernyak Y., et al. (2020). Factors associated with hospitalization and critical illness among 4,103 patients with covid-19 disease in New York city. MedRxiv , 2020–04. doi:10.1101/2020.04.08.20057794

CrossRef Full Text | Google Scholar

Sahli-Costabal F., Matsuno K., Yao J., Perdikaris P., Kuhl E. (2019). Machine learning in drug development: characterizing the effect of 30 drugs on the qt interval using gaussian process regression, sensitivity analysis, and uncertainty quantification. Comput. Methods Appl. Mech. Eng. 348, 313–333. doi:10.1016/j.cma.2019.01.033

PubMed Abstract | CrossRef Full Text | Google Scholar

Sajjadinia S. S., Carpentieri B., Shriram D., Holzapfel G. A. (2022). Multi-fidelity surrogate modeling through hybrid machine learning for biomechanical and finite element analysis of soft tissues. Comput. Biol. Med. 148, 105699. doi:10.1016/j.compbiomed.2022.105699

PubMed Abstract | CrossRef Full Text | Google Scholar

Salehi Y., Giannacopoulos D. (2022). Physgnn: a physics–driven graph neural network based model for predicting soft tissue deformation in image–guided neurosurgery. Adv. Neural Inf. Process. Syst. 35, 37282–37296. Available online at: https://proceedings.neurips.cc/paper_files/paper/2022/file/f200119a40846e508954abcd61f5f3fd-Paper-Conference.pdf.

Google Scholar

Scarselli F., Gori M., Tsoi A. C., Hagenbuchner M., Monfardini G. (2008). The graph neural network model. IEEE Trans. neural Netw. 20, 61–80. doi:10.1109/TNN.2008.2005605

PubMed Abstract | CrossRef Full Text | Google Scholar

Schneider T., Bedrikow A. B., Stahl K. (2024). Enhanced prediction of thermomechanical systems using machine learning, pca, and finite element simulation. Adv. Model. Simul. Eng. Sci. 11, 14. doi:10.1186/s40323-024-00268-0

CrossRef Full Text | Google Scholar

Sun Q., van der Klei T. C., Chase J. G., Zhou C., Tawhai M. H., Knopp J. L., et al. (2024). Pulmonary response prediction through personalized basis functions in a virtual patient model. Comput. Methods Programs Biomed. 244, 1–15. doi:10.1016/j.cmpb.2023.107988

CrossRef Full Text | Google Scholar

Tong T., Li X., Wu S., Wang H., Wu D. (2024). Surrogate modeling for the long-term behavior of Pc bridges via fem analyses and long short-term neural networks. Structures 63, 106309. doi:10.1016/j.istruc.2024.106309

CrossRef Full Text | Google Scholar

Torzoni M., Manzoni A., Mariani S. (2023). A multi-fidelity surrogate model for structural health monitoring exploiting model order reduction and artificial neural networks. Mech. Syst. Signal Process. 197, 110376. doi:10.1016/j.ymssp.2023.110376

CrossRef Full Text | Google Scholar

Villa B., Erranz B., Cruces P., Retamal J., Hurtado D. E. (2024). Mechanical and morphological characterization of the emphysematous lung tissue. Acta Biomater. 181, 282–296. doi:10.1016/j.actbio.2024.04.039

PubMed Abstract | CrossRef Full Text | Google Scholar

Wei J., Chu X., Sun X.-Y., Xu K., Deng H.-X., Chen J., et al. (2019). Machine learning in materials science. InfoMat 1, 338–358. doi:10.1002/inf2.12028

CrossRef Full Text | Google Scholar

Zhang Y., Gong Z., Zhou W., Zhao X., Zheng X., Yao W. (2023). Multi-fidelity surrogate modeling for temperature field prediction using deep convolution neural network. Eng. Appl. Artif. Intell. 123, 106354. doi:10.1016/j.engappai.2023.106354

CrossRef Full Text | Google Scholar

Zhou C., Chase J. G., Knopp J., Sun Q., Tawhai M. H., Möller K., et al. (2021). Virtual patients for mechanical ventilation in the intensive care unit. Comput. Methods Programs Biomed. 199, 105912. doi:10.1016/j.cmpb.2020.105912

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: lung poromechanics, multi-fidelity neural networks, reduced order modeling, dimensionality reduction, mechanical ventilation, lung mechanics

Citation: Barahona Yáñez J and Hurtado DE (2025) Multifidelity deep learning modeling of spatiotemporal lung mechanics. Front. Physiol. 16:1661418. doi: 10.3389/fphys.2025.1661418

Received: 07 July 2025; Accepted: 19 August 2025;
Published: 24 September 2025.

Edited by:

George Alexander Truskey, Duke University, United States

Reviewed by:

Xiujian Liu, Sun Yat-sen University, China
Claire Bruna-Rosso, Laboratoire de Biomécanique Appliquée, France

Copyright © 2025 Barahona Yáñez and Hurtado. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Daniel E. Hurtado, ZGFuaWVsLmh1cnRhZG9AdWMuY2w=

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.