Search Results for author: Yasha Wang

Found 41 papers, 22 papers with code

Distance Metric Learning with Joint Representation Diversification

1 code implementation ICML 2020 Xu Chu, Yang Lin, Xiting Wang, Xin Gao, Qi Tong, Hailong Yu, Yasha Wang

Distance metric learning (DML) is to learn a representation space equipped with a metric, such that examples from the same class are closer than examples from different classes with respect to the metric.

Metric Learning

LearNAT: Learning NL2SQL with AST-guided Task Decomposition for Large Language Models

no code implementations3 Apr 2025 Weibin Liao, Xin Gao, Tianyu Jia, Rihong Qiu, Yifan Zhu, Yang Lin, Xu Chu, Junfeng Zhao, Yasha Wang

Inspired by the application of reinforcement learning in mathematical problem-solving to encourage step-by-step reasoning in LLMs, we propose LearNAT (Learning NL2SQL with AST-guided Task Decomposition), a novel framework that improves the performance of open-source LLMs on complex NL2SQL tasks through task decomposition and reinforcement learning.

Mathematical Problem-Solving Prompt Engineering +2

GeoEdit: Geometric Knowledge Editing for Large Language Models

no code implementations27 Feb 2025 Yujie Feng, LiMing Zhan, Zexin Lu, Yongxin Xu, Xu Chu, Yasha Wang, Jiannong Cao, Philip S. Yu, Xiao-Ming Wu

For the remaining neurons, we integrate both old and new knowledge for aligned directions and apply a "forget-then-learn" editing strategy for opposite directions.

General Knowledge knowledge editing

DRESSing Up LLM: Efficient Stylized Question-Answering via Style Subspace Editing

1 code implementation24 Jan 2025 Xinyu Ma, Yifeng Xu, Yang Lin, Tianlong Wang, Xu Chu, Xin Gao, Junfeng Zhao, Yasha Wang

Our approach leverages the over-parameterized nature of LLMs to disentangle a style-relevant subspace within the model's representation space to conduct representation editing, ensuring a minimal impact on the original semantics.

Language Modeling Language Modelling +2

RAGraph: A General Retrieval-Augmented Graph Learning Framework

1 code implementation31 Oct 2024 Xinke Jiang, Rihong Qiu, Yongxin Xu, Wentao Zhang, Yichen Zhu, Ruizhe Zhang, Yuchen Fang, Xu Chu, Junfeng Zhao, Yasha Wang

Graph Neural Networks (GNNs) have become essential in interpreting relational data across various domains, yet, they often struggle to generalize to unseen graph data that differs markedly from training instances.

Graph Classification Graph Learning +3

Parenting: Optimizing Knowledge Selection of Retrieval-Augmented Language Models with Parameter Decoupling and Tailored Tuning

no code implementations14 Oct 2024 Yongxin Xu, Ruizhe Zhang, Xinke Jiang, Yujie Feng, Yuzhen Xiao, Xinyu Ma, Runchuan Zhu, Xu Chu, Junfeng Zhao, Yasha Wang

Retrieval-Augmented Generation (RAG) offers an effective solution to the issues faced by Large Language Models (LLMs) in hallucination generation and knowledge obsolescence by incorporating externally retrieved knowledge.

Hallucination RAG +1

3DS: Decomposed Difficulty Data Selection's Case Study on LLM Medical Domain Adaptation

no code implementations13 Oct 2024 Hongxin Ding, Yue Fang, Runchuan Zhu, Xinke Jiang, Jinyang Zhang, Yongxin Xu, Xu Chu, Junfeng Zhao, Yasha Wang

To address this, we propose a two-stage model-centric data selection framework, Decomposed Difficulty Data Selection (3DS), which aligns data with the model's knowledge distribution for optimized adaptation.

Domain Adaptation

TPO: Aligning Large Language Models with Multi-branch & Multi-step Preference Trees

no code implementations10 Oct 2024 Weibin Liao, Xu Chu, Yasha Wang

In the domain of complex reasoning tasks, such as mathematical reasoning, recent advancements have proposed the use of Direct Preference Optimization (DPO) to suppress output of dispreferred responses, thereby enhancing the long-chain reasoning capabilities of large language models (LLMs).

Mathematical Reasoning

IntelliCare: Improving Healthcare Analysis with Variance-Controlled Patient-Level Knowledge from Large Language Models

1 code implementation23 Aug 2024 Zhihao Yu, Yujie Jin, Yongxin Xu, Xu Chu, Yasha Wang, Junfeng Zhao

While pioneering deep learning methods have made great strides in analyzing electronic health record (EHR) data, they often struggle to fully capture the semantics of diverse medical codes from limited data.

TC-RAG:Turing-Complete RAG's Case study on Medical LLM Systems

2 code implementations17 Aug 2024 Xinke Jiang, Yue Fang, Rihong Qiu, Haoyu Zhang, Yongxin Xu, Hao Chen, Wentao Zhang, Ruizhe Zhang, Yuchen Fang, Xu Chu, Junfeng Zhao, Yasha Wang

In the pursuit of enhancing domain-specific Large Language Models (LLMs), Retrieval-Augmented Generation (RAG) emerges as a promising solution to mitigate issues such as hallucinations, outdated knowledge, and limited expertise in highly specialized queries.

RAG Retrieval

Is larger always better? Evaluating and prompting large language models for non-generative medical tasks

1 code implementation26 Jul 2024 Yinghao Zhu, Junyi Gao, Zixiang Wang, Weibin Liao, Xiaochen Zheng, Lifang Liang, Yasha Wang, Chengwei Pan, Ewen M. Harrison, Liantao Ma

The use of Large Language Models (LLMs) in medicine is growing, but their ability to handle both structured Electronic Health Record (EHR) data and unstructured clinical notes is not well-studied.

Readmission Prediction Sentence +1

SMART: Towards Pre-trained Missing-Aware Model for Patient Health Status Prediction

1 code implementation15 May 2024 Zhihao Yu, Xu Chu, Yujie Jin, Yasha Wang, Junfeng Zhao

To tackle this problem, we propose SMART, a Self-Supervised Missing-Aware RepresenTation Learning approach for patient health status prediction, which encodes missing information via elaborated attentions and learns to impute missing values through a novel self-supervised pre-training approach that reconstructs missing data representations in the latent space.

Imputation Missing Values +1

LoRA Dropout as a Sparsity Regularizer for Overfitting Control

no code implementations15 Apr 2024 Yang Lin, Xinyu Ma, Xu Chu, Yujie Jin, Zhibang Yang, Yasha Wang, Hong Mei

We then demonstrate the theoretical mechanism of our LoRA Dropout mechanism from the perspective of sparsity regularization by providing a generalization error bound under this framework.

parameter-efficient fine-tuning

Learnable Prompt as Pseudo-Imputation: Reassessing the Necessity of Traditional EHR Data Imputation in Downstream Clinical Prediction

no code implementations30 Jan 2024 Weibin Liao, Yinghao Zhu, Zixiang Wang, Xu Chu, Yasha Wang, Liantao Ma

PAI no longer introduces any imputed data but constructs a learnable prompt to model the implicit preferences of the downstream model for missing values, resulting in a significant performance improvement for all EHR analysis models.

Imputation Missing Values

Infinite-Horizon Graph Filters: Leveraging Power Series to Enhance Sparse Information Aggregation

1 code implementation18 Jan 2024 Ruizhe Zhang, Xinke Jiang, Yuchen Fang, Jiayuan Luo, Yongxin Xu, Yichen Zhu, Xu Chu, Junfeng Zhao, Yasha Wang

Graph Neural Networks (GNNs) have shown considerable effectiveness in a variety of graph learning tasks, particularly those based on the message-passing approach in recent years.

Graph Learning Node Classification

Imputation with Inter-Series Information from Prototypes for Irregular Sampled Time Series

1 code implementation14 Jan 2024 Zhihao Yu, Xu Chu, Liantao Ma, Yasha Wang, Wenwu Zhu

To bridge this gap, we propose PRIME, a Prototype Recurrent Imputation ModEl, which integrates both intra-series and inter-series information for imputing missing values in irregularly sampled time series.

Imputation Memorization +2

Learning the Dynamic Correlations and Mitigating Noise by Hierarchical Convolution for Long-term Sequence Forecasting

1 code implementation28 Dec 2023 Zhihao Yu, Liantao Ma, Yasha Wang, Junfeng Zhao

In particular, a hierarchical convolution structure is introduced to extract the information from the series at various scales.

Denoising

HyKGE: A Hypothesis Knowledge Graph Enhanced Framework for Accurate and Reliable Medical LLMs Responses

1 code implementation26 Dec 2023 Xinke Jiang, Ruizhe Zhang, Yongxin Xu, Rihong Qiu, Yue Fang, Zhiyuan Wang, Jinyi Tang, Hongxin Ding, Xu Chu, Junfeng Zhao, Yasha Wang

In this paper, we investigate the retrieval-augmented generation (RAG) based on Knowledge Graphs (KGs) to improve the accuracy and reliability of Large Language Models (LLMs).

Diversity Knowledge Graphs +3

Predict and Interpret Health Risk using EHR through Typical Patients

1 code implementation18 Dec 2023 Zhihao Yu, Chaohe Zhang, Yasha Wang, Wen Tang, Jiangtao Wang, Liantao Ma

Predicting health risks from electronic health records (EHR) is a topic of recent interest.

Domain-invariant Clinical Representation Learning by Bridging Data Distribution Shift across EMR Datasets

no code implementations11 Oct 2023 Zhongji Zhang, Yuhang Wang, Yinghao Zhu, Xinyu Ma, Tianlong Wang, Chaohe Zhang, Yasha Wang, Liantao Ma

Due to the limited information about emerging diseases, symptoms are hard to be noticed and recognized, so that the window for clinical intervention could be ignored.

Ethics Representation Learning +1

A ModelOps-based Framework for Intelligent Medical Knowledge Extraction

no code implementations4 Oct 2023 Hongxin Ding, Peinie Zou, Zhiyuan Wang, Junfeng Zhao, Yasha Wang, Qiang Zhou

Extracting medical knowledge from healthcare texts enhances downstream tasks like medical knowledge graph construction and clinical decision-making.

Decision Making graph construction +2

Fused Gromov-Wasserstein Graph Mixup for Graph-level Classifications

1 code implementation NeurIPS 2023 Xinyu Ma, Xu Chu, Yasha Wang, Yang Lin, Junfeng Zhao, Liantao Ma, Wenwu Zhu

To solve this problem, we propose a novel graph mixup algorithm called FGWMixup, which seeks a midpoint of source graphs in the Fused Gromov-Wasserstein (FGW) metric space.

Data Augmentation

M$^3$Care: Learning with Missing Modalities in Multimodal Healthcare Data

1 code implementation28 Oct 2022 Chaohe Zhang, Xu Chu, Liantao Ma, Yinghao Zhu, Yasha Wang, Jiangtao Wang, Junfeng Zhao

M3Care is an end-to-end model compensating the missing information of the patients with missing modalities to perform clinical analysis.

Domain Generalization through the Lens of Angular Invariance

1 code implementation28 Oct 2022 Yujie Jin, Xu Chu, Yasha Wang, Wenwu Zhu

Based on the proposed term of invariance, we propose a novel deep DG method called Angular Invariance Domain Generalization Network (AIDGN).

Domain Generalization Representation Learning

A Comprehensive Benchmark for COVID-19 Predictive Modeling Using Electronic Health Records in Intensive Care

3 code implementations16 Sep 2022 Junyi Gao, Yinghao Zhu, Wenqing Wang, Yasha Wang, Wen Tang, Ewen M. Harrison, Liantao Ma

Many deep learning models have been proposed to conduct clinical predictive tasks such as mortality prediction for COVID-19 patients in intensive care units using Electronic Health Record (EHR) data.

Benchmarking Deep Learning +3

MedFACT: Modeling Medical Feature Correlations in Patient Health Representation Learning via Feature Clustering

no code implementations21 Apr 2022 Xinyu Ma, Xu Chu, Yasha Wang, Hailong Yu, Liantao Ma, Wen Tang, Junfeng Zhao

Thus, to address the issues, we expect to group up strongly correlated features and learn feature correlations in a group-wise manner to reduce the learning complexity without losing generality.

Clustering Representation Learning

StageNet: Stage-Aware Neural Networks for Health Risk Prediction

1 code implementation24 Jan 2020 Junyi Gao, Cao Xiao, Yasha Wang, Wen Tang, Lucas M. Glass, Jimeng Sun

Compared to the best baseline model, StageNet achieves up to 12% higher AUPRC for risk prediction task on two real-world patient datasets.

Prediction

ConCare: Personalized Clinical Feature Embedding via Capturing the Healthcare Context

1 code implementation27 Nov 2019 Liantao Ma, Chaohe Zhang, Yasha Wang, Wenjie Ruan, Jiantao Wang, Wen Tang, Xinyu Ma, Xin Gao, Junyi Gao

Predicting the patient's clinical outcome from the historical electronic medical records (EMR) is a fundamental research problem in medical informatics.

Prediction

AdaCare: Explainable Clinical Health Status Representation Learning via Scale-Adaptive Feature Extraction and Recalibration

1 code implementation27 Nov 2019 Liantao Ma, Junyi Gao, Yasha Wang, Chaohe Zhang, Jiangtao Wang, Wenjie Ruan, Wen Tang, Xin Gao, Xinyu Ma

It also models the correlation between clinical features to enhance the ones which strongly indicate the health status and thus can maintain a state-of-the-art performance in terms of prediction accuracy while providing qualitative interpretability.

Prediction Representation Learning

MUSEFood: Multi-sensor-based Food Volume Estimation on Smartphones

1 code implementation18 Mar 2019 Junyi Gao, Weihao Tan, Liantao Ma, Yasha Wang, Wen Tang

Furthermore, MUSEFood uses the microphone and the speaker to accurately measure the vertical distance from the camera to the food in a noisy environment, thus scaling the size of food in the image to its actual size.

Management Multi-Task Learning +1

Multi-Label Robust Factorization Autoencoder and its Application in Predicting Drug-Drug Interactions

no code implementations1 Nov 2018 Xu Chu, Yang Lin, Jingyue Gao, Jiangtao Wang, Yasha Wang, Leye Wang

However, the shallow models leveraging bilinear forms suffer from limitations on capturing complicated nonlinear interactions between drug pairs.

Decoder

Cell Selection with Deep Reinforcement Learning in Sparse Mobile Crowdsensing

no code implementations19 Apr 2018 Leye Wang, wenbin liu, Daqing Zhang, Yasha Wang, En Wang, Yongjian Yang

Since the sensed data from different cells (sub-areas) of the target sensing area will probably lead to diverse levels of inference data quality, cell selection (i. e., choose which cells of the target area to collect sensed data from participants) is a critical issue that will impact the total amount of data that requires to be collected (i. e., data collection costs) for ensuring a certain level of quality.

Deep Reinforcement Learning reinforcement-learning +2

Motif-based Rule Discovery for Predicting Real-valued Time Series

no code implementations14 Sep 2017 Yuanduo He, Xu Chu, Juguang Peng, Jingyue Gao, Yasha Wang

Time series prediction is of great significance in many applications and has attracted extensive attention from the data mining community.

Time Series Time Series Prediction +1

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