Skip to main content
Scientific Reports logoLink to Scientific Reports
. 2022 Mar 31;12:5433. doi: 10.1038/s41598-022-09128-6

A machine learning model to estimate myocardial stiffness from EDPVR

Hamed Babaei 1, Emilio A Mendiola 1, Sunder Neelakantan 1, Qian Xiang 2, Alexander Vang 3, Richard A F Dixon 2, Dipan J Shah 4, Peter Vanderslice 2, Gaurav Choudhary 3,5, Reza Avazmohammadi 1,6,7,
PMCID: PMC8971532  PMID: 35361836

Abstract

In-vivo estimation of mechanical properties of the myocardium is essential for patient-specific diagnosis and prognosis of cardiac disease involving myocardial remodeling, including myocardial infarction and heart failure with preserved ejection fraction. Current approaches use time-consuming finite-element (FE) inverse methods that involve reconstructing and meshing the heart geometry, imposing measured loading, and conducting computationally expensive iterative FE simulations. In this paper, we propose a machine learning (ML) model that feasibly and accurately predicts passive myocardial properties directly from select geometric, architectural, and hemodynamic measures, thus bypassing exhaustive steps commonly required in cardiac FE inverse problems. Geometric and fiber-orientation features were chosen to be readily obtainable from standard cardiac imaging protocols. The end-diastolic pressure-volume relationship (EDPVR), which can be obtained using a single-point pressure-volume measurement, was used as a hemodynamic (loading) feature. A comprehensive ML training dataset in the geometry-architecture-loading space was generated, including a wide variety of partially synthesized rodent heart geometry and myofiber helicity possibilities, and a broad range of EDPVRs obtained using forward FE simulations. Latin hypercube sampling was used to create 2500 examples for training, validation, and testing. A multi-layer feed-forward neural network (MFNN) was used as a deep learning agent to train the ML model. The model showed excellent performance in predicting stiffness parameters af and bf associated with fiber direction (Raf2=99.471% and Rbf2=92.837%). After conducting permutation feature importance analysis, the ML performance further improved for bf (Rbf2=96.240%), and the left ventricular volume and endocardial area were found to be the most critical geometric features for accurate predictions. The ML model predictions were evaluated further in two cases: (i) rat-specific stiffness data measured using ex-vivo mechanical testing, and (ii) patient-specific estimation using FE inverse modeling. Excellent agreements with ML predictions were found for both cases. The trained ML model offers a feasible technology to estimate patient-specific myocardial properties, thus, bridging the gap between EDPVR, as a confounded organ-level metric for tissue stiffness, and intrinsic tissue-level properties. These properties provide incremental information relative to traditional organ-level indices for cardiac function, improving the clinical assessment and prognosis of cardiac diseases.

Subject terms: Cardiovascular models, Biomedical engineering

Introduction

Alteration of myocardial wall stiffness is known to be a key myocardial remodeling mechanism in many cardiac diseases, including heart failure with reduced and preserved ejection fraction. Non-invasive techniques to assess myocardial stiffness can facilitate early and precise diagnosis of structural heart disease and advance patient-specific treatment to reduce the incidence and mortality of heart diseases1. Cardiac imaging modalities, including cardiac magnetic resonance (CMR) and computed tomography (CT), as well as hemodynamic assessment via invasive catheterization and non-invasive echocardiography indices, provide a large amount of data primarily describing the cardiac anatomy and function at the organ level2. These organ-level measurements provide important geometric and boundary condition information required for patient-specific cardiac inverse-FE modeling to estimate cardiac properties at smaller length scales including tissue and fiber. Despite significant advances in such modeling paradigms in the past 10 years, their translation to clinical use remains limited, particularly due to the exhaustive efforts required to prepare and conduct these models. Therefore, there remains an unmet need to create a predictive, yet clinically feasible, modeling tool to infer myocardial properties from standard cardiac imaging and functional assessment modalities.

Many early studies of myocardial biomechanics consisted of ex-vivo mechanical testing of fresh myocardial tissue to quantify passive behavior of the myocardium35. These studies provided a deep understanding of highly nonlinear and anisotropic behavior of myocardial tissues prompting several constitutive modeling efforts to effectively capture the passive behavior of myocardium in 3D6,7. The ex-vivo mechanical testing, once conducted properly, may serve as “ground-truth” measurements for any in-vivo estimated myocardial properties that often rely on integrated imaging-inverse FE modeling to deliver properties in an ideally non-invasive manner812. With the goal of estimating passive properties, the inverse problem is often built to minimize the difference between the end diastolic pressure volume relationship (EDPVR), measured through catheterization, and the EDPVR that is generated through imaged-based FE modeling using pressure-controlled boundary conditions. The minimization problem involves searching through the constitutive parameter space (using gradient-based13 or genetic algorithm methods) and iteratively adjusts the error until the objective function falls below the target error. Such an FE inverse problem typically involves the following steps leading to the optimal constitutive parameters: (1) reconstruction of the heart geometry using imaging data and meshing, (2) prescription of constitutive modeling as the material model, (3) recovering an unloaded state from a known loaded state (e.g. end-diastole)14, and (4) setting up a nonlinear optimization problem and iteratively fine-tuning the parameters to matches the target EDPVR. As described, the typical pipeline to conduct inverse-FE simulations1518 is quite exhaustive, involving steps from image segmentation to iterative inverse simulation, and often taking a few days with high-performance computing resources to yield the desired results. Expectedly, such computational and processing demands hamper the feasibility of this approach in time-sensitive clinical applications.

Recently, machine learning (ML) techniques, particularly deep learning19, have emerged as a promising tools2023 to fill the gap between traditional FE simulations and the realization of the inverse modeling approach in imaging-driven clinical cardiovascular applications. Several studies to replace FE simulations with ML surrogate models have already been conducted for vascular applications. For instance, Liang et al. studied the feasibility of deep learning to estimate the steady-state distributions of pressure and flow velocity inside the thoracic aorta24. They also used deep learning to predict the zero-pressure geometry25 and stress distribution26 of the human thoracic aorta in separate works. In these works, Liang et al. used FE analysis to generate training dataset. Also, Liu et al. proposed a multilayer neural networks to estimate in-vivo constitutive parameters of aortic wall27. The application of ML in enhancing patient-specific cardiac modeling has recently gained increased interest as well. Dabiri et al. used eXtreme Gradient Boosting (XGBoost) and Cubist28 as well as feed-forward and a recurrent neural network with long short-term memory29 to predict left ventricle (LV) pressures, volumes and stresses. Cai et al.30 developed a ML surrogate model that maps the material parameter features to low-dimensional parameterized expressions for LV pressure-volume and pressure-strain relations. Despite these emerging advances in synergizing ML and FE cardiac modeling, these studies have primarily focused on demonstrating the feasibility, reliability, and accuracy of ML surrogate models in replacing forward-FE simulations with various ML approaches. There remains a critical need to investigate how inverse-FE simulations to estimate patient-specific cardiac characteristics, typically the end goal of cardiac modeling applications, could benefit from ML surrogate models. Moreover, recent studies have focused on the applications of ML when the heart geometry and/or microstructure is fixed, while the ultimate need to produce a ML surrogate that could deliver predictions for new cardiac anatomy and architecture still remains.

In this paper, we present a novel and feasible ML model to estimate patient-specific myocardial stiffness in the LV in-vivo using the LV-EDPVR. The model is intended to replace the costly and exhaustive FE approach to predict myocardial properties using the EDPVR as input. We designed and trained our ML model on a large and partially synthetic dataset of rodent heart geometry, fiber orientation, and loading response (EDPVR). The model is able to predict myocardial properties directly from input features that includes limited information about heart geometry, fiber data, and EDPVR. The geometric features were chosen such that they can be easily measured using standard CMR and cardiac CT protocols. Rat-specific geometries were used to generate a large and partially synthesized database of biventricular examples. A broad range of fiber architectures and material properties were created. The Latin hypercube sampling (LHS)31, as a statistical method for generating a near-random sample of parameter values from a multidimensional distribution, was used for effective coverage of parameter space and avoiding clustered sample points. The EDPVR for each example was computed using forward-FE simulations to complete inputs and outputs of our supervised ML model. Relevant parameters for the geometry, fiber orientation, and material properties were sampled using LHS. A multilayer feed-forward neural network (MFNN) was trained as an inverse model to predict myocardium stiffness as an output given geometric features, fiber orientation, and EDPVR as the inputs. The trained and tested ML model was examined further to predict myocardial properties for new rodent hearts and compared against rat-specific ex-vivo “ground-truth” measurements of the properties. Finally, our ML model was used to predict myocardial properties in a human heart with cardiac MRI data.

Materials and methods

Animal models

A total of 25 male rats were used in this study. The group included nine Sprague-Dawley, nine Fischer-344, and seven Wistar Kyoto rats. The cohort consisted of healthy rats (n=8), rats with pulmonary hypertension (PH; n=11), and rats with myocardial infarction (MI; n=6). The hypertensive rats were of Sugen5416-hypoxia model of PH32, and the infarcted rats developed MI via ligation of the left anterior descending artery33. All experiments were carried out in accordance with relevant guidelines and regulations as described in the Methods section. The surgical and experimental protocols for the MI rats were approved by Institutional Animal Care and Use Committee (IACUC) at the Texas heart institute (Protocol 2020-0023). The surgical and experimental protocols for the PH rats were approved by IACUC at the Providence VA Medical Center (Protocol 2019-009). The methods used for animal research in this study have been reported according to the Animal Research: Reporting of In Vivo Experiments (ARRIVE) guidelines.

Image acquisition and reconstruction

In this study, high-resolution anatomical magnetic resonance imaging (MRI) scans were performed on the harvested hearts using a Bruker Biospec 7T (Billerica, MA) scanner. The hearts were fixed approximately at end-diastole shape5 and the scans were performed at an isotropic 60 μm resolution (FOV = 15 × 15 × 20 mm, TR = 40 ms, and TE = 7.5 ms). The segmentation and reconstruction of 3-D full heart geometry from the MRI scans were performed using the Mimics Innovation Suite (Materialise, Leuven, Belgium). Epicardial and endocardial surfaces were isolated from reconstructed geometries to create a library of epicardial and ventricular surfaces. Surfaces were used to expand our geometry database for ML training . All the geometries were truncated below the valve plane and meshed using quadratic tetrahedral elements.

Machine learning model versus FE inverse model

The estimation of myocardial stiffness (as tissue-level properties) from the EDPVR (as an organ-level input) depends on the geometry of the heart and fiber architecture in the myocardium. We propose a ML approach that maps the input space including geometry, fiber orientation, and EDPVR features to the output, namely myocardial properties, based on the example input-output pairs in the training dataset. Contrary to the time-consuming, image-based inverse FE method that, for each given heart, needs to be set up and conducted separately to determine myocardial properties, we present a ML model trained by FE-produced input-output pairs that can determine the myocardial properties for each new heart in a split second only through limited, and commonly available, input data on geometry, fiber orientation, and EDPVR.

The workflow for our proposed ML approach has two main parts (Fig. 1): (i) creating a complete input and output space (left panel in Fig. 1), and (ii) using MFNN as a deep learning agent to train ML on sampled input-output pairs (right panel in Fig. 1). The creation of geometry, architecture, and EDPVR input space is described in detail in the “ML input features and sampling” subsection and the MFNN training and testing is detailed in the “Deep learning model” subsection. Here, it is important to note that we advantageously trained our ML inverse model on forward-simulated FE input-output pairs without solving an inverse FE problem. Indeed, myocardial properties were first considered as “known” input to create EDPVR on sampled (geometry, architecture, myocardial properties space). After sampling and creation of all the required EDPVR curves using forward FE simulations, each calculated EDPVR was grouped with their respective geometric and architectural counterparts and the corresponding properties were taken as output to produce proper input-output examples for ML for supervised learning. The myocardial properties parameter space (output space) and geometry, architecture, and EDPVR database (input space) are described next.

Figure 1.

Figure 1

The flowchart for traditional inverse FE approach versus the proposed ML approach.

Myocardial material properties

The myocardium is an anisotropic soft tissue exhibiting a nonlinear and exponential-like stress-strain behavior within the physiological range of deformation. It is often modeled as a hyperelastic incompressible solid characterized by the stored energy function Ψ(C) with C being the right Green-Lagrange strain tensor. A reduced version of structurally based constitutive model proposed by Holzapfel and Ogden34 was considered in this work representing the myocardium as a transversely isotropic solid with the local preferred direction f035. The resulting energy function thus takes the form

Ψ=a2bexp[b(I1-3)]+af2bf{exp[bf(I4f-1)2]-1} 1

where a, b, af and bf are four positive material constants, a and af have stress dimension whereas b and bf are dimensionless. Also, the kinematics I1 and I4f are defined as I1=trC and I4f=f0·(Cf0) which are intended to capture the deformation in the ground matrix and along the myofiber direction, respectively. Using standard notation, the resulting Cauchy stress tensor, defined as σ=Fψ/F-pI, is given by

σ=aexp[b(I1-3)]B-pI+2af(I4f-1)exp[bf(I4f-1)2]ff 2

where p is the hydrostatic pressure, B=FFT is the left Cauchy-Green tensor, F is the deformation gradient, f=Ff0, and I is the identity tensor. The incompressiblity constraint J=detF=1 is enforced.

Our pilot inverse-FE estimation of the constants {a,b,af,bf} from EDPVR indicated that a and af, representing the ground matrix and fiber stiffness, respectively, have a strong correlation and make, quantitatively different, but qualitatively similar contributions to the EDPVR (an example is detailed in the “Myocardial parameter identifiability”) subsection. Such correlations were noted in previous studies2,8,36 considering the full version of the H–O model and addressed by (independent) parameter reduction.

Therefore, to improve parameter identifiability in our inverse problem and, given our interest in estimating myofiber properties and a low contribution of the ground matrix to myocardial mechanical behavior37, we set a=0.22 kPa and b=1.62 as reference values for the ground matrix in healthy LV myocardium30,38 and let {af,bf} to be the only material parameter variables in this work. Indeed, our preliminary inverse model studies verified that {af,bf} can be uniquely calculated using an EDPVR input.

ML input features and sampling

Our input space consisted of EDPVR, geometry, and architecture (Fig. 2). Using LHS for sampling, we produced 2,500 input-output examples. In the following subsections, geometry and architecture input spaces and their respective features are separately discussed followed by the details of our sampling method and the generation of EDPVR curve to be used as input along with the geometry and architecture.

Figure 2.

Figure 2

ML model feature space including geometry, fiber architecture, and loading (EDPVR).

Geometry database and feature extraction

Each of 25 MRI-based reconstructed geometries, referred to as “parent” hearts, were used to create additional geometries via resizing the LV and right ventricle (RV) endocardial surfaces (Fig. 3) using an automated workflow. The chambers were resized isotropically in X-Y plane while maintaining the center of area on the base (truncated) plane. The epicardial surface was kept fixed in each “parent” heart. The resizing factors, denoted by constants fLV and fRV for the left and right ventricles, respectively, were obtained using LHS discussed in the “Sampling method: LHS” subsection. Our automated workflow led to the creation of 2,500 different geometries.

Figure 3.

Figure 3

Creation of partially synthetic heart geometries using MRI-based reconstructed biventricular hearts.

The role of heart geometry is significant in the estimation of myocardial properties from an organ-level measurement (i.e., EDPVR) and any proposed geometric features should capture this role. Moreover, motivated by clinical applications of the proposed ML, the geometric features need to be compatible with the routine in-vivo scanning protocols of the heart using common cardiac imaging modalities, including CMR, CT, and echocardiography. Given these considerations, we propose to begin with the following 12 features for the geometry (Fig. 4): volume and endocardial area of the LV chamber, denoted by LVV and LVA, volume and endocardial area of the RV chamber, denoted by RVV and RVA, the area of six, equally-spaced, short-axis slices from the base plane towards the apex, denoted by SA1 to SA6 with SA1 denoting the basal slice, and finally the interior volume and the area of the epicardial surface, denoted by EpiV and EpiA. These features were designed to be feasibly acquired via CMR acquisitions. We calculated these features using reconstructed geometries; however, they can be calculated using only segmented slices reducing the post-processing needed to quantify the geometric features.

Figure 4.

Figure 4

Geometric features: Volume and endocardial area of the LV (LVV and LVA), volume and endocardial area of the RV (RVV and RVA), interior volume and area of the epicardial surface (EpiV and EpiA), and the area of six, equally-spaced, short-axis slices (SA1,SA2,...,SA6).

Fiber architecture

All the geometries were meshed and fiber orientations were assigned to each FE model using Laplace-Dirichlet rule-based algorithm39. The algorithm involves solving several Laplace-Dirichlet boundary value problems to determine the relative depth of each tetrahedral element and its local material axes within the myocardial wall. All the myocardial walls in our anatomies were divided to four depths (layers) and each layer was assigned a scalar identifying its fiber orientation relative to the circumferential direction. The fiber helicity was assumed to linearly turn from a positive value at endocardium towards a negative value at epicardium. Positive and negative angular values within (-π/2,π/2) at endo- and epicardium, denoted by θendo and θepi, respectively, were chosen as two features characterizing myocardial architecture. All possible values were considered (given the sign constraint at endo- and epicardial surfaces) in LHS sampling.

Sampling method: LHS

LHS31 was used to generate a near-random sample of parameter values from a multidimensional distribution. LHS can effectively avoids issues associated with points being clustered together, occurring in other commonly used sampling methods such as grid sampling or uniform sampling. Briefly, sampling for six features fLV,fRV,θendo,θepi,af,bf, the range of each each was divided into 2,500 equally probable intervals. Next, 2,500 sample points were chosen to satisfy the Latin hypercube constraint preventing any two sample points to share the same feature. That is, all the 2,500 examples had different geometric, architectural, and loading features. In this study, out of 2,500 samples chosen by LHS, 2,400 examples were used for training and validation and the remainder for testing.

As mentioned in the “Machine learning model versus FE inverse model” subsection, LHS was applied to the (geometry, architecture, myocardial properties) parameter space, and the resulting samples were used to generate EDPVR curves. In turn, the generated data were re-grouped to produce desired input-output (geometry, architecture, EDPVR - myocardial properties) pairs for ML training. The limits of introduced features for sampling were set as 0.7<fLV<1.6, 0.7<fRV<1.6, 0<θendo<π/2, -pi/2<θepi<0, 0.01<af<100 (kPa), and 0.01<bf<20. The resizing factors ranges were chosen to ensure the LV and RV resizing without the intersection of surfaces. The fiber angles ranges assured a negative helical slope from endocardium to epicardium. And, the ranges for myocardial properties were chosen to produce a wide variety of EDPVR possibilities based on EDPVR examples in Klotz et al.40.

EDPVR

The EDPVR was used as the input to estimate passive properties of the myocardium. The EDPVR was calculated for each sampled geometry-architecture-properties using forward FE simulations in ABAQUS (Simulia, Providence, RI, USA). The basal surface was fixed in the long-axial direction (Z). A linearly ramped pressure from 0 to 30 mmHg was applied to the LV endocardial surface with 100 equal loading steps. The pressure in the RV was considered to be 20% of LV pressure. The volume of the LV chamber was recorded in each of the 100 loading increments, and the recorded points served as 100 EDPVR features.

Deep learning model

The proposed machine learning task in this study is a supervised learning regression problem for which a strongly nonlinear relation between input features and the output is expected. Although several regression methods such as regular nonlinear regression, decision-tree ensembles e.g. XGBoost, and K-nearest neighbour (KNN), could be used for this problem, the multilayer perceptron method MFNN was chosen for the following three reasons: (i) our hybrid image-based-synthetic dataset includes several thousands examples identifying as a large dataset for which deep learning algorithms are known to outperform most machine learning methods41, (ii) deep learning has proven as an effective tool to identify very complex nonlinear relationships between input and outputs42 compared to most machine learning methods, and (iii) deep learning offers thorough and automated feature engineering serving as a crucial step in developing effective machine learning models. Concerning the last point, feature engineering is performed manually in traditional machine learning methods, excessively depending on the knowledge of domain experts, whereas neural networks benefit from intrinsic automated feature engineering capability through automatically transforming the original features into a set of new features43.

Since our data to be learned is neither sequential nor time-dependent, a MFNN was used as a nonlinear supervised learning module. That is, information travels forward through the perceptron units in the network (no loops are permitted) to compute a nonlinear function f on fixed-size input x such that f(x)y for training pairs (x,y). Each perceptron unit with n-dimensional input z and n-dimensional weight w and bias b, and activation function g(u) has a 1-dimensional output o=g(w.z+b). The input layer had 114 units which includes 12 geometric features, two fiber orientation features, and 100 EDPVR features (volume values collected at 100 equally spaced points on EDPVR). We used two hidden layers with 512 units, and finally the output layer representing the two material properties {af,bf}. TensorFlow version 2.4.0 was used as the deep learning training library.

Error estimation and cross-validation

The inputs were standardized removing the mean and scaling to unit variance, however, outputs were normalized using the maximum absolute value of each dimension. These choices were based on our preliminary explorations of the normalization and the prediction assessment. After training, the predicted material properties were rescaled to their original range. We used mean absolute error (MAE) as the loss function, defined as

MAE=1ni=12j=1ny¯i(j)-y¯^i(j), 3

where y¯ and y¯^ are actual and predicted normalized material parameters, respectively, and n is the number of data points (input-output pairs). The subscript i denotes the ith material parameter and superscript (j) is the index for input-output pair.

The discrepancy between actual and predicted material parameters are quantified by normalized mean absolute error (NMAE). The NMAE of the ith material parameter is defined as

NMAEi=j=1nyi(j)-y^i(j)n(max(yi(j))-min(yi(j))) 4

We also calculated the coefficient of determination, R2, as

Ri2=1-j=1nyi(j)-y^i(j)2j=1nyi(j)-y~i2;y~i=1nj=1nyi(j) 5

Adaptive moment estimation (Adam) method was used for the optimization. The rectified linear unit (ReLu), g(x)=x+=max(0,x), was used for the activation function. The ML model was trained on training/validation dataset and the trained ML model was used to predict the material parameters in the testing dataset. We used 2,400 examples for training and validation dataset, and 100 examples for testing dataset.

Performance of the deep learning model was evaluated using a ten-fold cross-validation approach. In each step of the cross-validation, 90% of training/validation data points were randomly selected as the training data and the remaining 10% were used for validation. Number of layers and units in each layer were adjusted in the ranges of 1 to 3 and 64 to 1,024, respectively, to minimize the average NMAE in the cross-validation step. To prevent overfitting, early stopping was performed to secure optimized results at epochs with minimum validation error. In the cross-validation step, 2,000 epochs were performed with 0.0001 learning rate, and 10,000 epochs were performed for final training and predictions on testing dataset, once the network structure was tuned.

Comparisons with ex-vivo mechanical test measurements

To further evaluate our ML model, we compared the myocardium stiffness predicted by ML for one new healthy male rat heart against the ground-truth stiffness obtained from ex-vivo equibiaxial tension test of the harvested LV free wall (LVFW) specimen. Short-axis echocardiography images was performed using a Philips iE33 Echocardiography machine (Bothell, WA,98021, United States) with a S12-4 transducer (12 MHz). Rat-specific pressure-volume (P-V) measurements were obtained at the terminal point using a rat-size P-V catheter (1.4F, Millar Instruments Inc., Houston, Texas). Geometric features were approximated from the combination of short-axis images and catheter-based volume measurements (Supplementary Fig. 1). Following a similar approach as in Klotz et al.40, the EDPVR data was generated using (PED, VED) data point obtained from the P-V loop. Briefly, a universal EDPVR curve was created using 2,500 training examples in the “ML input features and sampling” subsection using the normalization approach described in Klotz et al.40 (Supplementary Fig. 2). The universal EDPVR was used to generate the individual EDPVR for the new rat using (PED, VED). The transmural fiber orientation was measured using histological sectioning parallel to the epicardial surface. The angles at four depths were quantified as 1.06,-12.88,-20.31, and -21.48 in the LVFW from endo- to epicardium, respectively (Supplementary Fig. 3). Equibiaxial tension test along longitudinal and circumferential directions was used to characterize the in-plane mechanical behavior of the LVFW44. The trace of the first Piola-Kirchhoff (1st PK) stress tensor P, i.e., P11+P22 where P=JσF-T, measured from biaxial tests as the function of the stretch was fit to the respective stress expression using Eq. (2), and doing appropriate algebra, to calculate the constants {af,bf} with a=0.22 kPa and b=1.62 being kept constant as before. The ML model predictions for {af,bf} were obtained using the quantified geometric features, fiber orientations, and the EDPVR, and compared against {af,bf} obtained using equibiaxial testing.

Application to human heart

We used input from a human heart and compared the predictions of the trained ML model for myocardial properties against those from an inverse FE simulation. The data belonged to a patient with mitral valve prolapse (MVP) and mitral valve regurgitation. Cine CMR scans were acquired using a 3.0-T clinical scanner (Siemens Verio; Siemens, Erlangen, Germany) with phased-array coil systems. A standard CMR examination for mitral valve assessment consisted of a cine-CMR for anatomic and functional assessment in a short axis stack using a steady-state free-precession sequence with typical flip angle of 65-85 degrees; repetition time of 3.0 ms; echo time of 1.3 ms; in-plane spatial resolution of 1.7–2.0 × 1.4–1.6 mm; slice thickness of 6 mm with 4 mm interslice gap; and temporal resolution of 35–40 ms. CMR scans were used to reconstruct the heart geometry at ED (Fig. 5a).

Figure 5.

Figure 5

Application of the ML model to human heart: (a) anatomy reconstruction at ED using CMR scans (b) a representative displacement field generated in the inverse FE problem.

The geometric features (Fig. 4) were quantified from the reconstructed anatomy. Since diffusion tensor imaging was not performed for the subject, the fiber orientation angles were set to +60 and -60 at endo- and epicardial surfaces, respectively, and vary linearly in between, as typically assumed in cardiac modeling of the human heart45. The EDPVR curve was obtained using the Klotz-like universal curve discussed in the rodent example (Supplementary Fig. 2) and the P–V data point at ED. The volume at ED was estimated from the reconstructed anatomy and PED=18 mmHg was used for the pressure reported as a mean value for the ED pressure in the LV in MVP patients46. The resulting EDPVR together with geometric and architectural features were used in the ML model to predict myocardium material properties. For comparison purposes, the properties were predicted using the commonly used inverse FE method and the Levenberg-Marquardt algorithm for optimization (Fig. 5b). A negative PED was applied to approximate the unloaded geometry.

Feature importance

Finally, the permutation feature importance technique47 was used to study the sensitivity of our ML model predictions of myocardial properties to different features. This technique serves as a model inspection method that can be used for any fitted estimator of tabular data. This approach is useful, particularly, for non-linear or opaque estimators such as MFNN. The permutation feature importance is quantified by the decrease in a model score (MAE) when a single feature value is randomly shuffled. This procedure breaks the relationship between the feature input and the true output, thus the drop in the model score is indicative of how much the model depends on the feature. The permutation feature importance is calculated many times with different permutations of the feature.

We used scikit-learn 0.24.2 library for the permutation importance. The technique is described in detail in Breiman et al.47, and a brief outline is provided here. The inputs used to calculate the feature importance are the trained ML model m and the tabular dataset (training/validation) D. The technique computes the reference score s (MAE) of the model m on data D. Next, for each feature fj (column of D) and for each repetition k (in 1,...,K), it randomly shuffles column j of dataset D to generate a corrupted version of the data named D~k,j. Next, it computes the score sk,j of model m on the corrupted data D~k,j. Finally, the importance ij for the feature fj is calculated as ij=s-1Kk=1Ksk,j. It is worth noting that features with low importance outcome for a model with a poor predictive power could be very important for a model with a high predictive power and vice versa. Therefore, we compute importances for the final structure once the best prediction power is reached. The results were in the same range when performed on training or validation datasets. Lastly, we note that permutation importance reflects how important a given feature is for a particular predictive model and may significantly vary from one model to another.

Results

Myocardial parameter identifiability

The correlations between the constitutive parameters model in Eq. (1), in the context of parameter estimation from EDPVR only, was examined first to select constitutive parameters with minimal correlations for optimization and preemptively eliminate potential identifiability issues in the ML model. A rat-specific anatomy with animal-specific diffusion-tensor-imaging-based architecture was used to conduct inverse FE optimization (Fig. 6a). An EDPVR curve was generated using the Klotz universal curve40 and the animal specific P-V data point (VED=140.5μl, PED=20mmHg) was used. Several preliminary FE inverse studies were performed to identify constitutive parameters with strongest correlations. A representative study showed a strong correlation between a and af (Fig. 6).

Figure 6.

Figure 6

Constitutive parameter identifiability issue with using EDPVR as the target: (a) inverse FE model iterations to fit an example EDPVR starting from two different initial guesses for {a,af} (b) Resulting fits at the final iteration leading to different values for {a,af} with equally good fits. Parameters b=bf=5 were kept constant during the optimization.

The target EDPVR was reached through multiple iterations using two different sets of initial guesses for {a,af} far apart in the parameter space (Fig. 6a). Despite distinctively different initial conditions, both optimizations successfully fit the target EDPVR with minimal errors (Fig. 6b). Expectedly, the optimizations predicted two completely different value sets for {a,af} pairs: (11.677, 0.673) kPa versus (3.101, 88.707) kPa (Fig. 6b). This observation implied that a and af could have very similar effects on the EDPVR and can not be uniquely determined using an EDPVR curve if taken as variable. On the contrary, the optimization with {af,bf} being set to vary (and a and b being constant) consistently led to a unique estimation of {af,bf} through fitting to the EDPVR for a broad range of different initial conditions. af and bf found to have their dominant effects on the overall stiffness and toe-region of the EDPVR, respectively, hence, contributing differently to the EDPVR. Given this observations, af and bf were chosen as material properties features for the ML model. {a,b} were kept as described in the “Myocardial material properties” subsection for the remainder of our results.

EDPVR variation

A comprehensive database of the LV-EDPVR curves was generated (Fig. 7) by considering 2,500 combinations of geometry, fiber orientations, and material properties, selected by LHS as described in the “ML input features and sampling” subsection. The range of resizing for heart geometries were chosen such that the initial LV volume (V0) varies from 35μl up to about five times larger (Fig. 7), a range similar to the that of EDPVR curves studied in Klotz et al.40. The range included a broad range of soft to stiff LV chambers, as well as LV chambers with a short toe region to chambers with fibrotic myocardium, extending the toe-region, to severely diluted chambers, all enabled through changing {af,bf}, fiber orientation, and the geometry.

Figure 7.

Figure 7

Representative EDPVRs (100 out of 2500) in ML training dataset resulting from a wide variety of heart geometries, fiber orientations, and myocardial stiffness.

MFNN network structure

We began with a single hidden layer with 64 units and iteratively changed the number of layers and units to find the optimal structure. Performance of different networks are summarized in Table 2 reporting MAE, NMAE, and R2 scores for each examined structure. We found that a network with two hidden layers, each containing 1024 units, provides the best prediction, and it was chosen as the final structure. The MAE loss function for training and validation monotonically decreased with training epochs confirming that data was not over-fitted (Fig. 8), despite the fluctuations which are inevitable consequences of stochastic approach of mini-batch gradient descent in Adam (batch size=32). The model with the lowest validation loss was picked for predictions in testing dataset.

Table 2.

Averaged MAE, NMAE, and R2 scores for two properties af and bf with respect to network structure in ten-fold cross-validation (2000 epochs).

Network structure MAE NMAE, % R2,%
Hidden layer × unit af (kPa) bf af bf af bf
1×64 6.991 3.125 7.035 16.101 88.387 49.855
1×128 7.258 3.083 7.320 15.557 87.377 53.843
1×256 5.852 3.142 6.069 15.953 88.761 52.704
1×512 5.553 2.740 5.664 13.863 91.943 63.438
1×1024 5.444 2.353 5.523 11.857 91.120 67.213
2×64 5.193 2.627 5.219 13.335 93.749 68.647
2×128 3.100 2.073 3.152 10.765 97.606 74.895
2×256 2.499 1.708 2.550 8.645 98.426 84.317
2×512 2.214 1.281 2.228 6.486 98.395 89.331
2×1024 1.755 1.084 1.786 5.558 99.214 91.481
3×64 4.505 2.225 4.613 11.164 94.505 75.674
3×128 2.498 1.572 2.614 8.002 97.754 84.299
3×256 1.958 1.238 1.981 6.350 98.888 89.948
3×512 2.313 1.324 2.343 6.742 98.388 88.298
3×1024 2.542 1.767 2.568 9.048 97.764 75.940

The 2 × 1024 structure had the best prediction and was used in the ML model.

Figure 8.

Figure 8

MAE loss function for training and validation datasets as a function of epochs.

ML model prediction and performance

Given the input features for the geometry, fiber orientations, and EDPVR, the trained ML model was able to predict the myocardial properties {af,bf} within one second on a PC with 2.8 GHz quad core CPU and 32 GB RAM. Prediction errors for testing dataset with final MFNN network structure and 10000 epochs showed low and acceptable errors in prediction (Table 1) using examples in the testing dataset that were not present in the training dataset. The actual versus predicted material parameters for training/validation and testing dataset for af (Fig. 9a) and bf (Fig. 9b) indicated excellent agreements between ML predictions for both material parameters and their respective actual values. Predictions for af were consistently better than that of bf (Raf2=99.5%vs.Rbf2=92.8%; calculated for testing dataset). This is likely due the fact that the constant bf has a more dominant effect of the curvature of the input EDPVR for which the ML model need to learn the slope of EDPVR at several points whereas af uniformly scales the EDPVR curve and can be predicted with a fewer points of the EDPVR.

Table 1.

ML prediction errors for testing dataset with final MFNN network structure and 10000 epochs.

MAE NMAE, % R2, %
af 1.326 (kPa) 1.336 99.471
bf 0.963 5.008 92.837

Figure 9.

Figure 9

Actual and predicted values of myocardial properties: (a) af (b) bf. Training/validation and testing datasets included n=2400 and n=100 sample points, respectively.

The ML-predicated myocardial properties for the best and worst predictions in terms of the MAE error in the entire testing dataset (Table 3) were used in forward FE simulations passively pressurizing the LV up to 30 mmHg (using respective geometries and fiber orientations). The resulting maximum stresses (along the fiber direction) in the LVFW as a function of fiber stain were compared against the corresponding quantities obtained using actual properties used as the input for testing (Fig. 10). The comparisons indicated that even the fiber stress (that is regarded as an important mechanical stimuli in regulating myocardial remodeling) associated with the worst predicted myocardial properties can still fit the actual stresses very well with R2>99.9% (Fig. 10). This observation partly stems from the fact that af and bf are somewhat correlated meaning that {af,bf} pairs with different individual values can still produce similar myocardial stress behavior, and that the ML model precisely reflects this feature of the material model. Therefore, the ML model performance can be still trusted for worst cases if the fiber stress is the indented target and not individual stiffness parameters.

Table 3.

Predicted and actual values of myocardial properties for the best and worst predictions of af and bf in the testing dataset (n = 100).

af bf
Worst af Actual 86.221 6.660
Predicted 72.909 11.411
Best af Actual 38.005 8.960
Predicted 37.995 8.870
Worst bf Actual 85.771 2.990
Predicted 85.020 8.130
Best bf Actual 92.815 17.450
Predicted 95.160 17.434

Figure 10.

Figure 10

Maximum fiber stress in the LV free wall obtained by forward FE simulations using the predicted properties versus actual properties for the worst predictions listed in Table 3.

ML prediction comparisons with equibiaxial test results

Experimental and ML-predicted properties af and bf were in very good agreement with the corresponding properties obtained from equibiaxial experiments (Table 4). The equibiaxial stress measure (P11+P22) obtained using ML predicted parameters and P=JσF-T formula, was in excellent agreement with the corresponding stress measure from equibiaxial experiments (Fig. 11), indicating that ML parameters predicated from an organ-level measurement (EDPVR) can well describe tissue-level passive stress-stretch relation of myocardium.

Table 4.

ML model prediction of rat-specific myocardial properties compared to estimates from ex-vivo equibiaxial testing of the LVFW myocardium specimen for the same rat.

Rat case study af(kPa) bf
Equibiaxial test 0.806 0.470
ML model 0.583 0.521

Figure 11.

Figure 11

Stress-stretch response of rat LVFW myocardium under equibiaxial testing. The corresponding response predicted by the ML model is included for comparison.

ML prediction for human example

The predicted values using ML were in good agreement with those from the inverse FE modeling (Table 5). The EDPVR generated via forward FE simulation using ML-predicted properties fit the input human EDPVR sufficiently well, although poorer than the fit by the inverse FE prediction (Fig. 12). The slight disagreement at larger pressures in the EDPVR is hypothesized to be due to using a (human) patient-specific heart geometry while all the training geometries were from rodents. This discrepancy can be certainly addressed by enriching our training database with anatomical data from large animal and humans.

Table 5.

ML model prediction of myocardial properties for the CMR-reconstructed human heart compared to the inverse FE model estimations.

Human case study af(kPa) bf
Inverse-FE 34.261 11.275
ML model 33.492 12.501

Figure 12.

Figure 12

Comparisons between ML model and inverse FE model fits to the target EDPVR. The EDPVR was generated using Klotz’s approach and patient-specific imaging data for a mitral-valve prolapse (MVP) patient. A population average end-diastolic pressure for MVP patients was used to generate the target EDPVR.

Feature importance

The results of our permutation feature importance studies indicated that the volume of the LV had the highest importance score among all the geometric features followed by the endocardial area of the LV (Fig. 13a). Other geometric features, including surface areas of short-axis slices, exhibited minimal importance in the predictive power of the ML model (Fig. 13a). The fiber orientation features were found to be important as well, although expectedly with lower scores compared to those of LV volume and area (Fig. 13a). However, EDPVR features, particularly EDPVR points within the bottom and top 10% of the pressure range, had the largest importance score, even up to more than two times larger than LV volume. The relatively higher scores for the low and high pressure regimes in the EDPVR expectedly implies that these portions of the curve are critical to reliably estimate the properties af and bf, representing the overall stiffness and the curvature of the EDPVR.

Figure 13.

Figure 13

Permutation feature importance results for (a) geometric and fiber orientation features and (b) EDPVR features. EDPVR features consisted of 100 LV volume data points corresponding to the LV pressure values ranging from 0 to 30 mmHg with a fixed increment.

To further investigate the implications of the feature importance study for the relative importance of geometric features, we removed all the geometric features from the 2,500 example dataset except the LV volume and area. A final MFNN network structure with the same hyper-parameters was trained using the updated dataset. Removing the non-contributing or redundant geometric features (i.e., those with low importance score) and reducing them to LV volume and area significantly improved the predictive capability for bf and slightly reduced the errors for af as well (Tables 6 versus 1).

Table 6.

Improvement of ML prediction errors after removing geometric features with low “importance” score and using the LV volume and endocardial surface area as the only geometric features.

MAE NMAE, % R2, %
af 1.241 (kPa) 1.258 99.679
bf 0.711 3.598 96.240

We performed a permutation feature importance study for the updated ML model as well (Fig. 14). Contrary to the results of the feature importance study for the previous ML model (Fig. 13) (that included all the geometric features), LV area found to have the highest important score for the updated model followed by LV volume and fiber orientation features, respectively. This is an important observation implying that the LV area is a very critical geometric feature in the absence of short-axis slice features whereas the LV volume was a more important geometric feature once the short-axis slices were present in the training dataset. EDPVR feature importance maintained a similar pattern in the updated model (Fig. 14b) with the highest importance score occurring at low and high pressure ranges. All considered, the LV volume, the LV area, the fiber angles at epi- and endocardial surfaces, and the EDPVR points were found to be sufficient to predict af and bf as myocardial properties.

Figure 14.

Figure 14

Permutation feature importance results, after removing geometric features with low “importance” score, for (a) remaining geometric and fiber orientation features and (b) EDPVR features. EDPVR features consisted of 100 LV volume data points corresponding to the LV pressure values ranging from 0 to 30 mmHg with a fixed increment.

Discussion

In this paper, we developed a ML model for patient-specific in-vivo estimation of myocardial stiffness from EDPVR and demonstrated its high accuracy. To the best of our knowledge, this is the first study in which a ML model was used as a surrogate for the entire inverse FE process to identify myocardium material properties. The proposed trained ML model was evaluated on a testing dataset not used for training/validation. Minor discrepancies (with NMAE about 1% to 3.5%) were achieved between the actual and ML-predicted myocardial properties. It was further verified that even for the worst prediction cases, the fiber stress obtained with ML-predicted parameters can fit the actual stresses with high accuracy (R2>99.9%). Furthermore, in addition to the feasibility of the ML model for clinical application, the model exhibited a strong predictive power in our evaluation against two subject-specific measurements not included in training/testing data. The myocardial properties predicted by the model for rat-specific data were in excellent agreement with those estimated from ex-vivo equibiaxial testing of the rat-specific LVFW specimen. The ML model trained using rat heart geometries was still able to predict the myocardial properties for a human heart reasonably close FE inverse mode estimation.

The identification of cardiac tissue-level properties from organ-level measurement are commonly addressed using inverse FE methods5,8,9,11. However, the time-consuming procedures involved in these methods, ranging from geometry reconstruction and meshing to iterative FE simulations needed for optimization, significantly limits their efficiency and hampers their use in time-sensitive clinical applications. On the contrary, the proposed ML model, trained on the FE simulation, offers the estimation of myocardial properties directly from geometric, architectural, and EDPVR features that could be feasibly calculated from CMR or CT acquisitions and hemodynamic assessment without the need to advanced computational infrastructure such as FE solvers. It is worth noting that forward FE simulations used to generate training/validation and testing datasets took several days using Abaqus solver on high-performance computing clusters48,49 whereas the trained ML model makes predictions within one second.

The geometric features were designed to be compatible with standard cardiac imaging protocols acquiring heart geometry on short-axis planes that are perpendicular to the LV long axis. The features can be exactly calculated from reconstructed geometry, or approximated directly from CMR DICOM images using existing automatic segmentation tools. Some of the features, including LV volume, can be alternatively obtained using echocardiography-based or catheter-based hemodynamic assessment. The EDPVR can be estimated via the Klotz approach by a single-point measurement (typically, the LV pressure and volume at ED). These features can then be used as an array of inputs to the trained and ready-to-use ML model to predict the two output myocardial properties.

Once the ML model is trained, it can be used to make predictions instantaneously and repeatedly. This enables the in-vivo and real-time estimation of patient-specific myocardial properties and offers the inclusion of these properties as tissue-level biomarkers. Such biomarkers provide important information incremental to organ-level measurements (including routine CMR and hemodynamic assessments) and ultimately enhancing the prognosis in heart diseases involving myocardial remodeling. While EDPVR is a measurement of “chamber” stiffness that contains information about tissue-level behavior, it is confounded by anatomy and loading. Our ML inverse model is able to deconvolute the effects of anatomy and loading and estimates intrinsic myocardial properties.

One of the important aspects of our work was to account for the effect of anatomy on the myocardial stiffness prediction and include a wide variety of anatomical characteristic features in our datasets encapsulating both morphology and size of the heart chambers. Our feature importance analysis, indeed, confirmed the importance of geometric features, particularly, LV volume and LV endocardial area, in estimating myocardial properties. Moreover, a broad range of possibilities in transmural fiber orientation variation were included in the training. Again, permutation feature importance technique underscored the knowledge of fiber distribution for predicting myocardial properties although the fiber data was found to be less significant compared to geometric features. Overall, our procedure identified the geometric and architectural information that are sufficient to estimate subject-specific myocardial properties from chamber-level pressure-volume measurements.

Our ML model is not tied to a particular form of the constitutive model for myocardium. The ML learning can be trained on the full H-O model including additional terms characterizing the behavior of the tissue in sheet directions and the coupling with the fiber direction. However, this will lead to an over-parameterized inverse model problem if EDPVR is the only given information on the organ-level loading response. Indeed, EDPVR reflects the chamber behavior under monotonic pressurization (which is only a specific loading condition in the entire loading space), and therefore, the number of myocardial properties that could be estimated from EDPVR remain limited. This constituted our rationale to reduce the parameters to {af,bf} to minimize potential parameter identifiability issues stemming from different sets of parameters producing similar EDPVR curves. The identification of additional parameters will be possible by including myocardial response under other loading conditions. Potential in-vivo data includes myocardial strain measurements using cine CMR or cardiac CT together with catheter-based intra-ventricular pressure measurements, and examples of ex-vivo inputs includes myocardial stress-strain data under various multi-axial loading conditions. However, given the goal of estimating myocardial properties with minimal in-vivo clinical data (e.g., PED and VED), af and bf represent appropriate and sufficient parameters characterizing the myocardial in the fiber direction.

The feature importance results consistently indicated that the fiber orientation is an influential input in myocardial properties estimation. This observation is consistent with previous parametric studies investigating the effects of fiber orientation on the EDPVR behavior50. Also, this underscores the importance of current research efforts in the development of cardiac imaging protocols to feasibly estimate myofiber orientation, including diffusion tensor imaging and optical coherence tomography. In this regard, our fiber features are only fiber angles at endo- and epicardial surfaces, designed for convenience in measurement as diffusion tensor imaging sequences are currently able to estimate these features in the left ventricle.

Limitations of this study included the use of a relatively simple material model with two unknowns (af and bf) that were assumed to be the same everywhere in the biventricular heart. Our objective was to use ML to estimate the effective passive stiffness of the myocardium with EDPVR being the only kinematic input. Additional regional kinematic inputs, such as cardiac strains51,52, can be used to estimate higher-fidelity properties53,54 and consider estimating heterogeneous myocardial properties prevalent in myocardial infraction. The synthetically-generated part of our biventricular geometry dataset preserve the topology of the original 25 image-based hearts and proportionally scale the thickness in the right and left ventricle independently. Additional image-based geometries can improve the heterogeneity of our anatomical dataset and increase the predictive capability of the ML model. Despite significant potential of properly-trained ML models for estimating myocardial properties, fully patient-specific approaches still remain valuable especially when accounting for all the individual anatomical, architectural, and loading data is essential to estimate the properties of interest.

In conclusion, this study has demonstrated that a ML model based on multilayer feed forward neural network can accurately predict myocardial properties using routinely available cardiac imaging and hemodynamic measures and replace computationally-expensive, clinically-unfeasible FE inverse problems. The geometric features (including LV endocardial area) can be approximated from segmented cardiac images without the need for full anatomical reconstruction. EDPVR and architectural features can be also directly measured from hemodynamic assessment and diffusion tenor imaging, respectively. Overall, this study has facilitated the clinical workflow to include the mechanical properties of the myocardium as an additional biomarker to traditional organ-level indices for improved diagnosis, prognosis, and therapeutics of cardiac disease involving myocardial remodeling.

Supplementary Information

Acknowledgements

R.A. was supported by the NHLBI grant R00HL138288, and G.C. was supported by the NHLBI grants R01HL128661 and R01HL148727 and the VA CSRD grant I01CX001892. We would like to thank Ms. Dana Leichter, Mr. Owen leary and Dr. Richard Gilbert at the providence VA medical center for assisting us with the MRI of PH rats, and Mr. Vishal Kandala at Texas A&M University for assisting us with Supplementary Fig. 2. We would also like to thank Mr. Samer Merchant and Dr. Edward Hsu at the University of Utah for assisting with the MRI of the MI rats. The authors acknowledge the assistance of the Integrated Microscopy and Imaging Laboratory at the Texas A&M College of Medicine.

Author contributions

R.A. conceived the study, G.C. and A.V. performed the pulmonary hypertension animal experiments and acquired anatomical imaging data necessary for the model development. D.S. performed human cardiac imaging used for the evaluation of the model performance in humans, Q.X., R.D., and P.V. performed the myocardial infarction animal model experiments, S.N. performed the ex-vivo mechanical testing and histological imaging. E.M. performed image reconstruction and assisted with developing an automated pipeline to alter anatomies, H.B. developed the model and ran the simulations, and H.B. and R.A. wrote the manuscript. All authors approved the manuscript prior to submission.

Data availability

The data that support the findings of this study are available from the corresponding author, R.A., upon request.

Competing interest

The authors declare no competing interest.

Footnotes

Publisher's note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Supplementary Information

The online version contains supplementary material available at 10.1038/s41598-022-09128-6.

References

  • 1.De Couto G, Ouzounian M, Liu PP. Early detection of myocardial dysfunction and heart failure. Nat. Rev. Cardiol. 2010;7:334. doi: 10.1038/nrcardio.2010.51. [DOI] [PubMed] [Google Scholar]
  • 2.Sermesant M, et al. Cardiac function estimation from mri using a heart model and data assimilation: advances and difficulties. Med. Image Anal. 2006;10:642–656. doi: 10.1016/j.media.2006.04.002. [DOI] [PubMed] [Google Scholar]
  • 3.Dokos S, Smaill BH, Young AA, LeGrice IJ. Shear properties of passive ventricular myocardium. Am. J. Physiology-Heart Circ. Physiol. 2002;283:H2650–H2659. doi: 10.1152/ajpheart.00111.2002. [DOI] [PubMed] [Google Scholar]
  • 4.Sommer G, et al. Quantification of shear deformations and corresponding stresses in the biaxially tested human myocardium. Ann. Biomed. Eng. 2015;43:2334–2348. doi: 10.1007/s10439-015-1281-z. [DOI] [PubMed] [Google Scholar]
  • 5.Avazmohammadi R, et al. An integrated inverse model-experimental approach to determine soft tissue three-dimensional constitutive parameters: application to post-infarcted myocardium. Biomech. Model. Mechanobiol. 2018;17:31–53. doi: 10.1007/s10237-017-0943-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 6.Schmid H, Nash M, Young A, Hunter P. Myocardial material parameter estimation-a comparative study for simple shear. J. Biomech. Eng. 2008;128(5):742–750. doi: 10.1115/1.2244576. [DOI] [PubMed] [Google Scholar]
  • 7.Schmid H, et al. Myocardial material parameter estimation. Biomech. Model. Mechanobiol. 2008;7:161–173. doi: 10.1007/s10237-007-0083-0. [DOI] [PubMed] [Google Scholar]
  • 8.Gao H, Li W, Cai L, Berry C, Luo X. Parameter estimation in a holzapfel-ogden law for healthy myocardium. J. Eng. Math. 2015;95:231–248. doi: 10.1007/s10665-014-9740-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 9.Gao H, et al. Estimating prognosis in patients with acute myocardial infarction using personalized computational heart models. Sci. Rep. 2017;7:1–14. doi: 10.1038/s41598-017-13635-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 10.Moles CG, Mendes P, Banga JR. Parameter estimation in biochemical pathways: a comparison of global optimization methods. Genome Res. 2003;13:2467–2474. doi: 10.1101/gr.1262503. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.Xi J, et al. The estimation of patient-specific cardiac diastolic functions from clinical measurements. Med. Image Anal. 2013;17:133–146. doi: 10.1016/j.media.2012.08.001. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 12.Liu M, Liang L, Sun W. A new inverse method for estimation of in vivo mechanical properties of the aortic wall. J. Mech. Behav. Biomed. Mater. 2017;72:148–158. doi: 10.1016/j.jmbbm.2017.05.001. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 13.Locatelli, M. & Schoen, F. Global Optimization: Theory, Algorithms, and Applications (SIAM, 2013).
  • 14.Nikou A, et al. Effects of using the unloaded configuration in predicting the in vivo diastolic properties of the heart. Comput. Methods Biomech. Biomed. Eng. 2016;19:1714–1720. doi: 10.1080/10255842.2016.1183122. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 15.Augenstein, K. F., Cowan, B. R., LeGrice, I. J. & Young, A. A. Estimation of cardiac hyperelastic material properties from mri tissue tagging and diffusion tensor imaging. In International Conference on Medical Image Computing and Computer-Assisted Intervention, 628–635 (Springer, 2006). [DOI] [PubMed]
  • 16.Baillargeon B, Rebelo N, Fox DD, Taylor RL, Kuhl E. The living heart project: a robust and integrative simulator for human heart function. Eur. J. Mechanics-A/Solids. 2014;48:38–47. doi: 10.1016/j.euromechsol.2014.04.001. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 17.Avazmohammadi R, et al. A computational cardiac model for the adaptation to pulmonary arterial hypertension in the rat. Ann. Biomed. Eng. 2019;47:138–153. doi: 10.1007/s10439-018-02130-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 18.Liu H, et al. The impact of myocardial compressibility on organ-level simulations of the normal and infarcted heart. Sci. Rep. 2021;11:1–15. doi: 10.1038/s41598-021-92810-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.LeCun Y, Bengio Y, Hinton G. Deep learning. Nature. 2015;521:436–444. doi: 10.1038/nature14539. [DOI] [PubMed] [Google Scholar]
  • 20.He, K., Zhang, X., Ren, S. & Sun, J. Delving deep into rectifiers: Surpassing human-level performance on imagenet classification. In Proceedings of the IEEE International Conference on Computer Vision, 1026–1034 (2015).
  • 21.Taigman, Y., Yang, M., Ranzato, M. & Wolf, L. Deepface: Closing the gap to human-level performance in face verification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 1701–1708 (2014).
  • 22.He, K., Zhang, X., Ren, S. & Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 770–778 (2016).
  • 23.Krizhevsky A, Sutskever I, Hinton GE. Imagenet classification with deep convolutional neural networks. Adv. Neural. Inf. Process. Syst. 2012;25:1097–1105. [Google Scholar]
  • 24.Liang L, Mao W, Sun W. A feasibility study of deep learning for predicting hemodynamics of human thoracic aorta. J. Biomech. 2020;99:109544. doi: 10.1016/j.jbiomech.2019.109544. [DOI] [PubMed] [Google Scholar]
  • 25.Liang L, Liu M, Martin C, Sun W. A machine learning approach as a surrogate of finite element analysis-based inverse method to estimate the zero-pressure geometry of human thoracic aorta. Int. J. Numer. Methods Biomed. Eng. 2018;34:e3103. doi: 10.1002/cnm.3103. [DOI] [PubMed] [Google Scholar]
  • 26.Liang L, Liu M, Martin C, Sun W. A deep learning approach to estimate stress distribution: a fast and accurate surrogate of finite-element analysis. J. R. Soc. Interface. 2018;15:20170844. doi: 10.1098/rsif.2017.0844. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 27.Liu M, Liang L, Sun W. Estimation of in vivo constitutive parameters of the aortic wall using a machine learning approach. Comput. Methods Appl. Mech. Eng. 2019;347:201–217. doi: 10.1016/j.cma.2018.12.030. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 28.Dabiri Y, et al. Prediction of left ventricular mechanics using machine learning. Front. Phys. 2019;7:117. doi: 10.3389/fphy.2019.00117. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 29.Dabiri Y, et al. Application of feed forward and recurrent neural networks in simulation of left ventricular mechanics. Sci. Rep. 2020;10:1–11. doi: 10.1038/s41598-020-79191-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 30.Cai L, et al. Surrogate models based on machine learning methods for parameter estimation of left ventricular myocardium. R. Soc. Open Sci. 2020;8:201121. doi: 10.1098/rsos.201121. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 31.Forrester A, Sobester A, Keane A. Engineering Design via Surrogate Modelling: A Practical Guide. New Jersey: John Wiley and Sons; 2008. [Google Scholar]
  • 32.Vang, A. et al.α7 nicotinic acetylcholine receptor mediates right ventricular fibrosis and diastolic dysfunction in pulmonary hypertension. JCI Insight (2021). [DOI] [PMC free article] [PubMed]
  • 33.Wang J, et al. A simple and fast experimental model of myocardial infarction in the mouse. Tex. Heart Inst. J. 2006;33:290. [PMC free article] [PubMed] [Google Scholar]
  • 34.Holzapfel GA, Ogden RW. Constitutive modelling of passive myocardium: a structurally based framework for material characterization. Philos. Trans. R. Soc. A Math. Phys. Eng. Sci. 2009;367:3445–3475. doi: 10.1098/rsta.2009.0091. [DOI] [PubMed] [Google Scholar]
  • 35.Hadjicharalambous M, et al. Analysis of passive cardiac constitutive laws for parameter estimation using 3d tagged mri. Biomech. Model. Mechanobiol. 2015;14:807–828. doi: 10.1007/s10237-014-0638-9. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 36.Remme EW, et al. Development of an in vivo method for determining material properties of passive myocardium. J. Biomech. 2004;37:669–678. doi: 10.1016/j.jbiomech.2003.09.023. [DOI] [PubMed] [Google Scholar]
  • 37.Avazmohammadi R, Hill MR, Simon MA, Zhang W, Sacks MS. A novel constitutive model for passive right ventricular myocardium: evidence for myofiber-collagen fiber mechanical coupling. Biomech. Model. Mechanobiol. 2017;16:561–581. doi: 10.1007/s10237-016-0837-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 38.Gao H, et al. Changes and classification in myocardial contractile function in the left ventricle following acute myocardial infarction. J. R. Soc. Interface. 2017;14:20170203. doi: 10.1098/rsif.2017.0203. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 39.Bayer JD, Blake RC, Plank G, Trayanova NA. A novel rule-based algorithm for assigning myocardial fiber orientation to computational heart models. Ann. Biomed. Eng. 2012;40:2243–2254. doi: 10.1007/s10439-012-0593-5. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 40.Klotz S, et al. Single-beat estimation of end-diastolic pressure-volume relationship: a novel method with potential for noninvasive application. Am. J. Physiology-Heart Circ. Physiol. 2006;291:H403–H412. doi: 10.1152/ajpheart.01240.2005. [DOI] [PubMed] [Google Scholar]
  • 41.Zhang L, Tan J, Han D, Zhu H. From machine learning to deep learning: progress in machine intelligence for rational drug discovery. Drug Discov. Today. 2017;22:1680–1685. doi: 10.1016/j.drudis.2017.08.010. [DOI] [PubMed] [Google Scholar]
  • 42.Chen S, Billings SA. Neural networks for nonlinear dynamic system modelling and identification. Int. J. Control. 1992;56:319–346. [Google Scholar]
  • 43.Chen, X. et al. Neural feature search: A neural architecture for automated feature engineering. In 2019 IEEE International Conference on Data Mining (ICDM), 71–80 (IEEE, 2019).
  • 44.Neelakantan S, et al. Structural remodeling in the left ventricular myocardium underlies systolic dysfunction in myocardial infarction. Circulation. 2021;144:A14303–A14303. [Google Scholar]
  • 45.Xi C, Kassab GS, Lee LC. Microstructure-based finite element model of left ventricle passive inflation. Acta Biomater. 2019;90:241–253. doi: 10.1016/j.actbio.2019.04.016. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 46.Corin WJ, Murakami T, Monrad ES, Hess OM, Krayenbuehl HP. Left ventricular passive diastolic properties in chronic mitral regurgitation. Circulation. 1991;83:797–807. doi: 10.1161/01.cir.83.3.797. [DOI] [PubMed] [Google Scholar]
  • 47.Breiman L. Random forests. Mach. Learn. 2001;45:5–32. [Google Scholar]
  • 48.Wittek A, et al. In vivo determination of elastic properties of the human aorta based on 4d ultrasound data. J. Mech. Behav. Biomed. Mater. 2013;27:167–183. doi: 10.1016/j.jmbbm.2013.03.014. [DOI] [PubMed] [Google Scholar]
  • 49.Wittek A, et al. A finite element updating approach for identification of the anisotropic hyperelastic properties of normal and diseased aortic walls from 4d ultrasound strain imaging. J. Mech. Behav. Biomed. Mater. 2016;58:122–138. doi: 10.1016/j.jmbbm.2015.09.022. [DOI] [PubMed] [Google Scholar]
  • 50.Palit A, Bhudia SK, Arvanitis TN, Turley GA, Williams MA. Computational modelling of left-ventricular diastolic mechanics: Effect of fibre orientation and right-ventricle topology. J. Biomech. 2015;48:604–612. doi: 10.1016/j.jbiomech.2014.12.054. [DOI] [PubMed] [Google Scholar]
  • 51.Nikou A, et al. Computational modeling of healthy myocardium in diastole. Ann. Biomed. Eng. 2016;44:980–992. doi: 10.1007/s10439-015-1403-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 52.Keshavarzian, M. et al. An image registration framework to estimate 3d myocardial strains from cine cardiac mri in mice. In International Conference on Functional Imaging and Modeling of the Heart, 273–284 (Springer, 2021). [DOI] [PMC free article] [PubMed]
  • 53.Li DS, et al. Insights into the passive mechanical behavior of left ventricular myocardium using a robust constitutive model based on full 3d kinematics. J. Mech. Behav. Biomed. Mater. 2020;103:103508. doi: 10.1016/j.jmbbm.2019.103508. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 54.Li DS, et al. How hydrogel inclusions modulate the local mechanical response in early and fully formed post-infarcted myocardium. Acta Biomater. 2020;114:296–306. doi: 10.1016/j.actbio.2020.07.046. [DOI] [PMC free article] [PubMed] [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Supplementary Materials

Data Availability Statement

The data that support the findings of this study are available from the corresponding author, R.A., upon request.


Articles from Scientific Reports are provided here courtesy of Nature Publishing Group

RESOURCES