Search Results for author: Yuan Luo

Found 67 papers, 23 papers with code

Parametric Prediction from Parametric Agents

no code implementations24 Feb 2016 Yuan Luo, Nihar B. Shah, Jianwei Huang, Jean Walrand

In order to elicit heterogeneous agents' private information and incentivize agents with different capabilities to act in the principal's best interest, we design an optimal joint incentive mechanism and prediction algorithm called COPE (COst and Prediction Elicitation), the analysis of which offers several valuable engineering insights.

Learning Theory

Multi-View Graph Convolutional Network and Its Applications on Neuroimage Analysis for Parkinson's Disease

1 code implementation22 May 2018 Xi Sheryl Zhang, Lifang He, Kun Chen, Yuan Luo, Jiayu Zhou, Fei Wang

Parkinson's Disease (PD) is one of the most prevalent neurodegenerative diseases that affects tens of millions of Americans.

Natural Language Processing for EHR-Based Computational Phenotyping

no code implementations13 Jun 2018 Zexian Zeng, Yu Deng, Xiaoyu Li, Tristan Naumann, Yuan Luo

This article reviews recent advances in applying natural language processing (NLP) to Electronic Health Records (EHRs) for computational phenotyping.

Computational Phenotyping

Using Clinical Narratives and Structured Data to Identify Distant Recurrences in Breast Cancer

no code implementations13 Jun 2018 Zexian Zeng, Ankita Roy, Xiaoyu Li, Sasa Espino, Susan Clare, Seema Khan, Yuan Luo

Our model can accurately and efficiently identify distant recurrences in breast cancer by combining features extracted from unstructured clinical narratives and structured clinical data.

Computational Phenotyping

Developing a Portable Natural Language Processing Based Phenotyping System

1 code implementation17 Jul 2018 Himanshu Sharma, Chengsheng Mao, Yizhen Zhang, Haleh Vatani, Liang Yao, Yizhen Zhong, Luke Rasmussen, Guoqian Jiang, Jyotishman Pathak, Yuan Luo

Our system facilitates portable phenotyping of obesity and its 15 comorbidities based on the unstructured patient discharge summaries, while achieving a performance that often ranked among the top 10 of the challenge participants.

BIG-bench Machine Learning

Graph Convolutional Networks for Text Classification

9 code implementations15 Sep 2018 Liang Yao, Chengsheng Mao, Yuan Luo

We build a single text graph for a corpus based on word co-occurrence and document word relations, then learn a Text Graph Convolutional Network (Text GCN) for the corpus.

General Classification Sentiment Analysis +1

Distribution Networks for Open Set Learning

no code implementations20 Sep 2018 Chengsheng Mao, Liang Yao, Yuan Luo

In this paper, we recognize that novel classes should be different from each other, and propose distribution networks for open set learning that can model different novel classes based on probability distributions.

General Classification Open Set Learning

Deep Generative Classifiers for Thoracic Disease Diagnosis with Chest X-ray Images

1 code implementation20 Sep 2018 Chengsheng Mao, Yiheng Pan, Zexian Zeng, Liang Yao, Yuan Luo

However, most of the previous deep neural network classifiers were based on deterministic architectures which are usually very noise-sensitive and are likely to aggravate the overfitting issue.

General Classification Image Classification

Supervised Nonnegative Matrix Factorization to Predict ICU Mortality Risk

no code implementations27 Sep 2018 Guoqing Chao, Chengsheng Mao, Fei Wang, Yuan Zhao, Yuan Luo

We used the simulation data to verify the effectiveness of this method, and then we applied it to ICU mortality risk prediction and demonstrated its superiority over other conventional supervised NMF methods.

ICU Mortality Time Series +1

Implementing a Portable Clinical NLP System with a Common Data Model - a Lisp Perspective

no code implementations15 Nov 2018 Yuan Luo, Peter Szolovits

We also developed a utility to convert an inline annotation format to stand-off annotations to enable the reuse of clinical text datasets with inline annotations.

Computational Phenotyping Domain Adaptation +1

MedGCN: Medication recommendation and lab test imputation via graph convolutional networks

1 code implementation31 Mar 2019 Chengsheng Mao, Liang Yao, Yuan Luo

In this study, we construct a graph to associate 4 types of medical entities, i. e., patients, encounters, lab tests, and medications, and applied a graph neural network to learn node embeddings for medication recommendation and lab test imputation.

Imputation

ImageGCN: Multi-Relational Image Graph Convolutional Networks for Disease Identification with Chest X-rays

1 code implementation31 Mar 2019 Chengsheng Mao, Liang Yao, Yuan Luo

However, most of the existing approaches for image representation ignore the relations between images and consider each input image independently.

object-detection Object Detection

Evaluating the Portability of an NLP System for Processing Echocardiograms: A Retrospective, Multi-site Observational Study

no code implementations2 Apr 2019 Prakash Adekkanattu, Guoqian Jiang, Yuan Luo, Paul R. Kingsbury, Zhen-Xing Xu, Luke V. Rasmussen, Jennifer A. Pacheco, Richard C. Kiefer, Daniel J. Stone, Pascal S. Brandt, Liang Yao, Yizhen Zhong, Yu Deng, Fei Wang, Jessica S. Ancker, Thomas R. Campion, Jyotishman Pathak

While the NLP system showed high precision and recall measurements for four target concepts (aortic valve regurgitation, left atrium size at end systole, mitral valve regurgitation, tricuspid valve regurgitation) across all sites, we found moderate or poor results for the remaining concepts and the NLP system performance varied between individual sites.

Identifying Sub-Phenotypes of Acute Kidney Injury using Structured and Unstructured Electronic Health Record Data with Memory Networks

no code implementations10 Apr 2019 Zhen-Xing Xu, Jingyuan Chou, Xi Sheryl Zhang, Yuan Luo, Tamara Isakova, Prakash Adekkanattu, Jessica S. Ancker, Guoqian Jiang, Richard C. Kiefer, Jennifer A. Pacheco, Luke V. Rasmussen, Jyotishman Pathak, Fei Wang

Sub-phenotype III is with average age 65. 07$ \pm 11. 32 $ years, and was characterized moderate loss of kidney excretory function and thus more likely to develop stage II AKI (SCr $1. 69\pm 0. 32$ mg/dL, eGFR $93. 97\pm 56. 53$ mL/min/1. 73$m^2$).

Mixture-based Multiple Imputation Model for Clinical Data with a Temporal Dimension

1 code implementation12 Aug 2019 Ye Xue, Diego Klabjan, Yuan Luo

The problem of missing values in multivariable time series is a key challenge in many applications such as clinical data mining.

Gaussian Processes Imputation +2

Symmetric Cross Entropy for Robust Learning with Noisy Labels

4 code implementations ICCV 2019 Yisen Wang, Xingjun Ma, Zaiyi Chen, Yuan Luo, Jin-Feng Yi, James Bailey

In this paper, we show that DNN learning with Cross Entropy (CE) exhibits overfitting to noisy labels on some classes ("easy" classes), but more surprisingly, it also suffers from significant under learning on some other classes ("hard" classes).

Learning with noisy labels

KG-BERT: BERT for Knowledge Graph Completion

3 code implementations7 Sep 2019 Liang Yao, Chengsheng Mao, Yuan Luo

Knowledge graphs are important resources for many artificial intelligence tasks but often suffer from incompleteness.

Language Modelling Link Prediction +2

Hierarchical Semantic Correspondence Learning for Post-Discharge Patient Mortality Prediction

no code implementations15 Oct 2019 Shaika Chowdhury, Chenwei Zhang, Philip S. Yu, Yuan Luo

Predicting patient mortality is an important and challenging problem in the healthcare domain, especially for intensive care unit (ICU) patients.

Mortality Prediction Semantic correspondence +1

Dirichlet Latent Variable Hierarchical Recurrent Encoder-Decoder in Dialogue Generation

no code implementations IJCNLP 2019 Min Zeng, Yisen Wang, Yuan Luo

Based on which, we further find that there is redundancy among the dimensions of latent variable, and the lengths and sentence patterns of the responses can be strongly correlated to each dimension of the latent variable.

Dialogue Generation Sentence

Conditional Hierarchical Bayesian Tucker Decomposition for Genetic Data Analysis

1 code implementation27 Nov 2019 Adam Sandler, Diego Klabjan, Yuan Luo

We apply these models to examine patients with one of four common types of cancer (breast, lung, prostate, and colorectal) and siblings with and without autism spectrum disorder.

Tensor Decomposition

Med2Meta: Learning Representations of Medical Concepts with Meta-Embeddings

no code implementations6 Dec 2019 Shaika Chowdhury, Chenwei Zhang, Philip S. Yu, Yuan Luo

Distributed representations of medical concepts have been used to support downstream clinical tasks recently.

Decision Making

Open-Set Recognition with Gaussian Mixture Variational Autoencoders

no code implementations3 Jun 2020 Alexander Cao, Yuan Luo, Diego Klabjan

In inference, open-set classification is to either classify a sample into a known class from training or reject it as an unknown class.

Classification Clustering +3

Decentralized Source Localization without Sensor Parameters in Wireless Sensor Networks

no code implementations2 Sep 2020 Akram Hussain, Yuan Luo

However, we propose two methods to estimate the source location in this paper under the fault model: hitting set approach and feature selection method, which only utilize the noisy data set at the fusion center for estimation of the source location without knowing the sensor parameters.

feature selection

A Comparison of Pre-trained Vision-and-Language Models for Multimodal Representation Learning across Medical Images and Reports

1 code implementation3 Sep 2020 Yikuan Li, Hanyin Wang, Yuan Luo

Joint image-text embedding extracted from medical images and associated contextual reports is the bedrock for most biomedical vision-and-language (V+L) tasks, including medical visual question answering, clinical image-text retrieval, clinical report auto-generation.

Medical Visual Question Answering Question Answering +4

Towards Expressive Graph Representation

1 code implementation12 Oct 2020 Chengsheng Mao, Liang Yao, Yuan Luo

Graph Neural Network (GNN) aggregates the neighborhood of each node into the node embedding and shows its powerful capability for graph representation learning.

Graph Classification Graph Representation Learning

Improving Medical NLI Using Context-Aware Domain Knowledge

no code implementations Joint Conference on Lexical and Computational Semantics 2020 Shaika Chowdhury, Philip Yu, Yuan Luo

Domain knowledge is important to understand both the lexical and relational associations of words in natural language text, especially for domain-specific tasks like Natural Language Inference (NLI) in the medical domain, where due to the lack of a large annotated dataset such knowledge cannot be implicitly learned during training.

Natural Language Inference

PANTHER: Pathway Augmented Nonnegative Tensor factorization for HighER-order feature learning

1 code implementation15 Dec 2020 Yuan Luo, Chengsheng Mao

We apply genetically motivated constrained tensor factorization to group pathways in a way that reflects molecular mechanism interactions.

BIG-bench Machine Learning Interpretable Machine Learning

Non-Convex Optimization with Spectral Radius Regularization

1 code implementation22 Feb 2021 Adam Sandler, Diego Klabjan, Yuan Luo

We develop a regularization method which finds flat minima during the training of deep neural networks and other machine learning models.

Aggregation Delayed Federated Learning

1 code implementation17 Aug 2021 Ye Xue, Diego Klabjan, Yuan Luo

Federated learning is a distributed machine learning paradigm where multiple data owners (clients) collaboratively train one machine learning model while keeping data on their own devices.

BIG-bench Machine Learning Federated Learning

Towards Understanding Catastrophic Overfitting in Fast Adversarial Training

no code implementations29 Sep 2021 Renjie Chen, Yuan Luo, Yisen Wang

After adversarial training was proposed, a series of works focus on improving the compunational efficiency of adversarial training for deep neural networks (DNNs).

Dissecting Local Properties of Adversarial Examples

no code implementations29 Sep 2021 Lu Chen, Renjie Chen, Hang Guo, Yuan Luo, Quanshi Zhang, Yisen Wang

Adversarial examples have attracted significant attention over the years, yet a sufficient understanding is in lack, especially when analyzing their performances in combination with adversarial training.

Adversarial Robustness

Unsupervised Learning to Subphenotype Delirium Patients from Electronic Health Records

no code implementations31 Oct 2021 Yiqing Zhao, Yuan Luo

Delirium is a common acute onset brain dysfunction in the emergency setting and is associated with higher mortality.

Feature Importance

Early Prediction of Mortality in Critical Care Setting in Sepsis Patients Using Structured Features and Unstructured Clinical Notes

no code implementations9 Nov 2021 Jiyoung Shin, Yikuan Li, Yuan Luo

We built and applied several machine learning models to predict the risk of hospital mortality and 30-day mortality in sepsis patients.

Assessing Social Determinants-Related Performance Bias of Machine Learning Models: A case of Hyperchloremia Prediction in ICU Population

no code implementations18 Nov 2021 Songzi Liu, Yuan Luo

Machine learning in medicine leverages the wealth of healthcare data to extract knowledge, facilitate clinical decision-making, and ultimately improve care delivery.

Decision Making

Development and Validation of MicrobEx: an Open-Source Package for Microbiology Culture Concept Extraction

no code implementations22 Nov 2021 Garrett Eickelberg, Yuan Luo, L. Nelson Sanchez-Pinto

Our concept extraction Python package, MicrobEx, is designed to be reused and adapted to individual institutions as an upstream process for other clinical applications, such as machine learning studies, clinical decision support, and disease surveillance systems.

Cultural Vocal Bursts Intensity Prediction

Disparities in Social Determinants among Performances of Mortality Prediction with Machine Learning for Sepsis Patients

no code implementations15 Dec 2021 Hanyin Wang, Yikuan Li, Andrew Naidech, Yuan Luo

On the 5, 783 sepsis patients identified by the Sepsis-3 criteria statistically significant performance decreases for mortality prediction were observed when applying the trained machine learning model on Asian and Hispanic patients.

BIG-bench Machine Learning Mortality Prediction

Open-Set Recognition of Breast Cancer Treatments

no code implementations9 Jan 2022 Alexander Cao, Diego Klabjan, Yuan Luo

Open-set recognition generalizes a classification task by classifying test samples as one of the known classes from training or "unknown."

Open Set Learning Robust classification

Clinical-Longformer and Clinical-BigBird: Transformers for long clinical sequences

1 code implementation27 Jan 2022 Yikuan Li, Ramsey M. Wehbe, Faraz S. Ahmad, Hanyin Wang, Yuan Luo

To overcome this, long sequence transformer models, e. g. Longformer and BigBird, were proposed with the idea of sparse attention mechanism to reduce the memory usage from quadratic to the sequence length to a linear scale.

Clinical Knowledge Document Classification +5

Topology-Preserving Dimensionality Reduction via Interleaving Optimization

1 code implementation31 Jan 2022 Bradley J. Nelson, Yuan Luo

Dimensionality reduction techniques are powerful tools for data preprocessing and visualization which typically come with few guarantees concerning the topological correctness of an embedding.

Data Visualization Dimensionality Reduction

Distribution Preserving Graph Representation Learning

no code implementations27 Feb 2022 Chengsheng Mao, Yuan Luo

Besides the generalizability, by applying an expressive GNN backbone, DP-GNN can also have high expressive power.

Graph Classification Graph Learning +1

Machine Learning Applications in Lung Cancer Diagnosis, Treatment and Prognosis

no code implementations5 Mar 2022 Yawei Li, Xin Wu, Ping Yang, Guoqian Jiang, Yuan Luo

The recent development of imaging and sequencing technologies enables systematic advances in the clinical study of lung cancer.

BIG-bench Machine Learning Lung Cancer Diagnosis

Multimodal Machine Learning in Precision Health

no code implementations10 Apr 2022 Adrienne Kline, Hanyin Wang, Yikuan Li, Saya Dennis, Meghan Hutch, Zhenxing Xu, Fei Wang, Feixiong Cheng, Yuan Luo

Attempts to improve prediction and resemble the multimodal nature of clinical expert decision-making this has been met in the computational field of machine learning by a fusion of disparate data.

BIG-bench Machine Learning Decision Making

AKI-BERT: a Pre-trained Clinical Language Model for Early Prediction of Acute Kidney Injury

1 code implementation7 May 2022 Chengsheng Mao, Liang Yao, Yuan Luo

However, few have explored BERT on disease-specific medical domain tasks such as AKI early prediction.

Language Modelling

SHINE: SubHypergraph Inductive Neural nEtwork

1 code implementation13 Oct 2022 Yuan Luo

Hypergraph neural networks can model multi-way connections among nodes of the graphs, which are common in real-world applications such as genetic medicine.

AD-BERT: Using Pre-trained contextualized embeddings to Predict the Progression from Mild Cognitive Impairment to Alzheimer's Disease

no code implementations7 Nov 2022 Chengsheng Mao, Jie Xu, Luke Rasmussen, Yikuan Li, Prakash Adekkanattu, Jennifer Pacheco, Borna Bonakdarpour, Robert Vassar, Guoqian Jiang, Fei Wang, Jyotishman Pathak, Yuan Luo

Materials and Methods: We identified 3657 patients diagnosed with MCI together with their progress notes from Northwestern Medicine Enterprise Data Warehouse (NMEDW) between 2000-2020.

Metabolomics of Aging and Alzheimer's Disease: From Single-Omics to Multi-Omics

no code implementations19 Dec 2022 Yiming Li, Yuan Luo

Aging is a multifactorial process and a key factor of morbidity and mortality.

A Comparative Study of Pretrained Language Models for Long Clinical Text

1 code implementation27 Jan 2023 Yikuan Li, Ramsey M. Wehbe, Faraz S. Ahmad, Hanyin Wang, Yuan Luo

Objective: Clinical knowledge enriched transformer models (e. g., ClinicalBERT) have state-of-the-art results on clinical NLP (natural language processing) tasks.

Clinical Knowledge Document Classification +5

Using Machine Learning to Develop Smart Reflex Testing Protocols

no code implementations1 Feb 2023 Matthew McDermott, Anand Dighe, Peter Szolovits, Yuan Luo, Jason Baron

Here, using the analyte ferritin as an example, we propose an alternative machine learning-based approach to "smart" reflex testing with a wider scope and greater impact than traditional rule-based approaches.

Imputation Management

IRTCI: Item Response Theory for Categorical Imputation

no code implementations8 Feb 2023 Adrienne Kline, Yuan Luo

Results demonstrated that the new method, Item Response Theory for Categorical Imputation (IRTCI), fared quite well compared to currently used methods, outperforming several of them in many conditions.

Imputation

Deep Reinforcement Learning for Cost-Effective Medical Diagnosis

1 code implementation20 Feb 2023 Zheng Yu, Yikuan Li, Joseph Kim, Kaixuan Huang, Yuan Luo, Mengdi Wang

In this work, we use reinforcement learning (RL) to find a dynamic policy that selects lab test panels sequentially based on previous observations, ensuring accurate testing at a low cost.

Anomaly Detection Medical Diagnosis +3

Medical Image Deidentification, Cleaning and Compression Using Pylogik

no code implementations20 Apr 2023 Adrienne Kline, Vinesh Appadurai, Yuan Luo, Sanjiv Shah

This methodology de-identifies the images, reduces file sizes, and prepares image volumes for applications in deep learning and data sharing.

De-identification Text Detection

Exploring Large Language Models for Knowledge Graph Completion

1 code implementation26 Aug 2023 Liang Yao, Jiazhen Peng, Chengsheng Mao, Yuan Luo

Knowledge graphs play a vital role in numerous artificial intelligence tasks, yet they frequently face the issue of incompleteness.

Relation Triple Classification

Enhancing Health Data Interoperability with Large Language Models: A FHIR Study

no code implementations19 Sep 2023 Yikuan Li, Hanyin Wang, Halid Yerebakan, Yoshihisa Shinagawa, Yuan Luo

In this study, we investigated the ability of the large language model (LLM) to enhance healthcare data interoperability.

Language Modelling Large Language Model

Rethinking Domain Generalization: Discriminability and Generalizability

no code implementations28 Sep 2023 Shaocong Long, Qianyu Zhou, Chenhao Ying, Lizhuang Ma, Yuan Luo

On the one hand, the simultaneous attainment of generalizability and discriminability of features presents a complex challenge, often entailing inherent contradictions.

Domain Generalization

Diverse Target and Contribution Scheduling for Domain Generalization

no code implementations28 Sep 2023 Shaocong Long, Qianyu Zhou, Chenhao Ying, Lizhuang Ma, Yuan Luo

In specific, DTS employs distinct soft labels as training targets to account for various feature distributions across domains and thereby mitigates the gradient conflicts, and DCB dynamically balances the contributions of source domains by ensuring a fair decline in losses of different source domains.

Domain Generalization Scheduling

Machine learning's own Industrial Revolution

no code implementations4 Nov 2023 Yuan Luo, Song Han, Jingjing Liu

Machine learning is expected to enable the next Industrial Revolution.

Translation

Seeing is not always believing: The Space of Harmless Perturbations

no code implementations3 Feb 2024 Lu Chen, Shaofeng Li, Benhao Huang, Fan Yang, Zheng Li, Jie Li, Yuan Luo

In the context of deep neural networks, we expose the existence of a harmless perturbation space, where perturbations leave the network output entirely unaltered.

Privacy Preserving

DGMamba: Domain Generalization via Generalized State Space Model

1 code implementation11 Apr 2024 Shaocong Long, Qianyu Zhou, Xiangtai Li, Xuequan Lu, Chenhao Ying, Yuan Luo, Lizhuang Ma, Shuicheng Yan

SPR strives to encourage the model to concentrate more on objects rather than context, consisting of two designs: Prior-Free Scanning~(PFS), and Domain Context Interchange~(DCI).

Domain Generalization

Privacy-Preserving UCB Decision Process Verification via zk-SNARKs

no code implementations18 Apr 2024 Xikun Jiang, He Lyu, Chenhao Ying, Yibin Xu, Boris Düdder, Yuan Luo

With the increasingly widespread application of machine learning, how to strike a balance between protecting the privacy of data and algorithm parameters and ensuring the verifiability of machine learning has always been a challenge.

Decision Making Privacy Preserving +2

Cannot find the paper you are looking for? You can Submit a new open access paper.