Sort by:
Page 59 of 3463455 results

MRExtrap: Longitudinal Aging of Brain MRIs using Linear Modeling in Latent Space

Jaivardhan Kapoor, Jakob H. Macke, Christian F. Baumgartner

arxiv logopreprintAug 26 2025
Simulating aging in 3D brain MRI scans can reveal disease progression patterns in neurological disorders such as Alzheimer's disease. Current deep learning-based generative models typically approach this problem by predicting future scans from a single observed scan. We investigate modeling brain aging via linear models in the latent space of convolutional autoencoders (MRExtrap). Our approach, MRExtrap, is based on our observation that autoencoders trained on brain MRIs create latent spaces where aging trajectories appear approximately linear. We train autoencoders on brain MRIs to create latent spaces, and investigate how these latent spaces allow predicting future MRIs through linear extrapolation based on age, using an estimated latent progression rate $\boldsymbol{\beta}$. For single-scan prediction, we propose using population-averaged and subject-specific priors on linear progression rates. We also demonstrate that predictions in the presence of additional scans can be flexibly updated using Bayesian posterior sampling, providing a mechanism for subject-specific refinement. On the ADNI dataset, MRExtrap predicts aging patterns accurately and beats a GAN-based baseline for single-volume prediction of brain aging. We also demonstrate and analyze multi-scan conditioning to incorporate subject-specific progression rates. Finally, we show that the latent progression rates in MRExtrap's linear framework correlate with disease and age-based aging patterns from previously studied structural atrophy rates. MRExtrap offers a simple and robust method for the age-based generation of 3D brain MRIs, particularly valuable in scenarios with multiple longitudinal observations.

GReAT: leveraging geometric artery data to improve wall shear stress assessment

Julian Suk, Jolanda J. Wentzel, Patryk Rygiel, Joost Daemen, Daniel Rueckert, Jelmer M. Wolterink

arxiv logopreprintAug 26 2025
Leveraging big data for patient care is promising in many medical fields such as cardiovascular health. For example, hemodynamic biomarkers like wall shear stress could be assessed from patient-specific medical images via machine learning algorithms, bypassing the need for time-intensive computational fluid simulation. However, it is extremely challenging to amass large-enough datasets to effectively train such models. We could address this data scarcity by means of self-supervised pre-training and foundations models given large datasets of geometric artery models. In the context of coronary arteries, leveraging learned representations to improve hemodynamic biomarker assessment has not yet been well studied. In this work, we address this gap by investigating whether a large dataset (8449 shapes) consisting of geometric models of 3D blood vessels can benefit wall shear stress assessment in coronary artery models from a small-scale clinical trial (49 patients). We create a self-supervised target for the 3D blood vessels by computing the heat kernel signature, a quantity obtained via Laplacian eigenvectors, which captures the very essence of the shapes. We show how geometric representations learned from this datasets can boost segmentation of coronary arteries into regions of low, mid and high (time-averaged) wall shear stress even when trained on limited data.

EffNetViTLoRA: An Efficient Hybrid Deep Learning Approach for Alzheimer's Disease Diagnosis

Mahdieh Behjat Khatooni, Mohsen Soryani

arxiv logopreprintAug 26 2025
Alzheimer's disease (AD) is one of the most prevalent neurodegenerative disorders worldwide. As it progresses, it leads to the deterioration of cognitive functions. Since AD is irreversible, early diagnosis is crucial for managing its progression. Mild Cognitive Impairment (MCI) represents an intermediate stage between Cognitively Normal (CN) individuals and those with AD, and is considered a transitional phase from normal cognition to Alzheimer's disease. Diagnosing MCI is particularly challenging due to the subtle differences between adjacent diagnostic categories. In this study, we propose EffNetViTLoRA, a generalized end-to-end model for AD diagnosis using the whole Alzheimer's Disease Neuroimaging Initiative (ADNI) Magnetic Resonance Imaging (MRI) dataset. Our model integrates a Convolutional Neural Network (CNN) with a Vision Transformer (ViT) to capture both local and global features from MRI images. Unlike previous studies that rely on limited subsets of data, our approach is trained on the full T1-weighted MRI dataset from ADNI, resulting in a more robust and unbiased model. This comprehensive methodology enhances the model's clinical reliability. Furthermore, fine-tuning large pretrained models often yields suboptimal results when source and target dataset domains differ. To address this, we incorporate Low-Rank Adaptation (LoRA) to effectively adapt the pretrained ViT model to our target domain. This method enables efficient knowledge transfer and reduces the risk of overfitting. Our model achieves a classification accuracy of 92.52% and an F1-score of 92.76% across three diagnostic categories: AD, MCI, and CN for full ADNI dataset.

PRISM: A Framework Harnessing Unsupervised Visual Representations and Textual Prompts for Explainable MACE Survival Prediction from Cardiac Cine MRI

Haoyang Su, Jin-Yi Xiang, Shaohao Rui, Yifan Gao, Xingyu Chen, Tingxuan Yin, Xiaosong Wang, Lian-Ming Wu

arxiv logopreprintAug 26 2025
Accurate prediction of major adverse cardiac events (MACE) remains a central challenge in cardiovascular prognosis. We present PRISM (Prompt-guided Representation Integration for Survival Modeling), a self-supervised framework that integrates visual representations from non-contrast cardiac cine magnetic resonance imaging with structured electronic health records (EHRs) for survival analysis. PRISM extracts temporally synchronized imaging features through motion-aware multi-view distillation and modulates them using medically informed textual prompts to enable fine-grained risk prediction. Across four independent clinical cohorts, PRISM consistently surpasses classical survival prediction models and state-of-the-art (SOTA) deep learning baselines under internal and external validation. Further clinical findings demonstrate that the combined imaging and EHR representations derived from PRISM provide valuable insights into cardiac risk across diverse cohorts. Three distinct imaging signatures associated with elevated MACE risk are uncovered, including lateral wall dyssynchrony, inferior wall hypersensitivity, and anterior elevated focus during diastole. Prompt-guided attribution further identifies hypertension, diabetes, and smoking as dominant contributors among clinical and physiological EHR factors.

Classifiers Combined with DenseNet Models for Lung Cancer Computed Tomography Image Classification: A Comparative Analysis.

Mahmoud MA, Wu S, Su R, Wen Y, Liu S, Guan Y

pubmed logopapersAug 26 2025
Lung cancer remains a leading cause of cancer-related mortality worldwide. While deep learning approaches show promise in medical imaging, comprehensive comparisons of classifier combinations with DenseNet architectures for lung cancer classification are limited. The study investigates the performance of different classifier combinations, Support Vector Machine (SVM), Artificial Neural Network (ANN), and Multi-Layer Perceptron (MLP), with DenseNet architectures for lung cancer classification using chest CT scan images. A comparative analysis was conducted on 1,000 chest CT scan images comprising Adenocarcinoma, Large Cell Carcinoma, Squamous Cell Carcinoma, and normal tissue samples. Three DenseNet variants (DenseNet-121, DenseNet-169, DenseNet-201) were combined with three classifiers: SVM, ANN, and MLP. Performance was evaluated using accuracy, Area Under the Curve (AUC), precision, recall, specificity, and F1- score with an 80-20 train-test split. The optimal model achieved 92% training accuracy and 83% test accuracy. Performance across models ranged from 81% to 92% for training accuracy and 73% to 83% for test accuracy. The most balanced combination demonstrated robust results (training: 85% accuracy, 0.99 AUC; test: 79% accuracy, 0.95 AUC) with minimal overfitting. Deep learning approaches effectively categorize chest CT scans for lung cancer detection. The MLP-DenseNet-169 combination's 83% test accuracy represents a promising benchmark. Limitations include retrospective design and a limited sample size from a single source. This evaluation demonstrates the effectiveness of combining DenseNet architectures with different classifiers for lung cancer CT classification. The MLP-DenseNet-169 achieved optimal performance, while SVM-DenseNet-169 showed superior stability, providing valuable benchmarks for automated lung cancer detection systems.

Predicting Microsatellite Instability in Endometrial Cancer by Multimodal Magnetic Resonance Radiomics Combined with Clinical Factors.

Wei QY, Li Y, Huang XL, Wei YC, Yang CZ, Yu YY, Liao JY

pubmed logopapersAug 26 2025
To develop a nomogram integrating clinical and multimodal MRI features for non-invasive prediction of microsatellite instability (MSI) in endometrial cancer (EC), and to evaluate its diagnostic performance. This retrospective multicenter study included 216 EC patients (mean age, 54.68 ± 8.72 years) from two institutions (2017-2023). Patients were classified as MSI (n=59) or microsatellite stable (MSS, n=157) based on immunohistochemistry. Institution A data were randomly split into training (n=132) and testing (n=33) sets (8:2 ratio), while Institution B data (n=51) served as external validation. Eight machine learning algorithms were used to construct models. A nomogram combining radiomics score and clinical predictors was developed. Performance was evaluated via receiver operating characteristic (ROC) curves, calibration, and decision curve analysis (DCA). The T2-weighted imaging (T2WI) radiomics model showed the highest area under the receiver operating characteristic curve (AUC) among single sequences (training set:0.908; test set:0.838). The combined-sequence radiomics model achieved superior performance (AUC: training set=0.983, test set=0.862). The support vector machine (SVM) outperformed other algorithms. The nomogram integrating rad-score and clinical features demonstrated higher predictive efficacy than the clinical model (test set: AUC=0.904 vs. 0.654; p < 0.05) and comparable to the multimodal radiomics model. DCA indicated significant clinical utility for both nomogram and radiomics models. The clinical-radiomics nomogram effectively predicts MSI status in EC, offering a non-invasive tool for guiding immunotherapy decisions.

A Novel Model for Predicting Microsatellite Instability in Endometrial Cancer: Integrating Deep Learning-Pathomics and MRI-Based Radiomics.

Zhou L, Zheng L, Hong C, Hu Y, Wang Z, Guo X, Du Z, Feng Y, Mei J, Zhu Z, Zhao Z, Xu M, Lu C, Chen M, Ji J

pubmed logopapersAug 26 2025
To develop and validate a novel model based on multiparametric MRI (mpMRI) and whole slide images (WSIs) for predicting microsatellite instability (MSI) status in endometrial cancer (EC) patients. A total of 136 surgically confirmed EC patients were included in this retrospective study. Patients were randomly divided into a training set (96 patients) and a validation set (40 patients) in a 7:3 ratio. Deep learning with ResNet50 was used to extract deep-learning pathomics features, while Pyradiomics was applied to extract radiomics features specifically from sequences including T2-weighted imaging (T2WI), diffusion-weighted imaging (DWI), and late arterial phase (AP). we developed a deep learning pathoradiomics model (DLPRM) by multilayer perceptron (MLP) based on radiomics features and pathomics features. Furthermore, we validated the DLPRM comprehensively, and compared it with two single-scale signatures-including the area under the receiver operating characteristic (ROC) curve, accuracy, sensitivity, specificity, positive predictive value (PPV), negative predictive value (NPV) and F1-score. Finally, we employed shapley additive explanations (SHAP) to elucidate the mechanism of prediction model. After undergoing feature selection, a final set of nine radiomics features and 27 pathomics features were selected to construct the radiomics signature (RS) and the deep learning pathomics signature (DLPS). The DLPRM combining the RS and DLPS had favorable performance for the prediction of MSI status in the training set (AUC 0.960 [95% CI 0.936-0.984]), and in the validation set (AUC 0.917 [95% CI 0.824-1.000]). The AUCs of DLPS and RS ranged from 0.817 to 0.943 across the training and validation sets. The decision curve analysis indicated the DLPRM had relatively higher clinical net benefits. DLPRM can effectively predict MSI status in EC patients based on pretreatment pathoradiomics images with high accuracy and robustness, could provide a novel tool to assist clinicians in individualized management of EC.

Clinical Evaluation of AI-Based Three-Dimensional Dental Implant Planning: A Multicenter Study.

Che SA, Yang BE, Park SY, On SW, Lim HK, Lee CU, Kim MK, Byun SH

pubmed logopapersAug 26 2025
Dental implants have become more straightforward and convenient with advancements of digital technology in dentistry. Implant planning utilizing artificial intelligence (AI) has been attempted, yet its clinical efficacy remains underexplored. We aimed to assess the clinical applicability of AI-based implant planning software as a decision-support tool in comparison with those placed by clinicians which were clinically appropriate in their three-dimensional positions. Overall, 350 implants from 228 patients treated at four university hospitals were analyzed. The AI algorithm was developed using enhanced deep convolutional neural networks. Implant positions planned by the AI were compared with those placed freehand by clinicians. Three-dimensional deviations were measured and analyzed according to clinical factors, including the presence of opposing or contralateral teeth, jaw, and side. Independent sample t-test and two-way ANOVA were employed for statistical analysis. The mean coronal, apical, and angular deviations were 2.99 ± 1.56 mm, 3.66 ± 1.68 mm, and 7.56 ± 4.67°, respectively. Angular deviation was significantly greater in the absence of contralateral teeth (p=0.039), and apical deviation was significantly greater in the mandible (p<0.001). The AI-based 3D implant planning tool demonstrated potential as a decision-support system by providing valuable guidance in clinical scenarios. However, discrepancies between AI-generated and actual implant positions indicate that further research and development are needed to enhance its predictive accuracy. AI-based implant planning may serve as a supportive tool under clinician supervision, potentially improving workflow efficiency and contributing to more standardized implant treatment planning as the technology advances.

A Machine Learning Approach to Volumetric Computations of Solid Pulmonary Nodules

Yihan Zhou, Haocheng Huang, Yue Yu, Jianhui Shang

arxiv logopreprintAug 26 2025
Early detection of lung cancer is crucial for effective treatment and relies on accurate volumetric assessment of pulmonary nodules in CT scans. Traditional methods, such as consolidation-to-tumor ratio (CTR) and spherical approximation, are limited by inconsistent estimates due to variability in nodule shape and density. We propose an advanced framework that combines a multi-scale 3D convolutional neural network (CNN) with subtype-specific bias correction for precise volume estimation. The model was trained and evaluated on a dataset of 364 cases from Shanghai Chest Hospital. Our approach achieved a mean absolute deviation of 8.0 percent compared to manual nonlinear regression, with inference times under 20 seconds per scan. This method outperforms existing deep learning and semi-automated pipelines, which typically have errors of 25 to 30 percent and require over 60 seconds for processing. Our results show a reduction in error by over 17 percentage points and a threefold acceleration in processing speed. These advancements offer a highly accurate, efficient, and scalable tool for clinical lung nodule screening and monitoring, with promising potential for improving early lung cancer detection.

Enhanced Sarcopenia Detection in Nursing Home Residents Using Ultrasound Radiomics and Machine Learning.

Fu H, Luo S, Zhuo Y, Lian R, Chen X, Jiang W, Wang L, Yang M

pubmed logopapersAug 26 2025
Ultrasound only has low-to-moderate accuracy for sarcopenia. We aimed to investigate whether ultrasound radiomics combined with machine learning enhances sarcopenia diagnostic accuracy compared with conventional ultrasound parameters among older adults in long-term care. Diagnostic accuracy study. A total of 628 residents from 15 nursing homes in China. Sarcopenia diagnosis followed AWGS 2019 criteria. Ultrasound of thigh muscles (rectus femoris [ReF], vastus intermedius [VI], and quadriceps femoris [QF]) was performed. Conventional parameters (muscle thickness [MT], echo intensity [EI]) and radiomic features were extracted. Participants were split into training (70%)/validation (30%) sets. Conventional (muscle thickness + EI), radiomics, and integrated (MT, echo intensity, radiomics, basic clinical data including age, sex, and body mass index) models were built using 5 machine learning algorithms (including logistic regression [LR]). Performance was assessed in the validation set using the area under the receiver operating characteristic curve (AUC), calibration, and decision curve analysis (DCA). Sarcopenia prevalence was 61.9%. The LR algorithm consistently exhibited superior performance. The diagnostic accuracy of the ultrasound radiomic models was superior to that of the models based on conventional ultrasound parameters, regardless of muscle group. The integrated models further improved the accuracy, achieving AUCs (95% CIs) of 0.85 (0.79-0.91) for ReF, 0.81 (0.75-0.87) for VI, and 0.83 (0.77-0.90) for QF. In the validation set, the AUCs (95% CIs) for the conventional ultrasound models were 0.70 (0.63-0.78) for ReF, 0.73 (0.65-0.80) for VI, and 0.75 (0.68-0.82) for QF. The corresponding AUCs (95% CIs) for the radiomics models were 0.76 (0.69-0.83) for ReF, 0.76 (0.69-0.83) for VI, and 0.78 (0.71-0.85) for QF. The integrated models demonstrated good calibration and net benefit in DCA. Ultrasound radiomics, especially when integrated with conventional parameters and clinical data using LR, significantly improves sarcopenia diagnostic accuracy in nursing home residents. This accessible, noninvasive approach holds promise for enhancing sarcopenia screening and early detection in long-term care settings.
Page 59 of 3463455 results
Show
per page

Ready to Sharpen Your Edge?

Join hundreds of your peers who rely on RadAI Slice. Get the essential weekly briefing that empowers you to navigate the future of radiology.

We respect your privacy. Unsubscribe at any time.