PE-MVCNet: Multi-view and Cross-modal Fusion Network
for Pulmonary Embolism Prediction
Abstract
The early detection of a pulmonary embolism (PE) is critical for enhancing patient survival rates. Both image-based and non-image-based features are of utmost importance in medical classification tasks. In a clinical setting, physicians tend to rely on the contextual information provided by Electronic Medical Records (EMR) to interpret medical imaging. However, very few models effectively integrate clinical information with imaging data. To address this shortcoming, we suggest a multimodal fusion methodology, termed PE-MVCNet, which capitalizes on Computed Tomography Pulmonary Angiography imaging and EMR data. This method comprises the Image-only module with an integrated multi-view block, the EMR-only module, and the Cross-modal Attention Fusion (CMAF) module. These modules cooperate to extract comprehensive features that subsequently generate predictions for PE. We conducted experiments using the publicly accessible Stanford University Medical Center dataset, achieving an AUROC of 94.1%, an accuracy rate of 90.2%, and an F1 score of 90.6%. Our proposed model outperforms existing methodologies, corroborating that our multimodal fusion model excels compared to models that use a single data modality. Our source code is available at https://github.com/LeavingStarW/PE-MVCNET.
11footnotetext: Correspondings : gespring@hdu.edu.cn, qinfeiwei@hdu.edu.cn.Index Terms— Multi-view, Cross-modal, Transformer mechanism, CT and EMR data, PE prediction
1 Introduction
Pulmonary Embolism (PE), a severe medical condition, is characterized by the blockage of a pulmonary artery due to a blood vessel embolus. This blockage escalates pulmonary vascular resistance and elevates pulmonary artery pressure, placing PE second only to myocardial infarction and sudden death in terms of severity. Timely diagnosis and treatment can reduce the patient’s mortality rate to approximately 10%. Computed Tomography Pulmonary Angiography (CTPA) is predominantly employed as the primary diagnostic technique for PE, as it offers detailed visualization of the thrombus morphology within the patient’s pulmonary arteries. However, CTPA images, often numbering in the hundreds for each patient, are vulnerable to variations in imaging technology. These variations present significant challenges for physicians during interpretation, potentially leading to missed diagnoses.
Recent research has extensively applied deep convolutional neural networks [1, 2, 3] and attention mechanisms [4] to enhance the accuracy of PE diagnosis. Concurrently, techniques such as CNN-LSTM [5, 6, 4] have been utilized to consider the relationships between consecutive Computed Tomography (CT) slices, thereby better capturing dependencies among these slices. The most sophisticated model to date, PENet [7], is an end-to-end 3D CNN that leverages multiple CT slices for PE detection. The use of 3D convolutions allows the network to incorporate information from multiple slices during prediction, making the network’s ability to learn global information crucial. This is because the presence of PE is not confined to a single CT slice.
Despite the proliferation of deep learning-based methods in the field of medical imaging, a significant issue persists, namely the neglect of how clinicians frequently employ multimodal data for collaborative decision-making in diagnosing clinical conditions. This is due to the fact that data from different modalities can enhance each other. In response to this, Tang et al.[8] proposed an unsupervised method that employs a Multiscale Adaptive Transformer to integrate medical image models from two modalities. This method has shown superior performance and generalization ability. Furthermore, the integration of Electronic Medical Record (EMR) data with Computed Tomography (CT) images may present a promising approach. Zhou et al.[9] introduced a multimodal fusion model that combines CT and EMR data for the automated classification of Pulmonary Embolism (PE) cases. Comprised of a CT imaging model, an EMR model, and a multimodal fusion model, their work evidenced the superiority of the multimodal model over-reliance on a single data modality.
However, existing methods grapple with issues such as unidimensional data and incomplete multimodal fusion features. To surmount these challenges, our study presents a novel multimodal PE detection framework based on multi-view and cross-modal techniques. Specifically, we deployed a multi-view approach for three-dimensional image feature extraction and prediction. Furthermore, a MLP network with a transformer encoder was implemented to extract and predict features from EMR data. The features extracted from both components were integrated into a cross-modal module, enabling comprehensive feature fusion for the ultimate PE prediction output. The contributions of our method can be encapsulated as follows:
-
1.
We leverage spatial and dimensional attention to extract pertinent information from CT images from spatial, channel, and dimensional perspectives.
-
2.
We employ a cross-modal module to learn and align complementary information between two modalities, thereby enhancing the accuracy and robustness of our model by integrating image and tabular features.
2 Method
2.1 Overview of the architecture
Our study is designed to forecast the presence or absence of PE in a patient through the integration of the patient’s chest CTPA image and the corresponding EMR attribute information. This objective is consequently translated into a binary classification task. In this section, we delineate three key elements of our framework: the image-only model, the EMR-only model, and the multimodal fusion module. The architecture of the model is depicted in Figure 1.
2.2 Image-only process module
In the domain of medical image classification, the amalgamation of both global and local features within an image is instrumental to the successful categorization of 3D medical images. Conventional network architectures often have a restricted receptive field of the convolutional kernel. Consequently, we crafted our image-only model based on the Multi-View Coupled Self-Attention (MVCS) module proposed by Zhou et al.[10], the architecture of which is illustrated in Figure 1. Specifically, the MVCS Block incorporates spatial and dimensional attention mechanisms into the 3D ResNet [11]. These dual attention mechanisms can capture both global and local information of the CT image across three dimensions, systematically modeling the correlations among the space, channel, and dimension. Figure 2 displays the specific structure of the MVCS block.
Spatial Attention The input is initially transformed into three distinct views: , , and , wherein denotes the batch size, signifies the number of channels, while , , and represent the width, height, and number of slices, respectively. Each view is subsequently mapped to a key, query, and value using a 1x1 convolution. The results are expressed as , , and , where signifies the view index.
For the spatial attention mechanism, each view yields corresponding matrices and , which are subsequently reshaped into and respectively. The spatial similarity matrices are then formulated through . This approach effectively captures distant dependencies in the spatial dimension. Similarly, the channel similarity matrix is formulated through , thereby capturing remote dependencies in the channel dimension.
Dimensional Attention In order to extract the remote relationships between slices more comprehensively, we utilize a dimensional attention mechanism, which is appended after the spatial attention. The input is mapped into the spatial key, query, and value through a 311 convolution, denoted as , , and . Post-mapping, and are reshaped into matrices that are suitable for computation. Subsequently, these two matrices are multiplied to generate a similarity matrix along the third dimension. This matrix signifies the degree of correlation among different slices. The final output features of view can be articulated as follows:
(1) |
where , , and denote the spatial, channel, and dimensional similarity matrices, respectively.
2.3 EMR-only process module
In order to extract features from the EMR data, we began by normalizing the six form files. This involved removing features with zero variance and adjusting the remaining attributes by subtracting their mean and dividing by their standard deviation. Subsequently, the data was consolidated into a single table, based on the patients’ index numbers, which served as the input for the Electronic Medical Records (EMR)-only model.
We first conduct dimensionality reduction using LinearSVC on the EMR data, then use TabNet [12] to transform the data into suitable embeddings, which serve as inputs for the MLP. Particularly, TabNet is not involved in the overall training, only used for data transformation. And we utilized a simple MLP network, as illustrated in Figure 1. This network is composed of fully connected layers, dropout layers, and ReLU activation functions. The hierarchical structure of this network introduces nonlinearity into the model, thereby improving its adaptability to complex EMR data. The choice of this structure was driven by the intent to enhance the model’s utilization of attributes, thereby improving the accuracy of predicting the presence of PE in patients.
2.4 Cross-modal fusion module
To explore the inherent correlations between images and EMR data, we incorporated a cross-modal module into our study. To be specific, features were independently extracted from the imaging-only model and the EMR-only model. These were then fed into the CMAF module [13] to facilitate comprehensive feature fusion.
Within the CMAF module, the inputs comprised image features and text features . Owing to GPU memory capacity constraints, we initially transformed these two features into and by employing a fully connected layers, thereby mapping them into two different feature spaces. Subsequently, the degree of match was computed as follows:
(2) |
where , and and represent the matching degree within the image and text spaces, respectively. Subsequently, the calculated and are multiplied with the feature values to generate the final cross-modal attention maps. Finally, these maps are combined with the image features and fed into subsequent fully connected layers, which ultimately generate predictions for PE.
3 Experiment
3.1 Experimental setting
Dataset. We utilized a publicly accessible dataset provided by Stanford University [9]. This dataset comprises 1,837 axial CTPA exams from 1,794 patients, spanning from 2000 to 2016, with a CT slice thickness of 1.25mm for each patient. Corresponding EMR data is also available for each patient. The dataset exhibits a near-equal distribution of positive and negative PE labels. These labels are presented in a list form, with ’0’ denoting negative PE and ’1’ indicating positive PE. All labels were generated via a manual review conducted by a board-certified radiologist. The EMR data encompasses multiple tables, including demographics, vital signs, inpatient medications, outpatient medications, ICD codes, and laboratory test results. We processed the EMR data as delineated in Section 2.3 and consolidated these structured EMRs into a single tabular file, which complements the dataset. To ensure a fair comparison, we adhered to the standard split from PEFusion [9], with the training, validation, and testing splits set at 80%, 10%, and 10%, respectively. We guaranteed that no patient overlap occurred between each subset.
Implementation Details. Experiments were conducted using two NVIDIA HGX A100 Tensor Core GPUs. The SGD optimizer was deployed for this process. The training epoch, learning rate, and batch size were set at 200, 0.01, and 128, respectively.
3.2 Comparison with state-of-the-art models
Our proposed model was compared with state-of-the-art methods, which included single-modality strategies such as 3D ResNet50 [11], 3D ResNet101 [11], PENet [7], and a multimodal fusion model, PEfusion [9]. The same dataset was utilized for all models. The results of our proposed method and the comparative methods are depicted in Table 1.
Methods | AUROC | ACC | F1 score | Specificity | Sensitivity | PPV | NPV |
---|---|---|---|---|---|---|---|
3D ResNet50 [11] | 0.694 | 0.556 | 0.687 | 0.785 | 0.963 | 0.534 | 0.785 |
3D ResNet101 [11] | 0.722 | 0.611 | 0.701 | 0.757 | 0.902 | 0.574 | 0.757 |
PENet [7] | 0.660 | 0.623 | 0.666 | 0.656 | 0.743 | 0.604 | 0.656 |
PEfusion [9] | 0.936 | 0.882 | 0.882 | 0.900 | 0.866 | 0.898 | 0.867 |
PE-MVCNet(Ours) | 0.941 | 0.902 | 0.906 | 0.932 | 0.939 | 0.899 | 0.932 |
From Table 1, our model emerges superior across all metrics when compared to other state-of-the-art methods. Specifically, in comparison with the single-modality method, our method enhances the Area Under the Receiver Operating Characteristic(AUROC) by up to 0.281, increases the accuracy by 0.346, and boosts the F1 score by 0.240. These improvements suggest that our multimodal approach effectively amalgamates the interrelations between image and text data, compared to models that rely solely on a single data modality. Utilizing two modalities as inputs not only offers a comprehensive interpretation of the data but also optimizes the complementarity between different modalities. When compared to PEfusion, our model exhibits an increase in AUROC, accuracy, and F1 score by 0.005, 0.020, and 0.024, respectively. This underscores our model’s proficiency in feature fusion. The introduced CMAF module adeptly captures the inherent correlations between the two modalities, thereby providing the model with richer information.
3.3 Ablation study
To validate the effectiveness of the multi-view module and the cross-modal module, we carried out ablation experiments. These experiments involved an image-only model, an EMR-only model, and a model without the CMAF module. The results of these experiments are presented in Table 2.
Methods | AUROC | ACC | F1 score | Specificity | Sensitivity | PPV | NPV |
---|---|---|---|---|---|---|---|
Image-only | 0.699 | 0.630 | 0.590 | 0.602 | 0.524 | 0.672 | 0.602 |
EMR-only | 0.902 | 0.890 | 0.905 | 0.873 | 0.909 | 0.901 | 0.873 |
Without CMAF | 0.936 | 0.895 | 0.900 | 0.931 | 0.939 | 0.865 | 0.932 |
PE-MVCNet(Ours) | 0.941 | 0.902 | 0.906 | 0.932 | 0.939 | 0.899 | 0.932 |
Table 2 distinctly demonstrates that our fusion model significantly outperforms the two most effective single-modality models. In particular, the fusion model exhibits an increased AUROC by 0.242 and 0.039 compared to the image-only and EMR-only models, respectively. In addition, the model’s accuracy is superior by 0.272 and 0.012, respectively, while its F1 score is greater by 0.316 and 0.001, respectively.
In addition, our model exceeds the AUROC, accuracy, and F1 score of the simple fusion model, which does not utilize the CMFA module, by 0.005, 0.007, and 0.006, respectively. This suggests that our cross-modal module can effectively amalgamate feature information from two different modalities. This fusion capability enables the model to gain a comprehensive understanding and utilization of information from different data sources such as images and texts. Consequently, it demonstrates superior performance in predictions.
4 Conclusion
This study aimed to establish a multimodal deep learning model for diagnosing pulmonary embolism by harnessing information from CT images and EMR data. The experimental results demonstrate that our proposed multimodal model excelled with an AUROC of 94.1%, accuracy of 90.2%, and an F1 score of 90.6%, outperforming all other models compared. The improvement in AUROC compared to the image-based model was 24.2%, the EMR-based model was 3.9%, and the model lacking the cross-modal module was 0.5%. Specifically, we elaborated on a multimodal fusion strategy based on multi-view and cross-modal approaches. The multi-view module was designed to extract features from the spatial, channel, and dimensional aspects of CT images, while the cross-modal module effectively integrated features from both CT images and EMR data. The preliminary results indicated considerable improvements in augmenting model performance and robustness compared to single-modal methods. Implementing our approach allowed the model to thoroughly comprehend and utilize information from diverse data sources in a comprehensive manner, thereby providing robust support to enhance the accuracy and reliability of pulmonary embolism detection.
5 Compliance with Ethical Standards
This research study was conducted retrospectively using human subject data made available in open access by Stanford University Medical Center (SUMC) [9] dataset. Ethical approval was not required as confirmed by the license attached with the open-access data.
6 Acknowledgements
This work was supported by the Natural Science Foundation of Zhejiang Province (Nos. LY21F020017, LY21F020015), GuangDong Basic and Applied Basic Research Foundation (No.2022A1515110570), Innovation Teams of Youth Innovation in Science and Technology of High Education Institutions of Shandong Province (No. 2021KJ088), Shenzhen Science and Technology Program (No.KCXFZ20201221173008022). All authors declare that they have no conflicts of interest.
References
- [1] H. Khachnaoui, M. Agrébi, S. Halouani, and N. Khlifa, “Deep learning for automatic pulmonary embolism identification using cta images,” in 2022 6th International Conference on Advanced Technologies for Signal and Image Processing (ATSIP). IEEE, 2022, pp. 1–6.
- [2] P. A. Grenier, A. Ayobi, S. Quenet, M. Tassy, M. Marx, D. S. Chow, B. D. Weinberg, P. D. Chang, and Y. Chaibi, “Deep learning-based algorithm for automatic detection of pulmonary embolism in chest ct angiograms,” Diagnostics, vol. 13, no. 7, p. 1324, 2023.
- [3] Y. Chen, B. Zou, Z. Guo, Y. Huang, Y. Huang, F. Qin, Q. Li, and C. Wang, “Scunet++: Swin-unet and cnn bottleneck hybrid architecture with multi-fusion dense skip connection for pulmonary embolism ct image segmentation,” in Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, 2024, pp. 7759–7767.
- [4] S. Suman, G. Singh, N. Sakla, R. Gattu, J. Green, T. Phatak, D. Samaras, and P. Prasanna, “Attention based cnn-lstm network for pulmonary embolism prediction on chest computed tomography pulmonary angiograms,” in Medical Image Computing and Computer Assisted Intervention–MICCAI 2021: 24th International Conference, Strasbourg, France, September 27–October 1, 2021, Proceedings, Part VII 24. Springer, 2021, pp. 356–366.
- [5] H. Huhtanen, M. Nyman, T. Mohsen, A. Virkki, A. Karlsson, and J. Hirvonen, “Automated detection of pulmonary embolism from ct-angiograms using deep learning,” BMC Medical Imaging, vol. 22, no. 1, p. 43, 2022.
- [6] L. Shi, D. Rajan, S. Abedin, M. S. Yellapragada, D. Beymer, and E. Dehghan, “Automatic diagnosis of pulmonary embolism using an attention-guided framework: A large-scale study,” in Medical Imaging with Deep Learning. PMLR, 2020, pp. 743–754.
- [7] S.-C. Huang, T. Kothari, I. Banerjee, C. Chute, R. L. Ball, N. Borus, A. Huang, B. N. Patel, P. Rajpurkar, J. Irvin et al., “Penet—a scalable deep-learning model for automated diagnosis of pulmonary embolism using volumetric ct imaging,” NPJ digital medicine, vol. 3, no. 1, p. 61, 2020.
- [8] W. Tang, F. He, Y. Liu, and Y. Duan, “Matr: Multimodal medical image fusion via multiscale adaptive transformer,” IEEE Transactions on Image Processing, vol. 31, pp. 5134–5149, 2022.
- [9] Y. Zhou, S.-C. Huang, J. A. Fries, A. Youssef, T. J. Amrhein, M. Chang, I. Banerjee, D. Rubin, L. Xing, N. Shah et al., “Radfusion: Benchmarking performance and fairness for multimodal pulmonary embolism detection from ct and ehr,” arXiv preprint arXiv:2111.11665, 2021.
- [10] Q. Zhu, Y. Wang, X. Chu, X. Yang, and W. Zhong, “Multi-view coupled self-attention network for pulmonary nodules classification,” in Proceedings of the Asian Conference on Computer Vision, 2022, pp. 995–1009.
- [11] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 770–778.
- [12] S. Ö. Arik and T. Pfister, “Tabnet: Attentive interpretable tabular learning,” in Proceedings of the AAAI conference on artificial intelligence, vol. 35, no. 8, 2021, pp. 6679–6687.
- [13] X. Luo, X. Chen, X. He, L. Qing, and X. Tan, “Cmafgan: A cross-modal attention fusion based generative adversarial network for attribute word-to-face synthesis,” Knowledge-Based Systems, vol. 255, p. 109750, 2022.