Advancing AI in healthcare through science

Explore peer-reviewed publications, groundbreaking studies, and real-world data that power PRAID AI’s innovations.

Sage Journals

Toward Interpretable and Generalized Mitosis Detection in Digital Pathology Using Deep Learning

This study proposes a lightweight deep learning classification model for mitosis detection that is interpretable and generalizable across datasets and tumor types. Achieving F1-scores of 0.87 on MiDoG’22 and 0.83 on TUPAC’16 without fine-tuning, the model emphasizes robust preprocessing, hybrid CNN architecture, and explainability via GradCAM for clinical adoption.

authors

6 Authors

May 21, 2024

Taylor & Francis

GSLAlign Community Detection and Local PPI Network Alignment

GSLAlign is a two-stage algorithm that aligns protein-protein interaction (PPI) networks by first detecting topologically meaningful communities using GraphSAGE with gene expression data, and then aligning them via protein sequence similarity. It outperforms existing local alignment methods in terms of biological relevance, connectivity, and coverage, achieving up to 8% higher semantic similarity.

authors

2 Authors

Jan 12, 2024

Springer Nature Link

MedTSS: Transforming Abstractive Summarization of Scientific Articles with Linguistic Analysis and Concept Reinforcement

MedTSS introduces a lightweight, knowledge-driven module that enhances pretrained models (PTMs) for abstractive summarization of scientific articles, particularly in the medical domain. By addressing token limitations, reinforcing key concepts, and mitigating entity hallucination without additional training, MedTSS significantly improves summarization performance. Notably, it boosts the Rouge-1 score from 16.46 to 35.17, demonstrating its effectiveness in generating accurate and comprehensive summaries .

authors

2 Authors

Jan 30, 2024

Pub Med

Low-Cost Histopathological Mitosis Detection for Microscope-acquired Images

This study introduces LCH-Network, a deep learning-based method that detects mitotic cells in cancer tissue using low-cost microscope images captured with a smartphone. Through novel data augmentation techniques like Label Mix and GAN-generated images, the model achieves an F1-score of 0.71, offering a viable diagnostic aid for resource-limited settings.

authors

7 Authors

May 31, 2024

Scientific Reports

Computational Prediction of Disease-Related lncRNAs Using Machine Learning

This study presents a machine learning framework that predicts disease-associated long non-coding RNAs (lncRNAs) by integrating sequence and structure-based features. By addressing key limitations in earlier models—such as sequence redundancy and class imbalance—the method achieves an F1-score of 76% using SVM, outperforming previous approaches and offering a low-cost, scalable diagnostic tool for complex diseases like cancer.

authors

3 Authors

Jan 16, 2023

Frontiers

Medical Terminology-based Computing System: A Lightweight Post-processing Solution for Out-of-Vocabulary Multi-word Terms

This paper introduces MedTCS, a lightweight medical terminology-aware module that improves word embedding models by resolving out-of-vocabulary (OOV) terms in biomedical texts. By decomposing complex clinical terms using Greek/Latin roots, MedTCS significantly boosts model performance on tasks like named entity recognition and drug classification—raising F1-scores up to 0.81 on benchmark datasets.

authors

2 Authors

Aug 12, 2022

Springer Nature Link

Bias Adjustable Activation Network for Imbalanced Data—Diabetic Foot Ulcer Challenge 2021

This paper introduces a novel activation layer based on softmax to address class imbalance in convolutional neural networks for diabetic foot ulcer detection. The proposed model achieved second place in the validation set with a Macro F1-Score of 0.593 and third place in the test set with a Macro F1-Score of 0.596 in the Diabetic Foot Ulcer Detection 2021 Grand Challenge.

authors

2 Authors

Jan 20, 2022

IEEE Xplore

PRNet: Progressive Resolution-based Network for Radiograph-based Disease Classification

This paper presents PRNet, a deep learning pipeline using progressive resolution training and a novel bias-adjustable softmax to classify chest X-rays into COVID-19, pneumonia, or normal categories. Achieving 96.33% accuracy and ranking 2nd in the EE-RDS challenge, PRNet effectively improves generalization using multi-resolution fine-tuning and class probability calibration.

authors

4 Authors

Feb 15, 2022

IEEE Xplore

A Generic Approach for Classification of Psychological Disorders Diagnosis Using EEG

This paper proposes a robust machine learning pipeline for diagnosing schizophrenia, epilepsy, and Parkinson’s disease using EEG signals across multiple datasets. By selecting high-variance electrodes and extracting relevant linear/nonlinear features, the method achieved F1-scores of 93% (schizophrenia), 85% (epilepsy), and 80% (Parkinson’s), demonstrating generalizability and noise tolerance across varied signal sources.

authors

3 Authors

Dec 9, 2021

IEEE Xplore

Computational Prediction of lncRNA-Protein Interactions Using Machine Learning

This study proposes a machine learning model combining sequence and structural similarity features to predict human lncRNA-protein interactions. Using XGBoost, the model achieved an accuracy of 98.6% and F1-score of 98.7%, outperforming deep learning methods like RPITER and IPMiner while remaining computationally efficient and more generalizable for biomedical applications.

authors

3 Authors

Dec 9, 2021

Wiley

A Hierarchical Deep Learning Based Approach for Multi-functional Enzyme Classification

This paper introduces mlHECNet, a deep learning framework that classifies enzymes into multi-functional categories up to the fourth level of the Enzyme Commission hierarchy. It achieves 71.4% subset accuracy and 96.1% Macro F1 Score at the deepest level—surpassing existing tools by using assisted learning and hierarchical modeling for better functional predictions in enzyme discovery.

authors

3 Authors

June 12, 2021

Science Direct

PMNet: A Probability Map Based Scaled Network for Breast Cancer Diagnosis

PMNet is a two-stage deep learning pipeline that combines patch-level predictions with global WSI context to detect breast cancer subtypes. Using EfficientNet and a probability map-based architecture, it achieves a Dice coefficient of 69.8% on BACH WSIs and 82.7% on the Dryad dataset, outperforming previous methods and enabling pseudo-annotation of large datasets like TCGA for future deep learning research.

authors

3 Authors

April , 2021

Oxford Academic

HECNet: A Hierarchical Approach to Enzyme Function Classification Using a Siamese Triplet Network

HECNet introduces a deep learning framework combining hierarchical classification with a Siamese Triplet Network to predict enzyme functions up to the fourth EC level. Trained on over 11,000 enzymes, it achieves 91.2% accuracy and 81.9% Macro-F1 at the most specific level, significantly outperforming existing tools like DEEPre and ECPred, even in cases with scarce data and isoform variation.

authors

3 Authors

Sep 17 , 2020

IEEE Xplore

Predicting the Pathogenicity of Protein Coding Mutations Using Natural Language Processing

This paper introduces NLP-SNPPred, a novel model that predicts the pathogenicity of protein mutations using NLP-derived features from biomedical literature. Trained on OncoKB and validated on benchmark datasets, it outperforms state-of-the-art tools by leveraging text embeddings and mutation-specific sentence analysis, achieving an AUC of 0.81 and F1-scores up to 0.78 in leave-one-gene-out tests.

authors

5 Authors

Aug 27 , 2020

Biophysical journal

Genetic Mutation Classification Using Machine Learning

This study presents a machine learning approach to classify cancer-related genetic mutations, aiming to assist pathologists in reducing misdiagnosis rates. Utilizing the OncoKB dataset, the authors encoded gene and mutation information using one-hot encoding and transformed clinical literature into numerical vectors via tf-idf, word2vec, and doc2vec. Among various classifiers tested, the XGBoost model achieved a log loss of 0.9 and an accuracy of 68%, significantly outperforming a random baseline model. This method offers a more efficient and accurate alternative to manual mutation classification, potentially expediting diagnosis and improving treatment strategies.

authors

4 Authors

Feb 15 , 2019

Bring PRAID AI to your practice

Seamlessly integrate AI-powered precision into your clinical workflow and unlock faster, more accurate diagnoses for every patient.