Continuous 3D Myocardial Motion Tracking via Echocardiography
Abstract
Myocardial motion tracking stands as an essential clinical tool in the prevention and detection of cardiovascular diseases (CVDs), the foremost cause of death globally. However, current techniques suffer from incomplete and inaccurate motion estimation of the myocardium in both spatial and temporal dimensions, hindering the early identification of myocardial dysfunction. To address these challenges, this paper introduces the Neural Cardiac Motion Field (NeuralCMF). NeuralCMF leverages implicit neural representation (INR) to model the 3D structure and the comprehensive 6D forward/backward motion of the heart. This method surpasses pixel-wise limitations by offering the capability to continuously query the precise shape and motion of the myocardium at any specific point throughout the cardiac cycle, enhancing the detailed analysis of cardiac dynamics beyond traditional speckle tracking. Notably, NeuralCMF operates without the need for paired datasets, and its optimization is self-supervised through the physics knowledge priors in both space and time dimensions, ensuring compatibility with both 2D and 3D echocardiogram video inputs. Experimental validations across three representative datasets support the robustness and innovative nature of the NeuralCMF, marking significant advantages over existing state-of-the-art methods in cardiac imaging and motion tracking. Code is available at: https://njuvision.github.io/NeuralCMF.
Myocardial motion tracking, Echocardiogram videos, Implicit neural representation, Cardiac imaging
1 Introduction
Cardiovascular diseases (CVDs) stand as the primary global cause of death [1]. While CVDs encompass a spectrum of pathological disorders, including coronary atherosclerosis, valvular insufficiency, and inflammatory myocarditis, each impairs the heart’s motion and pumping function [2]. Therefore, accurate tracking of myocardial motion is pivotal for detecting CVDs. For instance, motion tracking is critical for early intervention in cardiotoxicity by detecting subclinical cardiac dysfunction post-cancer treatment [3], identifying regional contractility inconsistencies in ischemic diseases for coronary artery disease detection [4], and assessing risks and treatment success in valvular heart diseases [5, 6]. It also aids in the early detection of systolic and diastolic dysfunction in cardiomyopathies, forecasting cardiovascular events and patient outcomes [7, 8], optimizing cardiac resynchronization therapy [9], understanding hemodynamics in pulmonary hypertension and congenital heart diseases [10, 11], and managing atrial fibrillation [12, 13]. Overall, cardiac motion tracking is indispensable across a wide range of heart diseases for its diagnostic, prognostic, and therapeutic guidance capabilities. Currently, two primary modalities for myocardial motion tracking exist, namely echocardiography and cardiac magnetic resonance (CMR). Considering factors such as economics, prevalence, operational complexity, and temporal resolution, echocardiography is favored over CMR [14, 15, 16]. Consequently, developing and implementing an accurate and robust 3D myocardial motion tracking method based on echocardiography is essential in modern cardiology practice.
While numerous methods have been proposed to track myocardial motion in echocardiogram video, several challenges persist in existing solutions. In speckle-based tracking approaches [17, 18, 19, 16] which aim to identify consistent intensity patterns across successive frames by optimizing their similarities, capturing motion trajectories over extended temporal frames remains a formidable task due to the inherent limitation of estimating motions frame by frame. Surface-based tracking techniques [20, 21, 22, 23, 24, 25], on the other hand, concentrate on capturing similar curvature or shape characteristics of the chamber’s boundaries across sequential frames. However, the necessity for interpolating motion vectors for points within the boundary introduces inaccuracies, particularly in myocardium regions that are not fully infarcted. For instance, in cases of cardiac sarcoidosis [26, 27], where motion across the entire myocardium lacks uniformity. More recently, deep learning-based tracking methods have achieved remarkable success in analyzing deformations between images [28, 29, 30]. However, they face limitations in predicting the complete cardiac cycle’s motion and suffer from the lack of large-scale paired datasets. In summary, current myocardial motion tracking techniques with echocardiogram video input encounter three primary challenges: (1) accurate and complete estimation of myocardial motion throughout the entire cardiac cycle, (2) tracking any points in the 3D heart without resorting to interpolation, and (3) operating without the need for additional paired training datasets.
In this manuscript, we present Neural Cardiac Motion Field (NeuralCMF), an innovative self-supervised technique designed to simultaneously model the 3D cardiac structure and capture the 6D forward/backward motions of the myocardium. In contrast to prior methods that primarily focus on comparing neighboring frames pairwise, NeuralCMF takes a unique approach by modeling the global motion of all pixels throughout the entire video as a continuous implicit neural function, which has a coordinate input and the corresponding shape/motion output. Consequently, this enables us to precisely query the motion trajectory for any pixel spanning the complete cardiac cycle, as demonstrated in Fig. 1. Rather than depending on an extensive paired dataset for supervision, NeuralCMF employs a physics-informed self-supervision mechanism. This mechanism involves comparing the loss between the network output after physical imaging operators and the input videos during optimization (see Fig. 2). As a result, NeuralCMF effectively overcomes the dataset dependency commonly found in current deep learning-based methods, eliminating the limitations posed by data bias and enhancing its applicability and generalizability across a broad spectrum of ultrasound devices and patient populations. Furthermore, as the physical imaging operators can be modified according to 2D echocardiogram (2DE) or 3D echocardiogram (3DE) videos, NeuralCMF can be seamlessly integrated with both multi-view 2DE and 3DE video inputs. To the best of our knowledge, this universality for estimating 3D myocardial motion using echocardiogram videos from both 2D and 3D sources is a first in the community. The quantitative and qualitative experiments conducted on three representative datasets, spanning both 2DE and 3DE videos, show that the performance of our approach consistently outperforms the existing state-of-the-art methods [31, 30]. We believe the methodology presented here may also be applicable across more imaging modalities beyond ultrasonic imaging for analyzing the motion of organs other than the heart.
The contributions of this paper are summarized below:
-
•
We present NeuralCMF, a novel self-supervised method that simultaneously models the 3D structure of the heart and the 6D forward/backward motion of the myocardium. This method employs a personalized training strategy, where the network is specifically trained using the heart video data of an individual. With this approach, NeuralCMF is capable of estimating the 3D motion of any specific point in the heart throughout the cardiac cycle.
-
•
The capability of NeuralCMF to estimate dense 3D motion from multi-view 2DE images represents both innovation and practicality, rendering it particularly valuable in diverse critical care environments such as emergency departments and preoperative clinics.
-
•
To evaluate the performance and validity of our method, we have established unique multi-view 2DE and 3DE video datasets for cardiac imaging comprising data from 127 volunteers, covering both healthy individuals and patients with coronary heart disease (CHD).
-
•
NeuralCMF provides state-of-the-art performance in quantitative and qualitative assessments tested on three separate datasets: the open-source STRAUS [32], along with our specially constructed multi-view 2DE and 3DE video datasets.
2 Related Work
2.1 Cardiac Motion Tracking Methods
Motion tracking is crucial for precise strain calculations, and its objective is to map the displacement between consecutive images in a sequence. This section reviews existing motion tracking algorithms.
2.1.1 Intensity-based Methods
Speckle-tracking methods identify consistent intensity patterns across several consecutive time frames by maximizing the similarity of these patterns [18, 19]. These algorithms operate under the premise that there is only a small displacement motion between frames and that the intensity of a specific point within a moving object will remain unchanged. Nevertheless, the precision of speckle tracking tends to diminish when the temporal intervals between frames become substantial.
2.1.2 Feature-based Methods
Feature-based algorithms utilize image attributes such as surfaces, texture, or curvature, allowing consistent tracking over time [20, 22, 24]. These methods generate motion fields by matching the key points across frames based on features. The point matching algorithms include iterative closest point matching [33] and robust point matching [34]. Although efficient, these approaches are limited by the dependency on accurate segmentation and often produce sparse motion fields that need additional interpolation to generate motion in the desired locations.
2.1.3 Deep Learning-based Methods
State-of-the-art methods are driven by deep learning, gaining traction for their computational efficiency and pattern recognition capabilities. In the realm of supervised learning, a variety of methods have emerged: Rohé et al. [35] developed a method that leveraged a convolutional neural network (CNN) guided by the mesh segmentation of paired images to compute transformations between pairs of CMR images. Parajuli et al. [21] introduced the flow network tracker (FNT), employing a convolutional autoencoder to extract a point cloud from myocardium segmentation, followed by point tracking across time frames. Wu et al. [36] utilized a deep boltzmann machine (DBM) to capture both local and global heart shape variations, enabling frame-by-frame heart motion tracking in CMR images. However, these supervised methodologies predominantly rely on simulated datasets with known ground-truth deformations or expert-labeled myocardium segmentations, which are difficult to collect in real cases.
Limited ground truth motion labels have increased interest in unsupervised motion tracking. This has led to the evolution of methods employing diverse U-Net architectures [37] for cardiac motion tracking [28, 38, 39]. However, these methods have mostly been limited to the analysis of 2D heart images or CMR images, leaving motion tracking on 3DE an enduring challenge. Recent works, such as Ta et al. [29] with a proposed semi-supervised joint network and Ahn et al. [30] with a co-attention spatial transformer network, both for pairs of 3D heart images motion estimation, have shown promising advancements. Yet, these approaches remain limited in concurrently predicting the entire cardiac cycle’s motion, necessitating extensive training datasets and exhibiting susceptibility to data bias.
Deep learning-based methods have shown significant promise in cardiac motion tracking. Nonetheless, no methods can predict complete myocardial motion throughout the cardiac cycle without relying on simulated or expert-labeled datasets, a factor that is crucial for clinical use.
2.2 Implicit Neural Representation
The implicit neural representation (INR) [40], also referred to as neural fields [41], characterizes the function of a signal by mapping the coordinate to its attribute using a neural network. Different from previous deep-learning techniques [42], which are supervised by a large-scale paired dataset, the training of INR follows a self-supervised mechanism. This self-supervised mechanism can be embedded with various differentiable physics operators, making the INR naturally suitable for solving domain-specific inverse problems where large-scale paired datasets are unavailable. As a result, INR has been widely applied in various tasks, such as the neural rendering [41, 43], microscopy imaging [44, 45], material design [46] and partial differential equations solver [47].
Recently, INR has gained prominence in medical imaging. Focusing on the realm of 2D/3D image reconstruction, the prevalent modalities such as computed tomography (CT), magnetic resonance imaging (MRI), and ultrasound have seen numerous advancements. For instance, in the context of CT image reconstruction, Shen et al. [48] introduced a method that used prior images and INR to reconstruct high-quality 2D CT images from sparse samples. Zha et al. [49] proposed a method for sparse-view cone beam computed tomography (CBCT) reconstruction, using INR to model the attenuation field and optimize it by minimizing discrepancies between actual and synthesized projections. In the MRI reconstruction realm, Wu et al. [50] used high and low-resolution MRI image pairs to represent the 3D brain surface, processed the low-resolution images with a super-resolution CNN, and combined the extracted features with high-resolution coordinates in an MLP decoder to determine 3D voxel intensity. For ultrasound reconstruction, Shen et al. [51] proposed CardiacField to produce a high-fidelity 3D heart and automatically estimate heart function using only low-cost 2DE probes.
While numerous methods have employed INR to address challenges in medical imaging, none have explored its application for cardiac motion analysis in ultrasound modality, which is paramount in the clinical assessment of cardiac function.
3 Methodology
3.1 Overview
Aligned with our aim to attain a comprehensive understanding of cardiac dynamics, we present a self-supervised methodology that utilizes INR to accurately estimate the 3D motion of the myocardium throughout the entire cardiac cycle. The method is applicable to both 2DE and 3DE videos. As depicted in Fig. 2, the inputs of our method are the 4D space-time coordinates in the heart. The corresponding outputs consist of the intensity value at the specified space-time location, along with the forward and backward motion vectors of the location at successive time frames and , respectively.
Our approach extends our previous work, CardiacField [51], by integrating the temporal dimension into the network input, enabling the quantification of the motion of the myocardium throughout the entire cardiac cycle. In the following sections, we will begin by briefly reviewing the core of the CardiacField [51]. Subsequently, we will detail the NeuralCMF and its optimization strategy.
3.2 Background
Our previous study, CardiacField [51], focuses on reconstructing the 3D heart from a multi-view 2DE video captured from different angles. To achieve this, it represents a static 3D heart as a continuous function using the INR, denoted by . This function takes 3D positions as input and yields the corresponding volume intensity ,
(1) |
where the function is modeled using a multi-resolution hash-based MLP network [52, 53]. To supervise the training of the network parameters in CardiacField [51], the physical imaging process of 2DE images is introduced to construct the physics-informed loss function. In detail, each 2DE image can be viewed as applying a virtual slicing operation to the 3D cardiac volume according to the angles of different images, i.e.,
(2) |
where is the slicing operator that reduces an -dimensional function down to an -dimensional one by zeroing out the last dimensions. characterizes the angle of different images and is used to transform the coordinates from the global world coordinate system to the image plane system. Subsequently, the 2DE images derived from , are compared to in the input 2DE images using a mean squared error loss.
(3) |
where refers to the number of input 2DE images, and denote the -th synthesized image from the network and the corresponding ground truth input image. The denotes the -norm of the vector or matrix. The denotes the vectorization of a matrix. Finally, the loss is used to update the network parameters in and the angle parameters in following the backward gradient flow. Once the training of converges, the 3D structure of the heart could be reconstructed by feeding the coordinate to the one by one. As a result, CardiacField could be used to reconstruct the 3D heart from 2DE video without attaching any other position sensors.
3.3 Neural Cardiac Motion Field
In order to quantify the deformation of the myocardium, we extend the static 3D heart representation in CardiacField [51] to dynamic reconstruction and formulate the dense 3D motion field of the myocardium using the INR. Given a 3D position at a specific time , our model predicts not only the volume intensity but also the forward and backward motion vectors. These vectors are expressed as . Specifically, the forward 3D offset vector is represented as , detailing the displacement from time frame to . Similarly, the backward 3D offset vector is denoted as , which encapsulates the displacement from time frame to . These vectors provide a comprehensive description of the motion in 6D, accounting for spatial displacement in three dimensions over two time intervals. Accordingly, the dynamic model is mathematically defined as follows,
(4) |
As depicted in Fig. 2, the network consists of a static and dynamic stream. The static stream takes the 3D position vector as its input, while the dynamic stream’s input consists of the concatenation of the 3D position vector and time . The networks within the static and dynamic streams are formulated using the SIREN network [40]. Each network has 4 layers, with 64 neurons in each hidden layer. The outputs of the two streams are static and dynamic feature vectors with length 32, respectively. The static feature vector captures the heart’s shape in the first frame. The dynamic feature vectors are essential to capture the transient changes of the myocardium that occur over time. These feature vectors are then concatenated and fed into a feature aggregation network , comprising a single layer with 64 neurons. The output of the feature aggregation network is further fed into three distinct layers (, , and ) to obtain the volume intensity and motion vectors and ,
(5) |
where denotes the parameters of the corresponding neural network. and refer to the Sigmoid and Tanh activation functions, respectively.
3.4 Physics-informed Optimization
To supervise the training of the network parameters, a physics-informed loss function is proposed,
(6) |
where and , respectively model the static and dynamic physical knowledge priors, regularizes the loss function. The terms and represent the weight of the physical imaging loss and regularization loss. Subsequent sections will provide a detailed elaboration of different components in the loss function.
3.4.1 Physical Imaging Loss
The physical imaging loss focuses on modeling the static 3D structure information in NeuralCMF according to the input echocardiogram videos. Because the physical imaging process of the 3DE varies from the 2DE, the formula for varies accordingly:
(7) | ||||
where refers to the input 3DE or 2DE videos, is a 3D point at time and its definition domain is determined by the resolution of input videos, e.g., for an input 3DE video with resolution . When a 3DE video is given, the 3D structure of the heart can be supervised directly by comparing the network output with the input video. However, when a 2DE video is given, the slicing operation (Eqn. 2) in 2D echocardiography should be involved to generate a 2D image for comparison with the input 2D image. Note that the parameters for characterizing the angles of different 2D images are also optimized automatically in the training process.
3.4.2 Physical Motion Consistency Loss
In echocardiogram videos, the intensity remains consistent in both the heart’s tissues and blood-filled areas throughout the entire cardiac cycle [54]. Taking inspiration from this ‘consistent intensity’ prior, we propose the physical motion consistency loss, ensuring the continuity of intensity for any given point within the 3D heart over time. Given a point in the 3D heart at time , i.e., , its corresponding point at time and can be calculated by,
(8) | ||||
Then, these new positions are fed into the to obtain the corresponding intensity values, forward and backward motions. Following the ‘consistent intensity’ prior, the physical motion consistency loss could be mathematically modeled as follows,
(9) | ||||
where denotes the total frames in an entire cardiac cycle.
3.4.3 Physical Cardiac Cycle Consistency Loss
To enhance the precision of our model and align it with the physiological realities of cardiac function, we incorporate a physical cardiac cycle consistency loss. This loss reflects the fundamental cyclical behavior of cardiac motion throughout a single heart cycle, recognizing that the heart muscle returns to its initial shape after completing one cardiac cycle. The cycle consistency involves two primary constraints:
-
•
Intensity constraint. The intensity of a particular point at the end of a cardiac cycle should closely align with its intensity at the beginning of the cycle. This intensity consistency condition reinforces the model’s alignment with physical principles, ensuring the intensity is consistent across a full cycle.
-
•
Motion constraint. The heart’s cyclic motion dictates that the cumulative forward or backward motions over the course of one cardiac cycle should sum to zero. This constraint ensures that the cardiac model adheres to the biological principle that the heart returns to its original shape after a complete cycle.
Mathematically, these two constraints can be formulated as,
(10) | ||||
3.4.4 Regularization Loss
To reduce the noisy mismatch caused by the low signal-to-noise ratio in the input echocardiogram videos, two regularization terms are introduced in our model. The first term enforces consistency between the predicted forward and backward 3D motion vectors at each time step, ensuring that the forward motion vector , is congruent with the corresponding backward motion vector, .Additionally, Eqns. 9, the physical motion consistency loss, complements this by aligning the and to have equivalent magnitudes and opposite directions. Overall, these provisions ensure that the forward motion at each time step have the same magnitude and direction. This consistency contributes to smoother forward motion across consecutive time steps. Concurrently, the purpose of the second term is to limit the magnitude of the 3D motion vectors at each time step, effectively preventing the occurrence of excessively large motions. By combining these two terms, the model effectively eliminates unpredictable and excessive movements, ensuring the motion is fluid, consistent, and smooth. The regularization loss is thus formulated as follows,
(11) | |||
The algorithm presented in Algorithm 1 outlines the detailed pipeline of the proposed NeuralCMF. This algorithm aims to reconstruct the 3D structure and motion vectors from input multi-view 2DE or 3DE videos, all without requiring paired datasets. Initially, a batch of 4D coordinates is randomly selected and normalized (line 5). Subsequently, the intensity and motion vectors are obtained by inputting these coordinates into the respective neural networks (lines 6-9). Following this, the intensity and motion vectors are computed after moving forward and backward through one cardiac cycle (lines 10-14). In the fourth step, various loss functions are computed based on the definitions provided in Eqns. 7 through 11 (lines 15). Finally, the combined loss function (line 16) supervises the update of the network parameters (line 17). These steps are iterated thousands of times. Upon convergence of training, the reconstructed motion vectors at any given space-time point can be obtained by inputting the coordinates into the network (line 6).
4 Experiments
4.1 Datasets
We employ three distinct echocardiogram video datasets to evaluate the proposed NeuralCMF, each contributing unique characteristics and challenges.
4.1.1 STRAUS Datasets
The open-source 3D strain assessment in ultrasound (STRAUS) dataset [32] consists of 8 distinct volumetric sequences, each corresponding to a specific physiological condition. These include one healthy sequence, four ischemic cases, and three simulations of dilated cardiomyopathy. The ischemic cases are characterized by occlusions in various coronary arteries: the proximal or distal parts of the left anterior descending coronary artery (LADprox and LADdist, respectively), the left circumflex coronary artery (LCX), and the right coronary artery (RCA). The simulations of dilated cardiomyopathy consist of one case with a synchronous activation pattern (sync) and two cases of dyssynchrony due to left bundle branch block (LBBBsmall and LBBBlarge). These dyssynchronous cases are further distinguished by a progressively longer delay in activating the septum and lateral wall. Importantly, this dataset is accompanied by ground truth motion vectors, which have been derived from the movement of the left ventricular (LV) mesh. These vectors are instrumental in modeling the heart’s motion, providing a valuable reference for analyzing and validating computational approaches. The 3D video in each data has a resolution with frames. This comprehensive dataset facilitates a robust examination of various heart conditions and serves as a valuable resource for analyzing and validating cardiac motion modeling.
4.1.2 2DE and 3DE Video Datasets
This dataset contains 127 video pairs from different volunteers, featuring both 2DE and corresponding 3DE videos for each individual. The 2DE video dataset was acquired using commercial PHILIPS EPIQ 7C/IE ELITE machines with S5-1 2DE probes and SIEMENS ACUSON SC2000 PRIME machines with a 4V1c 2DE probe. During the imaging process, sonographers performed 360-degree rotations around the apex of the heart for each individual volunteer. Subsequently, the 2DE videos were synchronized based on concurrently recorded ECG signals. Any extraneous elements, such as text, electrocardiogram information, or other unrelated details outside the scanning sector, were cropped and masked. The images were subsequently resized to -pixel dimensions utilizing a bicubic interpolation filter and consist of 36 frames. In addition to the 2DE videos, the 3DE video dataset was acquired for each volunteer using commercial PHILIPS EPIQ 7C machines equipped with an X5-1 3DE probe. These 3D datasets offer a resolution of pixels and contain 12 frames. These 3D images were captured using a standard four-chamber apical view.
4.2 Implementation Details
The proposed NeuralCMF is implemented using the PyTorch framework. We use the FusedAdam optimizer, which is an implementation of the Adam optimizer [55] that fuses multiple CUDA kernels and uses half-precision arithmetic to improve GPU memory usage and performance. The learning rate, initialized as 0.0001, is decayed according to the cosine annealing schedule. We trained our model for iterations with 8192 points sampled in each iteration, and , , . For every individual point, the position coordinate is normalized to the range . The time is subjected to repetition with the period of the cardiac cycle to align our implementation with the cyclic nature of the heartbeat,
(12) |
For both the STRAUS dataset and the 3DE video dataset, NeuralCMF is designed to take 3D video sequences as input. We sample the dataset, extracting 4 images per cardiac cycle. With regard to the 2DE video datasets, NeuralCMF takes the 2D images as input, and our model processes 200 different view sequences.
4.3 Results
Datasets | Methods | Median tracking error (mm) ↓ | Cosine similarity ↑ | DICE ↑ | HD (mm) ↓ | Jaccard index ↑ |
STRAUS (LV Area) | VoxelMorph [31] | |||||
Co-AttentionSTN [30] | ||||||
Ours | ||||||
3D Echo (LV Area) | VoxelMorph [31] | - | - | |||
Co-AttentionSTN [30] | - | - | ||||
Ours | - | - | ||||
3D Echo (LA Area) | Ours | - | - | |||
(RA Area) | Ours | - | - | |||
2D Echo (LV Area) | Ours | - | - | |||
(LA Area) | Ours | - | - | |||
(RA Area) | Ours | - | - |
4.3.1 Evaluation Metrics
The experimental investigations conduct on the STRAUS dataset are evaluated using the provided ground-truth motion vectors. This facilitates the calculation of two key metrics: the median tracking error (MTE) and the cosine similarity. The MTE metric, determined by the -norm between the ground truth and predicted motion vectors, evaluates the quantitative accuracy of the tracking, while the cosine similarity serves as a measure of the alignment of the directional components of the motion vectors, with 1 signifying perfect alignment and -1 indicating completely opposite directions. Together, these metrics provide a comprehensive evaluation of both the magnitude and direction of the computed motion fields.
In the case of the 2DE and 3DE video datasets [51], where ground-truth motion vectors are unavailable, we rely on segmentation-based assessments. We employ metrics such as the hausdorff distance (HD), dice similarity Coefficient and jaccard index, comparing them against provided segmentation masks across two phases. The segmentation masks are labeled by an experienced echocardiographer. Using the learned motion vectors, we warp the 3D images from the end-diastolic (ED) phase to the end-systolic (ES) phase. Subsequently, we compare the myocardium segmentation of the LV in the four-chamber apical view from the warp ES phase to the myocardium segmentation in the real ES phase.
The NeuralCMF is evaluated against various state-of-the-art registration/motion tracking algorithms across each dataset for a robust quantitative comparison. Specific comparisons are made with other deep learning-based methods, including VoxelMorph [31] and Co-AttentionSTN [30]. The STRAUS dataset comprises 8 different 3DE sequences, we employ a 5/1/2 split strategy—utilizing 5 sequences for training, 1 for validation, and 2 for testing. Recognizing the constraints posed by the relatively small dataset, we have implemented a strategy to enhance the diversity and relevance of our training set, following the precedent established by [30]. Specifically, we select additional frame pairs from each sequence that exhibited significant variations in the cardiac cycle, indicated by a DICE overlap below 0.7. This method yields a robust dataset of 415 frame pairs for training and 83 for validation. This strategic selection ensures a more equitable comparison across different methods. For our 3D echo datasets, we prepare 594 images for training, 91 for validation, and select sequences from 100 individuals for testing. It is important to note that unlike the above-mentioned other deep learning-based methods, NeuralCMF does not rely on a training dataset. We directly apply our method to the testing dataset to obtain motion results, which are then used for further comparison. This direct application streamlines the process, eliminating the need for a training phase and showcasing NeuralCMF’s efficiency and adaptability in handling motion tracking tasks across datasets.
4.3.2 Results on STRAUS and 3DE Video Datasets
In Table 1, we offer quantitative comparisons of our proposed method using the STRAUS and the 3DE video datasets. The STRAUS dataset is limited exclusively to the LV, necessitating a focused comparison on this region across all methods to ensure an equitable evaluation. Regarding the 3DE video datasets, the critical role of the LV in cardiac analyses within clinical settings directs standard 3D ultrasound data collection predominantly towards the LV. Although myocardial data for the LV, left atrium (LA), and right atrium (RA) are complete, the presence of ribs often obstructs ultrasound imaging, frequently resulting in incomplete myocardial data for the right ventricle (RV) [56, 57]. This limitation impacts the effectiveness of myocardial motion tracking in the RV, prompting us to include experimental analyses for the LV, LA, and RA.
In the LV area, our method consistently outperforms competitors like VoxelMorph and Co-AttentionSTN across all evaluation metrics. It is noteworthy that the DICE coefficients for both the LA and RA regions exceed 0.7, indicating high accuracy in tracking. The results from the 3DE Video Datasets are lower than those from the STRAUS datasets. This discrepancy can be attributed to the higher signal-to-noise ratio present in the STRAUS datasets compared to the 3DE Video Datasets. Figure 3 illustrates the tracking results for both the STRAUS and 3D datasets. The images of LV myocardium at different frames are displayed from left to right. In the leftmost image, a total of 2500 points from the myocardium are selected and colored. Then, the corresponding points obtained by different motion tracking algorithms are plotted in the right 3 images. NeuralCMF demonstrates robust and consistent tracking capabilities throughout the cardiac cycle. Specifically, within the STRAUS datasets, tracking points transition from the ED to the ES phase (representing the largest movement in the cardiac cycle). There are two problems in tracking results of VoxelMorph and Co-AttentionSTN. First, the estimated motion displacement is shorter than the ground truth. The range of colored tracking points on the endocardium appears to be larger than the ground truth, as indicated by the yellow arrow in Fig. 3b1-b4. Second, points on the endocardium, which are uniformly sampled in the ED phase, become non-uniform in the ES phase as shown in Fig. 3b3, resulting in a loss tracking of starting points. In contrast, our method aligns myocardium points with the ground truth more precisely than these competing methods.
Regarding the 3DE video datasets, our approach consistently maintains tracking of the point as the myocardium transitions from ED to ES. Conversely, other methods frequently exhibit tracking inconsistencies, leading to point misplacement or loss during this significant stage. As illustrated in Fig. 3b6 and b7, both VoxelMorph and Co-AttentionSTN fail to track points on the interventricular septum (as indicated by the yellow arrow) during the ES phase. Particularly when myocardium movements are more substantial than in the ED phase, VoxelMorph and Co-AttentionSTN tend to lose track. Our method, however, reliably monitors these points across the entire cardiac cycle. Additionally, as shown in Fig. 3c5 - c7, our method outperforms VoxelMorph and Co-AttentionSTN in tracking myocardium movement, even over prolonged durations. This superiority is evident in the last frame of Fig. 3, where our method continues to track the interventricular septum accurately, whereas VoxelMorph and Co-AttentionSTN both lose their tracking points.
In addition to the LV area, we conducted comprehensive experimental analyses for the LA and RA, regions where data acquisition is typically more complete. To demonstrate the broad applicability and effectiveness of our method across different cardiac regions, we incorporated both quantitative (refer to Table 1) and qualitative assessments (see Fig. 4 and Fig. 9). For instance, as illustrated in Fig. 4, we select key points on the LA myocardium, which are displayed in the first column. The subsequent three columns are present the tracking results of various methods during different phases. Notably, VoxelMorph’s results become distorted during heart movement. In contrast, our method’s tracking outcomes remain precise and consistent. It is pivotal to highlight the tracking of the points on the mitral valve annulus. NeuralCMF stably and consistently tracks its movement, while both VoxelMorph and Co-AttentionSTN fail to track the mitral valve annulus. This further elucidates that only our method can accurately capture the longitudinal movement of LA myocardium during the cardiac cycle.
The comparison in Fig. 5 indicates that our model produces results that align more precisely with the heart’s actual structure. Figure 5 offers visual comparisons on the results of the warping process applied to 3D images. Specifically, the 3D images at the end-diastolic (ED) phase are transformed using the estimated motion vectors to create corresponding 3D images at the end-systolic (ES) phase. We then slice the apical four-chamber view from this 3D model for a detailed comparison. To offer a clearer comparison, we segment the myocardium of the LV and compute the DICE index between the ground truth and the warped images at the ES phase. Notably, the DICE score of our method surpasses that of other methods.
4.3.3 Coronary Heart Disease Classification
To explore the additional value our approach brings to identifying disease pathologies, we conduct an experiment aimed at distinguishing between healthy individuals and patients with CHD using the motion data derived from our novel method. We extract 3D motion vectors from the LV area. Following the [58], these vectors are subsequently projected into a 10-dimensional (10-D) space using Principal Component Analysis (PCA), effectively capturing the core motion information. For the task of classification, we utilize the 10 most distinctive PCA components derived from the LV area. Our findings reveal that by using the motion information from the LV, we attain a 90% accuracy rate in distinguishing healthy individuals from CHD patients, utilizing a 10-fold cross-validation method alongside Support Vector Machines (SVM). It’s important to note that the methods we compared against, namely VoxelMorph [31] and Co-AttentionSTN [30], represent the state of the art in registration/motion tracking algorithms, with classification accuracy rates of 75% and 72% respectively. The results are presented in Table 2. The increased accuracy in our approach can be attributed to the more precise tracking of LV motion, which, as a result, enables more accurate classification of healthy individuals versus CHD patients.Additionally, we apply PCA to reduce the motion information of LV to a 2D vector for each subject, facilitating a visual representation of the separation between the two groups. This visualization is presented in Fig. 6. This visualization elucidates the enhanced classification clarity provided by our method.This experiment highlights the capability of our methodology as an effective instrument for improving disease diagnostics, especially for CHD that may elude detection by existing approaches, e.g. chamber size and ejection fraction (EF).
4.3.4 Results on 2DE Video Datasets
Our model transcends mere motion estimation by concurrently reconstructing a dynamic heart from 2DE videos, showcasing its capacity for handling multiple tasks simultaneously. The performance of our approach is validated through a comprehensive assessment that includes both quantitative and qualitative evaluations. The motion estimation results of the 2DE video datasets are thoroughly detailed in Table 1, offering a statistical insight into the model’s precision and consistency in tracking motion. Figure 3 visually represents the point tracking results, enabling a more intuitive understanding of the method’s effectiveness across cardiac cycles. Additionally, our model’s ability to reconstruct the 3D dynamic heart is evaluated by comparing its reconstruction results with the 3D hearts captured using a 3DE probe, as illustrated in Fig. 7. Compared to the 3DE probe, the 3D heart structure represented by our approach closely aligns with that of the 3DE probe. Moreover, our results exhibit a superior signal-to-noise ratio than the 3DE probe. This experiment validates the multitasking ability of our method, demonstrating its robustness in handling complex cardiac imaging tasks.
4.3.5 Ablation Study
In this section, we explore the architecture of our network through a comprehensive ablation study, the findings of which are shown in Table 3. This analysis reveals that models incorporating static features outperform those relying solely on dynamic features. This may be attributed to the static feature captured by static SIREN, which can represent the cardiac structure that does not change over time, thereby providing a consistent reference frame. Such a reference is crucial for the dynamic SIREN, as it facilitates the differentiation of stationary areas from the areas exhibiting motion, enhancing the capability of the model to capture motion dynamics effectively. Furthermore, we conduct an experiment by substituting SIREN with a combination of positional encoding (PE) and MLP. The results presented in Table 3 reveal a notable decrease in performance upon substituting SIREN with PE + MLP. This finding highlights the superior efficacy of the SIREN network compared to the PE + MLP in our architecture. Our decision to model forward and backward motions separately is not solely based on empirical evidence; it also holds significant physical relevance. This differentiation allows us to ensure that the color of any given point in the current frame remains consistent with both its preceding and succeeding frames, thereby preserving continuity across frames. To substantiate this approach, we conduct additional experiments comparing the performance of a model that only includes forward motion against our method, which treats forward and backward motions distinctly. The findings, presented in Table 3, demonstrate a significant degradation in performance when backward motion is merely the inverse of forward motion. Such a decline is attributable to the model’s oversight of backward motion, wherein a point’s color in the current frame is aligned only with the succeeding frame, neglecting the color continuity with the preceding frame.
Network Structure | MTE | Cosine Similarity |
---|---|---|
Only Dynamic Siren | ||
PE + MLP | ||
Only forward motion | ||
Ours |
To deeply understand each component within our loss function, we conduct a series of ablation studies. These studies analyze the influence of different components, with the performance metrics present in Table 4. Our analysis reveals that the motion cannot be tracked without physical motion consistency loss and physical cardiac cycle consistency loss . This emphasizes the crucial importance of physical loss we proposed in stabilizing the learning process and ensuring convergence to a solution. Additionally, the results from Table 4 provide compelling evidence for the significance of both coordinate and intensity constraints within our loss function. When the coordinate constraint is removed (indicated as wo/coordinate), we observe a drastic increase in MTE and a decrease in cosine similarity, underscoring the importance of spatial constraints in accurate motion tracking. Similarly, the removal of the intensity constraint (indicated as wo/intensity) results in significant degradation of performance, highlighting the necessity of intensity information for precise motion estimation.
To substantiate the effectiveness of term in enhancing motion smoothness, we conduct an experiment visualizing displacement changes between consecutive time points. We calculate displacement vectors between successive time steps using our model, both with and without the implementation of . The magnitudes of these vectors are then plotted over time, as shown in Fig. 8. The graph illustrates the displacement magnitudes, where each point on the blue line (model with ) and the red line (model without ) represents the displacement from one time step to the next. A smoother curve, as exhibited by the blue line, indicates fewer abrupt changes, suggesting enhanced motion smoothness. In contrast, sharper peaks or significant fluctuations on the red line denote more abrupt changes, indicative of less smooth motion. The results confirm that the model incorporating achieves a smoother trajectory, as evidenced by the more gradual fluctuations and reduced slope steepness in the blue line compared to the red line. Furthermore, the ablation study present in Table 4 corroborates that the regularization term not only enhances the visual smoothness but also improves the accuracy of motion tracking.
Loss Function | MTE | Cosine Similarity |
---|---|---|
In tuning the hyperparameters for each component of our loss function, we adopt a systematic approach. Our loss function is composed of three parts: intensity loss with hyperparameter , coordinate loss with hyperparameter , and regularization loss with hyperparameter . Initially, we set all hyperparameters to 1 as a baseline. To understand the influence of each hyperparameter on motion estimation, we vary them from 0.01 to 2. The results of this hyperparameter tuning are presented in Table 5, 6 and 7. After careful evaluation of the hyperparameters’ impact on our model’s performance, we observe the following trends from three tables. For the intensity loss, the hyperparameter () shows the optimal results at 1. The coordinate loss hyperparameter () shows optimal results at 0.1. For the regularization loss hyperparameter (), a value of 0.01 yields the best performance. Consequently, we adopt the hyperparameter settings of 1 for intensity, 0.1 for coordinate, and 0.01 for regularization as our final model configuration, denoted as ’Ours’ in the table. This combination results in the most effective performance, achieving an optimal balance across all metrics.
Hyper Parameters | Intensity () | |
---|---|---|
MTE | Cosine Similarity | |
0.01 | ||
0.1 | ||
1 | ||
2 | ||
Ours |
Hyper Parameters | Coordinate () | |
---|---|---|
MTE | Cosine Similarity | |
0.01 | ||
0.1 | ||
1 | ||
2 | ||
Ours |
Hyper Parameters | Regularization () | |
---|---|---|
MTE | Cosine Similarity | |
0.01 | ||
0.1 | ||
1 | ||
2 | ||
Ours |
We conduct an ablation study to examine how varying the percentage of observed ground truth (GT) pixels influences the performance of our method. We systematically vary the amount of GT pixels used to supervise the network training and evaluate the impact on performance metrics. The results are displayed in Table 8 and provide insightful trends. This table provides information on the impact of varying proportions (20%, 40%, 60%, 80%, and 100%) of GT pixels on MTE and cosine similarity. Data is presented as mean standard deviation. Analyzing the content of the table, we can observe trends from two dimensions: MTE and cosine similarity. Overall, 100% GT supervision yields the best results, evidenced by the decrease in MTE and the increase in cosine similarity.
Percentage of GT Pixels | MTE | Cosine Similarity |
---|---|---|
20% | ||
40% | ||
60% | ||
80% | ||
100% |
4.4 Results on Myocardial Strain Computation
Myocardial strain is a critical parameter in heart biomechanics and can be computed using Lagrangian strain [54]. The process of deriving Lagrangian strain begins with defining the deformation gradient tensor, denoted as , to characterize the displacement of points within the heart during deformation. The expression for the heart deformation gradient tensor is given by,
(13) |
where represents the identity tensor, and is the forward motion field gradient. Our method has significant advantages for calculating the forward motion field gradient because the network’s input is the coordinate and the output is the motion. This setup allows for the straightforward calculation of the motion field gradient using the neural network’s automatic differentiation mechanism. This gradient can be further expressed as,
(14) |
where the components , , and represent the components of the forward motion in the , , and directions, respectively. Next, we arrive at the Lagrangian strain tensor , computed at point at time ,
(15) |
To calculate the strain in a specific direction of the LV, we project the strain in that direction using,
(16) |
where is a directional vector.
In our implementation, the longitudinal direction is . To compute the radial direction , we first determine the normalized direction of each point in the LV myocardium to its center, then deduce the radial direction as . Lastly, the circumferential direction is computed as the cross product of the previous two vectors, i.e., .
In the study of myocardial mechanics, a precise visualization of strain across different regions of the heart is essential. To this end, we present a method to visualize the strain across 17 American Heart Association (AHA) segments. This approach comprises the following steps:
-
1.
Sampling Points: First, we sample points on the LV endocardial surface and extract their 3D coordinates. To achieve this, we uniformly slice the 3D heart into 30 2D images at the end-diastolic (ED) phase. These slices are performed along the long axis of the 3D heart.
-
2.
Segmentation of Endocardial Area: Subsequently, we segment the endocardial area of the LV in each slice and determine the 3D position of that region.
-
3.
Classification into AHA Segments: Following the approach proposed by [54], we classify the points on the endocardial surface into 17 AHA segments. The specific steps shown in Fig. 10 include: a). Mapping the points on the endocardial surface onto the short-axis plane. b). Correcting the mapping by aligning the apical point to the center. c). Arranging the points uniformly on a disk with a radius of 1. d). Partitioning the points on the resulting disk according to the disk definition of the AHA segment. e). Obtaining the 3D coordinates of the points in each AHA region on the disk.
-
4.
Visualizing Strain Curves: We visualize strain curves for each anatomical direction. We accomplish this by averaging the strain values of all points in each AHA segment, thereby obtaining the global strain in that segment. The results are then plotted as a function of time.
This analysis is performed on a subset of three patients. The results of the global strain curve in three directions are shown in Fig. 11.
4.5 Complexity
Table 9 presents the running time of our method in comparison to VoxelMorph and Co-AttentionSTN using a single Nvidia A100 GPU with 40GB memory. Despite the longer training periods often associated with supervised learning techniques, they tend to offer shorter inference times per subject. In contrast, our approach may result in longer per-subject testing times.
Our model training involves 10,000 iterations, with 8,192 points sampled in each iteration. To optimize processing efficiency, we employ distributed data parallel (DDP) to distribute these 8,192 points across multiple GPUs. This strategy allows each GPU to process a smaller portion of the total points simultaneously, significantly reducing the processing time required for each training step. We conduct an experiment to train our model using four NVIDIA 3090 GPUs. As shown in Table 9, this approach reduced the motion estimation time to 3.83 minutes.
5 Discussion and Conclusion
The diagnostic, prognostic, and preventive measures associated with CVDs remain essential clinical concerns. Advances in cardiac motion tracking technologies, such as CMR feature tracking and speckle-tracking echocardiography have made deformation imaging a viable, reliable, and valuable clinical tool. Global or segmented strain measurement can objectively quantify myocardial deformation and provide a novel method for characterizing myocardial function, which is replacing the conventional heart function evaluation parameters. Given the ubiquity of echocardiography as a bedside imaging modality, its precision in monitoring myocardial movement is vital for identifying abnormalities in the heart. In this context, we introduce the Neural Cardiac Motion Field (NeuralCMF), which is a self-supervised algorithm for modelling cardiac structures and delineating myocardial dynamics.
Traditional approaches, whether speckle-based or surface-based, face intrinsic limitations. The former faces challenges in tracking extended temporal frames, while the latter must contend with interpolative inaccuracies, especially evident in non-uniform myocardium movement cases. NeuralCMF overcomes these challenges, providing a holistic view of cardiac motion rather than a frame-by-frame analysis. The burgeoning field of deep learning, while transformative, presents challenges, especially in data dependency. However, our NeuralCMF does not need extensive paired datasets. This is a crucial distinction from supervised approaches, as it allows our model to learn directly from the data, adhering to the inherent physical laws governing cardiac motion. The self-supervised nature of our approach depends on these universal physical principles, which all hearts follow, thus ensuring its generalizability. Every human heart exhibits similar fundamental physiological patterns and motions. By aligning our model with these principles, we enable it to predict and understand cardiac dynamics across different individuals. We have rigorously tested our method on 127 individuals, including both healthy subjects and patients with CHD. The fact that our method performs consistently across such a heterogeneous group demonstrates its potential for wide clinical application and its reliability across a broad spectrum of cardiac conditions. We provide additional results of myocardial motion tracking for LV, LA, and RA across diverse individuals in Fig. 9.
One of the remarkable features of NeuralCMF is its adaptability. The model accurately estimates myocardial motion when interpreting multi-view 2DE or 3DE videos or dealing with varied resolutions. Such adaptability, particularly its capacity to integrate with different imaging modalities, makes it a valuable tool for researchers and clinicians. The process of reconstructing 3D motion patterns from multiple 2D images is not only challenging but also immensely practical, especially important in settings like emergency departments, intensive care units, outpatient and preoperative clinics, as well as in medically underserved regions ranging from rural areas to low- and middle-income countries, extending to manned space missions. This methodology allows for the utilization of cost-effective handheld 2DE probes for capturing images from diverse angles. Subsequently, these images can be synthesized to reconstruct the 3D motion of the heart, thereby revealing its dynamic functions with high precision. We provide additional results of multi-view 2DE dataset in Fig. 9 that underscore the efficacy of our motion estimation approach. These results illustrate that our methodology is capable of precisely reconstructing the 3D structure of the heart, alongside capturing the motion patterns.
In this study, we demonstrate the capability to classify CHD by employing 3D motion data extracted from 3D datasets. Looking ahead, we plan to build a model that utilize the 3D motion data extracted from multi-view 2DE to detect CHD. This model aims to be perfectly compatible with handheld 2D ultrasound devices, facilitating rapid and reliable screening for coronary heart disease. Such advancements hold the promise of revolutionizing the approach to cardiac care, especially in underserved regions, by making high-quality diagnostic procedures more accessible and efficient. Although our research primarily concentrates on cardiac imaging, the NeuralCMF framework—holds significant potential for broader applications. Specifically, this technique could be extended to the study of other organs and different imaging modalities, suggesting a wide range of future research directions.
The current computational time per subject presents a limitation for our proposed method, particularly as the study population increases. However, this issue can be effectively addressed through several strategies, categorized into hardware acceleration and algorithmic improvements. For hardware acceleration, we plan to adopt NVIDIA’s tiny-cuda-nn framework instead of PyTorch can drastically reduce processing time, as demonstrated by the Instant-NGP [52]. Additionally, we intend to implement a distributed strategy across multiple GPUs, allowing each GPU to process a smaller portion of the data simultaneously, thereby decreasing the training time per iteration. On the algorithmic front, we aim to leverage meta-learning [59] to learn an optimal initialization of model parameters from a large heart dataset. This approach can enhance both optimization speed and accuracy. Together, these proposed adjustments are expected to effectively reduce overall computational demands, thereby enhancing the feasibility of our method for practical applications in clinical and real-world settings.
References
- [1] A. N. Nowbar, M. Gitto, J. P. Howard, D. P. Francis, and R. Al-Lamee, “Mortality from ischemic heart disease: Analysis of data from the world health organization and coronary artery disease risk factors from ncd risk factor collaboration,” Circulation: cardiovascular quality and outcomes, vol. 12, no. 6, p. e005375, 2019.
- [2] C. W. Tsao, A. W. Aday, Z. I. Almarzooq, A. Alonso, A. Z. Beaton, M. S. Bittencourt, A. K. Boehme, A. E. Buxton, A. P. Carson, Y. Commodore-Mensah, et al., “Heart disease and stroke statistics—2022 update: a report from the american heart association,” Circulation, vol. 145, no. 8, pp. e153–e639, 2022.
- [3] K. W. Zhang, B. S. Finkelman, G. Gulati, H. K. Narayan, J. Upshaw, V. Narayan, T. Plappert, V. Englefield, A. M. Smith, C. Zhang, et al., “Abnormalities in 3-dimensional left ventricular mechanics with anthracycline chemotherapy are associated with systolic and diastolic dysfunction,” JACC: Cardiovascular Imaging, vol. 11, no. 8, pp. 1059–1068, 2018.
- [4] M. J. van Mourik, D. V. Zaar, M. W. Smulders, J. Heijman, J. Lumens, J. E. Dokter, V. L. Passos, S. Schalla, C. Knackstedt, G. Schummers, et al., “Adding speckle-tracking echocardiography to visual assessment of systolic wall motion abnormalities improves the detection of myocardial infarction,” Journal of the American Society of Echocardiography, vol. 32, no. 1, pp. 65–73, 2019.
- [5] A. Alashi, A. Mentias, A. Abdallah, K. Feng, A. M. Gillinov, L. L. Rodriguez, D. R. Johnston, L. G. Svensson, Z. B. Popovic, B. P. Griffin, et al., “Incremental prognostic utility of left ventricular global longitudinal strain in asymptomatic patients with significant chronic aortic regurgitation and preserved left ventricular ejection fraction,” JACC: Cardiovascular Imaging, vol. 11, no. 5, pp. 673–682, 2018.
- [6] H. M. Kim, G.-Y. Cho, I.-C. Hwang, H.-M. Choi, J.-B. Park, Y. E. Yoon, and H.-K. Kim, “Myocardial strain in prediction of outcomes after surgery for severe mitral regurgitation,” JACC: Cardiovascular Imaging, vol. 11, no. 9, pp. 1235–1244, 2018.
- [7] D. Morris, E. Belyavskiy, R. Aravind-Kumar, M. Kropf, A. Frydas, K. Braunauer, E. Marquez, M. Krisper, R. Lindhorst, E. Osmanoglou, et al., “Potential usefulness and clinical relevance of adding left atrial strain to left atrial volume index in the detection of left ventricular diastolic dysfunction. jacc cardiovasc imaging. 2018; 11 (10): 1405–15,” J. JCMG, vol. 29, 2017.
- [8] J. J. Park, J.-B. Park, J.-H. Park, and G.-Y. Cho, “Global longitudinal strain to predict mortality in patients with acute heart failure,” Journal of the American College of Cardiology, vol. 71, no. 18, pp. 1947–1957, 2018.
- [9] N. Risum, C. Jons, N. T. Olsen, T. Fritz-Hansen, N. E. Bruun, M. V. Hojgaard, N. Valeur, M. B. Kronborg, J. Kisslo, and P. Sogaard, “Simple regional strain pattern analysis to predict response to cardiac resynchronization therapy: rationale, initial results, and advantages,” American Heart Journal, vol. 163, no. 4, pp. 697–704, 2012.
- [10] N. M. Fine, L. Chen, P. M. Bastiansen, R. P. Frantz, P. A. Pellikka, J. K. Oh, and G. C. Kane, “Outcome prediction by quantitative right ventricular function assessment in 575 subjects evaluated for pulmonary hypertension,” Circulation: Cardiovascular Imaging, vol. 6, no. 5, pp. 711–721, 2013.
- [11] S. M. Chowdhury, Z. M. Hijazi, J. T. Fahey, J. F. Rhodes, S. Kar, R. Makkar, M. Mullen, Q.-L. Cao, and G. S. Shirali, “Speckle-tracking echocardiographic measures of right ventricular function correlate with improvement in exercise function after percutaneous pulmonary valve implantation,” Journal of the American Society of Echocardiography, vol. 28, no. 9, pp. 1036–1044, 2015.
- [12] M. Leung, P. J. van Rosendael, R. Abou, N. Ajmone Marsan, D. Y. Leung, V. Delgado, and J. J. Bax, “Left atrial function to identify patients with atrial fibrillation at high risk of stroke: new insights from a large registry,” European heart journal, vol. 39, no. 16, pp. 1416–1425, 2018.
- [13] H. Motoki, K. Negishi, K. Kusunose, Z. B. Popović, M. Bhargava, O. M. Wazni, W. I. Saliba, M. K. Chung, T. H. Marwick, and A. L. Klein, “Global left atrial strain in the prediction of sinus rhythm maintenance after catheter ablation for atrial fibrillation,” Journal of the American Society of Echocardiography, vol. 27, no. 11, pp. 1184–1192, 2014.
- [14] J. R. Braga, H. Leong-Poi, V. E. Rac, P. C. Austin, H. J. Ross, and D. S. Lee, “Trends in the use of cardiac imaging for patients with heart failure in canada,” JAMA network open, vol. 2, no. 8, pp. e198766–e198766, 2019.
- [15] S. Liu, Y. Wang, X. Yang, B. Lei, L. Liu, S. X. Li, D. Ni, and T. Wang, “Deep learning in medical ultrasound analysis: a review,” Engineering, vol. 5, no. 2, pp. 261–275, 2019.
- [16] J.-U. Voigt and M. Cvijic, “2-and 3-dimensional myocardial strain in cardiac health and disease,” JACC: Cardiovascular Imaging, vol. 12, no. 9, pp. 1849–1863, 2019.
- [17] S. Mondillo, M. Galderisi, D. Mele, M. Cameli, V. S. Lomoriello, V. Zacà, P. Ballo, A. D’Andrea, D. Muraru, M. Losi, et al., “Speckle-tracking echocardiography: a new technique for assessing myocardial function,” Journal of Ultrasound in Medicine, vol. 30, no. 1, pp. 71–83, 2011.
- [18] M. A. Lubinski, S. Y. Emelianov, and M. O’Donnell, “Speckle tracking methods for ultrasonic elasticity imaging using short-time correlation,” IEEE transactions on ultrasonics, ferroelectrics, and frequency control, vol. 46, no. 1, pp. 82–96, 1999.
- [19] X. Chen, H. Xie, R. Erkamp, K. Kim, C. Jia, J. Rubin, and M. O’Donnell, “3-d correlation-based speckle tracking,” Ultrasonic Imaging, vol. 27, no. 1, pp. 21–36, 2005.
- [20] X. Papademetris, A. J. Sinusas, D. P. Dione, R. T. Constable, and J. S. Duncan, “Estimation of 3-d left ventricular deformation from medical images using biomechanical models,” IEEE transactions on medical imaging, vol. 21, no. 7, pp. 786–800, 2002.
- [21] N. Parajuli, A. Lu, K. Ta, J. Stendahl, N. Boutagy, I. Alkhalil, M. Eberle, G.-S. Jeng, M. Zontak, M. O’Donnell, et al., “Flow network tracking for spatiotemporal and periodic point matching: Applied to cardiac motion analysis,” Medical image analysis, vol. 55, pp. 116–135, 2019.
- [22] X. Huang, D. P. Dione, C. B. Compas, X. Papademetris, B. A. Lin, A. Bregasi, A. J. Sinusas, L. H. Staib, and J. S. Duncan, “Contour tracking in echocardiographic sequences via sparse representation and dictionary learning,” Medical image analysis, vol. 18, no. 2, pp. 253–271, 2014.
- [23] N. Parajuli, A. Lu, J. C. Stendahl, M. Zontak, N. Boutagy, M. Eberle, I. Alkhalil, M. O’Donnell, A. J. Sinusas, and J. S. Duncan, “Integrated dynamic shape tracking and rf speckle tracking for cardiac motion analysis,” in MICCAI, pp. 431–438, Springer, 2016.
- [24] P. Shi, A. J. Sinusas, R. T. Constable, E. Ritman, and J. S. Duncan, “Point-tracked quantitative analysis of left ventricular surface motion from 3-d image sequences,” IEEE transactions on medical imaging, vol. 19, no. 1, pp. 36–50, 2000.
- [25] N. Lin and J. S. Duncan, “Generalized robust point matching using an extended free-form deformation model: application to cardiac images,” in 2004 2nd IEEE International Symposium on Biomedical Imaging: Nano to Macro (IEEE Cat No. 04EX821), pp. 320–323, IEEE, 2004.
- [26] R. Blankstein and A. H. Waller, “Evaluation of known or suspected cardiac sarcoidosis,” Circulation: Cardiovascular Imaging, vol. 9, no. 3, p. e000867, 2016.
- [27] A. Ichinose, H. Otani, M. Oikawa, K. Takase, H. Saito, H. Shimokawa, and S. Takahashi, “Mri of cardiac sarcoidosis: basal and subepicardial localization of myocardial lesions and their effect on left ventricular function,” American Journal of Roentgenology, vol. 191, no. 3, pp. 862–869, 2008.
- [28] S. S. Ahn, K. Ta, A. Lu, J. C. Stendahl, A. J. Sinusas, and J. S. Duncan, “Unsupervised motion tracking of left ventricle in echocardiography,” in Medical imaging 2020: Ultrasonic imaging and tomography, vol. 11319, pp. 196–202, SPIE, 2020.
- [29] K. Ta, S. S. Ahn, J. C. Stendahl, A. J. Sinusas, and J. S. Duncan, “A semi-supervised joint network for simultaneous left ventricular motion tracking and segmentation in 4d echocardiography,” in MICCAI, pp. 468–477, Springer, 2020.
- [30] S. S. Ahn, K. Ta, S. L. Thorn, J. A. Onofrey, I. H. Melvinsdottir, S. Lee, J. Langdon, A. J. Sinusas, and J. S. Duncan, “Co-attention spatial transformer network for unsupervised motion tracking and cardiac strain analysis in 3d echocardiography,” Medical Image Analysis, vol. 84, p. 102711, 2023.
- [31] G. Balakrishnan, A. Zhao, M. R. Sabuncu, J. Guttag, and A. V. Dalca, “Voxelmorph: a learning framework for deformable medical image registration,” IEEE transactions on medical imaging, vol. 38, no. 8, pp. 1788–1800, 2019.
- [32] M. Alessandrini, M. De Craene, O. Bernard, S. Giffard-Roisin, P. Allain, I. Waechter-Stehle, J. Weese, E. Saloux, H. Delingette, M. Sermesant, et al., “A pipeline for the generation of realistic 3d synthetic echocardiographic sequences: Methodology and open-access database,” IEEE transactions on medical imaging, vol. 34, no. 7, pp. 1436–1451, 2015.
- [33] P. J. Besl and N. D. McKay, “Method for registration of 3-d shapes,” in Sensor fusion IV: control paradigms and data structures, vol. 1611, pp. 586–606, Spie, 1992.
- [34] H. Chui and A. Rangarajan, “A new point matching algorithm for non-rigid registration,” Computer Vision and Image Understanding, vol. 89, no. 2-3, pp. 114–141, 2003.
- [35] M.-M. Rohé, M. Datar, T. Heimann, M. Sermesant, and X. Pennec, “Svf-net: learning deformable image registration using shape matching,” in MICCAI, pp. 266–274, Springer, 2017.
- [36] J. Wu, T. R. Mazur, S. Ruan, C. Lian, N. Daniel, H. Lashmett, L. Ochoa, I. Zoberi, M. A. Anastasio, H. M. Gach, et al., “A deep boltzmann machine-driven level set method for heart motion tracking using cine mri images,” Medical image analysis, vol. 47, pp. 68–80, 2018.
- [37] O. Ronneberger, P. Fischer, and T. Brox, “U-net: Convolutional networks for biomedical image segmentation,” in MICCAI, pp. 234–241, Springer, 2015.
- [38] H. Yu, S. Sun, H. Yu, X. Chen, H. Shi, T. S. Huang, and T. Chen, “Foal: Fast online adaptive learning for cardiac motion estimation,” in IEEE CVPR, pp. 4313–4323, 2020.
- [39] H. Yu, X. Chen, H. Shi, T. Chen, T. S. Huang, and S. Sun, “Motion pyramid networks for accurate and efficient cardiac motion estimation,” in MICCAI, pp. 436–446, Springer, 2020.
- [40] V. Sitzmann, J. Martel, A. Bergman, D. Lindell, and G. Wetzstein, “Implicit neural representations with periodic activation functions,” NeurIPS, vol. 33, pp. 7462–7473, 2020.
- [41] B. Mildenhall, P. P. Srinivasan, M. Tancik, J. T. Barron, R. Ramamoorthi, and R. Ng, “Nerf: Representing scenes as neural radiance fields for view synthesis,” Communications of the ACM, vol. 65, no. 1, pp. 99–106, 2021.
- [42] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in IEEE CVPR, pp. 770–778, 2016.
- [43] J. Zhu, H. Zhu, Q. Zhang, F. Zhu, Z. Ma, and X. Cao, “Pyramid nerf: Frequency guided fast radiance field optimization,” International Journal of Computer Vision, pp. 1–16, 2023.
- [44] R. Liu, Y. Sun, J. Zhu, L. Tian, and U. S. Kamilov, “Recovery of continuous 3d refractive index maps from discrete intensity-only measurements using neural fields,” Nature Machine Intelligence, vol. 4, no. 9, pp. 781–791, 2022.
- [45] H. Zhu, Z. Liu, Y. Zhou, Z. Ma, and X. Cao, “Dnf: diffractive neural field for lensless microscopic imaging,” Optics Express, vol. 30, no. 11, pp. 18168–18178, 2022.
- [46] Y. Chen, L. Lu, G. E. Karniadakis, and L. Dal Negro, “Physics-informed neural networks for inverse problems in nano-optics and metamaterials,” Optics express, vol. 28, no. 8, pp. 11618–11633, 2020.
- [47] G. E. Karniadakis, I. G. Kevrekidis, L. Lu, P. Perdikaris, S. Wang, and L. Yang, “Physics-informed machine learning,” Nature Reviews Physics, vol. 3, no. 6, pp. 422–440, 2021.
- [48] L. Shen, J. Pauly, and L. Xing, “Nerp: implicit neural representation learning with prior embedding for sparsely sampled image reconstruction,” IEEE Transactions on Neural Networks and Learning Systems, 2022.
- [49] R. Zha, Y. Zhang, and H. Li, “Naf: neural attenuation fields for sparse-view cbct reconstruction,” in MICCAI, pp. 442–452, Springer, 2022.
- [50] Q. Wu, Y. Li, Y. Sun, Y. Zhou, H. Wei, J. Yu, and Y. Zhang, “An arbitrary scale super-resolution approach for 3d mr images via implicit neural representation,” IEEE Journal of Biomedical and Health Informatics, vol. 27, no. 2, pp. 1004–1015, 2022.
- [51] C. Shen, H. Zhu, Y. Zhou, Y. Liu, S. Yi, L. Dong, W. Zhao, D. Brady, X. Cao, Z. Ma, and Y. Lin, “Cardiacfield: Computational echocardiography for universal screening,” Research Square, 2023.
- [52] T. Müller, A. Evans, C. Schied, and A. Keller, “Instant neural graphics primitives with a multiresolution hash encoding,” ACM Transactions on Graphics (ToG), vol. 41, no. 4, pp. 1–15, 2022.
- [53] H. Zhu, S. Xie, Z. Liu, F. Liu, Q. Zhang, Y. Zhou, Y. Lin, Z. Ma, and X. Cao, “Disorder-invariant implicit neural representation,” IEEE Transactions on Pattern Analysis and Machine Intelligence, 2024.
- [54] M. De Craene, G. Piella, O. Camara, N. Duchateau, E. Silva, A. Doltra, J. D’hooge, J. Brugada, M. Sitges, and A. F. Frangi, “Temporal diffeomorphic free-form deformation: Application to motion and strain estimation from 3d echocardiography,” Medical image analysis, vol. 16, no. 2, pp. 427–450, 2012.
- [55] D. P. Kingma and J. Ba, “Adam: A method for stochastic optimization,” arXiv preprint arXiv:1412.6980, 2014.
- [56] E. Ostenfeld, M. Carlsson, K. Shahgaldi, A. Roijer, and J. Holm, “Manual correction of semi-automatic three-dimensional echocardiography is needed for right ventricular assessment in adults; validation with cardiac magnetic resonance,” Cardiovascular Ultrasound, vol. 10, pp. 1–10, 2012.
- [57] Y. Seo, T. Ishizu, M. Ieda, and N. Ohte, “Right ventricular three-dimensional echocardiography: the current status and future perspectives,” Journal of Echocardiography, vol. 18, pp. 149–159, 2020.
- [58] J. Krebs, H. Delingette, B. Mailhé, N. Ayache, and T. Mansi, “Learning a probabilistic model for diffeomorphic registration,” IEEE transactions on medical imaging, vol. 38, no. 9, pp. 2165–2176, 2019.
- [59] M. Tancik, B. Mildenhall, T. Wang, D. Schmidt, P. P. Srinivasan, J. T. Barron, and R. Ng, “Learned initializations for optimizing coordinate-based neural representations,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 2846–2855, 2021.