Search Results for author: Xiang Wan

Found 84 papers, 62 papers with code

Exploring Word Segmentation and Medical Concept Recognition for Chinese Medical Texts

1 code implementation NAACL (BioNLP) 2021 Yang Liu, Yuanhe Tian, Tsung-Hui Chang, Song Wu, Xiang Wan, Yan Song

Chinese word segmentation (CWS) and medical concept recognition are two fundamental tasks to process Chinese electronic medical records (EMRs) and play important roles in downstream tasks for understanding Chinese EMRs.

Chinese Word Segmentation Model Selection +1

A Label-Aware Autoregressive Framework for Cross-Domain NER

1 code implementation Findings (NAACL) 2022 Jinpeng Hu, He Zhao, Dan Guo, Xiang Wan, Tsung-Hui Chang

In doing so, label information contained in the embedding vectors can be effectively transferred to the target domain, and Bi-LSTM can further model the label relationship among different domains by pre-train and then fine-tune setting.

Cross-Domain Named Entity Recognition named-entity-recognition +2

Simplify RLHF as Reward-Weighted SFT: A Variational Method

no code implementations16 Feb 2025 Yuhao Du, Zhuo Li, Pengyu Cheng, Zhihong Chen, Yuejiao Xie, Xiang Wan, Anningzhe Gao

More specifically, by directly minimizing the distribution gap between the learning LLM policy and the optimal solution of RLHF, we transform the alignment objective into a reward-driven re-weighted supervised fine-tuning (SFT) form, which only requires minor adjustment on the SFT loss to obtain noticeable improvement on training stability and effectiveness.

Variational Inference

Privacy-Preserving Federated Foundation Model for Generalist Ultrasound Artificial Intelligence

no code implementations25 Nov 2024 Yuncheng Jiang, Chun-Mei Feng, Jinke Ren, Jun Wei, Zixun Zhang, Yiwen Hu, Yunbi Liu, Rui Sun, Xuemei Tang, Juan Du, Xiang Wan, Yong Xu, Bo Du, Xin Gao, Guangyu Wang, Shaohua Zhou, Shuguang Cui, Rick Siow Mong Goh, Yong liu, Zhen Li

Notably, UltraFedFM surpasses the diagnostic accuracy of mid-level ultrasonographers and matches the performance of expert-level sonographers in the joint diagnosis of 8 common systemic diseases.

Diagnostic Federated Learning +2

Self-Instructed Derived Prompt Generation Meets In-Context Learning: Unlocking New Potential of Black-Box LLMs

no code implementations3 Sep 2024 Zhuo Li, Yuhao Du, Jinpeng Hu, Xiang Wan, Anningzhe Gao

To address these challenges, we introduce a self-instructed in-context learning framework that empowers LLMs to deliver more effective responses by generating reliable derived prompts to construct informative contextual environments.

In-Context Learning

An Empirical Study on Information Extraction using Large Language Models

no code implementations31 Aug 2024 Ridong Han, Chaohao Yang, Tao Peng, Prayag Tiwari, Xiang Wan, Lu Liu, Benyou Wang

To demonstrate the latest representative progress in LLMs' information extraction ability, we assess the information extraction ability of GPT-4 (the latest version of GPT at the time of writing this paper) from four perspectives: Performance, Evaluation Criteria, Robustness, and Error Types.

Atoxia: Red-teaming Large Language Models with Target Toxic Answers

no code implementations27 Aug 2024 Yuhao Du, Zhuo Li, Pengyu Cheng, Xiang Wan, Anningzhe Gao

Given a particular harmful answer, Atoxia generates a corresponding user query and a misleading answer opening to examine the internal defects of a given LLM.

Prompt Engineering Red Teaming

Let Video Teaches You More: Video-to-Image Knowledge Distillation using DEtection TRansformer for Medical Video Lesion Detection

no code implementations26 Aug 2024 Yuncheng Jiang, Zixun Zhang, Jun Wei, Chun-Mei Feng, Guanbin Li, Xiang Wan, Shuguang Cui, Zhen Li

The teacher network aims at extracting temporal contexts from multiple frames and transferring them to the student network, and the student network is an image-based model dedicated to fast prediction in inference.

Knowledge Distillation Lesion Detection

Towards a Benchmark for Colorectal Cancer Segmentation in Endorectal Ultrasound Videos: Dataset and Model Development

no code implementations19 Aug 2024 Yuncheng Jiang, Yiwen Hu, Zixun Zhang, Jun Wei, Chun-Mei Feng, Xuemei Tang, Xiang Wan, Yong liu, Shuguang Cui, Zhen Li

Based on this dataset, we further introduce a benchmark model for colorectal cancer segmentation, named the Adaptive Sparse-context TRansformer (ASTR).

Segmentation

ToDER: Towards Colonoscopy Depth Estimation and Reconstruction with Geometry Constraint Adaptation

no code implementations23 Jul 2024 Zhenhua Wu, Yanlin Jin, Liangdong Qiu, Xiaoguang Han, Xiang Wan, Guanbin Li

Furthermore, we carefully design a TNet module in our adaptation architecture to yield geometry constraints and obtain better depth quality.

Depth Estimation Domain Adaptation

CoD, Towards an Interpretable Medical Agent using Chain of Diagnosis

1 code implementation18 Jul 2024 Junying Chen, Chi Gui, Anningzhe Gao, Ke Ji, Xidong Wang, Xiang Wan, Benyou Wang

This study introduces Chain-of-Diagnosis (CoD) to enhance the interpretability of LLM-based medical diagnostics.

Decision Making Diagnostic +1

Pilot-Based SFO Estimation for Bistatic Integrated Sensing and Communication

no code implementations10 Jul 2024 Lucas Giroto de Oliveira, Yueheng Li, Silvio Mandelli, David Brunner, Marcus Henninger, Xiang Wan, Tie Jun Cui, Thomas Zwick, Benjamin Nuss

Enabling bistatic radar sensing within the context of integrated sensing and communication (ISAC) for future sixth generation mobile networks demands strict synchronization accuracy, which is particularly challenging to be achieved with over-the-air synchronization.

LLMs for Doctors: Leveraging Medical LLMs to Assist Doctors, Not Replace Them

no code implementations26 Jun 2024 Wenya Xie, Qingying Xiao, Yu Zheng, Xidong Wang, Junying Chen, Ke Ji, Anningzhe Gao, Xiang Wan, Feng Jiang, Benyou Wang

Based on this, we construct a Chinese medical dataset called DoctorFLAN to support the entire workflow of doctors, which includes 92K Q\&A samples from 22 tasks and 27 specialists.

Diagnostic

Intensity Confusion Matters: An Intensity-Distance Guided Loss for Bronchus Segmentation

1 code implementation23 Jun 2024 Haifan Gong, Wenhao Huang, huan zhang, Yu Wang, Xiang Wan, Hong Shen, Guanbin Li, Haofeng Li

We regard a voxel as a hard sample if it is in: (1) the background and has an intensity value close to the bronchus region; (2) the bronchus region and is of higher intensity than most voxels inside the bronchus; (3) the background region and at a short distance from the bronchus.

Segmentation

Self-Supervised Alignment Learning for Medical Image Segmentation

no code implementations22 Jun 2024 Haofeng Li, Yiming Ouyang, Xiang Wan

In this paper, we propose a novel self-supervised alignment learning framework to pre-train the neural network for medical image segmentation.

Contrastive Learning Image Segmentation +3

LLMs Could Autonomously Learn Without External Supervision

1 code implementation2 Jun 2024 Ke Ji, Junying Chen, Anningzhe Gao, Wenya Xie, Xiang Wan, Benyou Wang

In the quest for super-human performance, Large Language Models (LLMs) have traditionally been tethered to human-annotated datasets and predefined training objectives-a process that is both labor-intensive and inherently limited.

UWAFA-GAN: Ultra-Wide-Angle Fluorescein Angiography Transformation via Multi-scale Generation and Registration Enhancement

1 code implementation1 May 2024 Ruiquan Ge, Zhaojie Fang, Pengxue Wei, Zhanghao Chen, Hongyang Jiang, Ahmed Elazab, Wangting Li, Xiang Wan, Shaochong Zhang, Changmiao Wang

Fundus photography, in combination with the ultra-wide-angle fundus (UWF) techniques, becomes an indispensable diagnostic tool in clinical settings by offering a more comprehensive view of the retina.

Diagnostic Generative Adversarial Network +2

MileBench: Benchmarking MLLMs in Long Context

no code implementations29 Apr 2024 Dingjie Song, Shunian Chen, Guiming Hardy Chen, Fei Yu, Xiang Wan, Benyou Wang

Despite the advancements and impressive performance of Multimodal Large Language Models (MLLMs) on benchmarks, their effectiveness in real-world, long-context, and multi-image tasks is unclear due to the benchmarks' limited scope.

Benchmarking Diagnostic

Extracting Clean and Balanced Subset for Noisy Long-tailed Classification

no code implementations10 Apr 2024 Zhuo Li, He Zhao, Zhen Li, Tongliang Liu, Dandan Guo, Xiang Wan

To solve the joint issue of long-tailed distribution and label noise, most previous works usually aim to design a noise detector to distinguish the noisy and clean samples.

Pseudo Label

Apollo: A Lightweight Multilingual Medical LLM towards Democratizing Medical AI to 6B People

1 code implementation6 Mar 2024 Xidong Wang, Nuo Chen, Junyin Chen, Yidong Wang, Guorui Zhen, Chunxian Zhang, Xiangbo Wu, Yan Hu, Anningzhe Gao, Xiang Wan, Haizhou Li, Benyou Wang

Despite the vast repository of global medical knowledge predominantly being in English, local languages are crucial for delivering tailored healthcare services, particularly in areas with limited medical resources.

Large Multimodal Agents: A Survey

no code implementations23 Feb 2024 Junlin Xie, Zhihong Chen, Ruifei Zhang, Xiang Wan, Guanbin Li

In this paper, we conduct a systematic review of LLM-driven multimodal agents, which we refer to as large multimodal agents ( LMAs for short).

Decision Making Survey

Cell Graph Transformer for Nuclei Classification

1 code implementation20 Feb 2024 Wei Lou, Guanbin Li, Xiang Wan, Haofeng Li

Nuclei classification is a critical step in computer-aided diagnosis with histopathology images.

Classification Nuclei Classification

UniCell: Universal Cell Nucleus Classification via Prompt Learning

1 code implementation20 Feb 2024 Junjia Huang, Haofeng Li, Xiang Wan, Guanbin Li

The recognition of multi-class cell nuclei can significantly facilitate the process of histopathological diagnosis.

Classification

ALLaVA: Harnessing GPT4V-Synthesized Data for Lite Vision-Language Models

1 code implementation18 Feb 2024 Guiming Hardy Chen, Shunian Chen, Ruifei Zhang, Junying Chen, Xiangbo Wu, Zhiyi Zhang, Zhihong Chen, Jianquan Li, Xiang Wan, Benyou Wang

Large vision-language models (LVLMs) have shown premise in a broad range of vision-language tasks with their strong reasoning and generalization capabilities.

Language Modelling Question Answering +1

nnMamba: 3D Biomedical Image Segmentation, Classification and Landmark Detection with State Space Model

1 code implementation5 Feb 2024 Haifan Gong, Luoyao Kang, YiTao Wang, Xiang Wan, Haofeng Li

Extensive experiments on 6 datasets demonstrate nnMamba's superiority over state-of-the-art methods in a suite of challenging tasks, including 3D image segmentation, classification, and landmark detection.

3D Medical Imaging Segmentation Image Segmentation +4

MLLM-Bench: Evaluating Multimodal LLMs with Per-sample Criteria

1 code implementation23 Nov 2023 Wentao Ge, Shunian Chen, Guiming Hardy Chen, Junying Chen, Zhihong Chen, Nuo Chen, Wenya Xie, Shuo Yan, Chenghao Zhu, Ziyue Lin, Song Dingjie, Xidong Wang, Anningzhe Gao, Zhang Zhiyi, Jianquan Li, Xiang Wan, Benyou Wang

To this end, in our paper, we propose a new evaluation paradigm for MLLMs, which is evaluating MLLMs with per-sample criteria using potent MLLM as the judge.

HuatuoGPT-II, One-stage Training for Medical Adaption of LLMs

1 code implementation16 Nov 2023 Junying Chen, Xidong Wang, Ke Ji, Anningzhe Gao, Feng Jiang, Shunian Chen, Hongbo Zhang, Dingjie Song, Wenya Xie, Chuyi Kong, Jianquan Li, Xiang Wan, Haizhou Li, Benyou Wang

We validate the new protocol in the domains where proprietary LLMs like ChatGPT perform relatively poorly, such as Traditional Chinese Medicine.

Domain Adaptation Language Modeling +1

Diffusion-based Data Augmentation for Nuclei Image Segmentation

1 code implementation22 Oct 2023 Xinyi Yu, Guanbin Li, Wei Lou, SiQi Liu, Xiang Wan, Yan Chen, Haofeng Li

Therefore, augmenting a dataset with only a few labeled images to improve the segmentation performance is of significant research and application value.

Data Augmentation Image Generation +3

Multi-stream Cell Segmentation with Low-level Cues for Multi-modality Images

1 code implementation22 Oct 2023 Wei Lou, Xinyi Yu, Chenyu Liu, Xiang Wan, Guanbin Li, SiQi Liu, Haofeng Li

Afterward, we train a separate segmentation model for each category using the images in the corresponding category.

Cell Segmentation Segmentation

Visual-Attribute Prompt Learning for Progressive Mild Cognitive Impairment Prediction

1 code implementation22 Oct 2023 Luoyao Kang, Haifan Gong, Xiang Wan, Haofeng Li

Furthermore, we propose a Prompt fine-Tuning (PT) scheme to transfer the knowledge from AD prediction task for progressive MCI (pMCI) diagnosis.

Attribute

Affine-Consistent Transformer for Multi-Class Cell Nuclei Detection

1 code implementation ICCV 2023 Junjia Huang, Haofeng Li, Xiang Wan, Guanbin Li

Multi-class cell nuclei detection is a fundamental prerequisite in the diagnosis of histopathology.

AceGPT, Localizing Large Language Models in Arabic

1 code implementation21 Sep 2023 Huang Huang, Fei Yu, Jianqing Zhu, Xuening Sun, Hao Cheng, Dingjie Song, Zhihong Chen, Abdulmohsen Alharthi, Bang An, Juncai He, Ziche Liu, Zhiyi Zhang, Junying Chen, Jianquan Li, Benyou Wang, Lian Zhang, Ruoyu Sun, Xiang Wan, Haizhou Li, Jinchao Xu

This paper is devoted to the development of a localized Large Language Model (LLM) specifically for Arabic, a language imbued with unique cultural characteristics inadequately addressed by current mainstream models.

Instruction Following Language Modeling +3

ArSDM: Colonoscopy Images Synthesis with Adaptive Refinement Semantic Diffusion Models

1 code implementation3 Sep 2023 Yuhao Du, Yuncheng Jiang, Shuangyi Tan, Xusheng Wu, Qi Dou, Zhen Li, Guanbin Li, Xiang Wan

Colonoscopy analysis, particularly automatic polyp segmentation and detection, is essential for assisting clinical diagnosis and treatment.

Segmentation

PlatoLM: Teaching LLMs in Multi-Round Dialogue via a User Simulator

1 code implementation21 Aug 2023 Chuyi Kong, Yaxin Fan, Xiang Wan, Feng Jiang, Benyou Wang

The unparalleled performance of closed-sourced ChatGPT has sparked efforts towards its democratization, with notable strides made by leveraging real user and ChatGPT dialogues, as evidenced by Vicuna.

Diversity Language Modelling +1

CMB: A Comprehensive Medical Benchmark in Chinese

2 code implementations17 Aug 2023 Xidong Wang, Guiming Hardy Chen, Dingjie Song, Zhiyi Zhang, Zhihong Chen, Qingying Xiao, Feng Jiang, Jianquan Li, Xiang Wan, Benyou Wang, Haizhou Li

We hope this benchmark provide first-hand experience in existing LLMs for medicine and also facilitate the widespread adoption and enhancement of medical LLMs within China.

Advancing Visual Grounding with Scene Knowledge: Benchmark and Method

1 code implementation CVPR 2023 Zhihong Chen, Ruifei Zhang, Yibing Song, Xiang Wan, Guanbin Li

Therefore, in this paper, we propose a novel benchmark of \underline{S}cene \underline{K}nowledge-guided \underline{V}isual \underline{G}rounding (SK-VG), where the image content and referring expressions are not sufficient to ground the target objects, forcing the models to have a reasoning ability on the long-form scene knowledge.

Image-text matching Text Matching +1

Bridging Vision and Language Encoders: Parameter-Efficient Tuning for Referring Image Segmentation

1 code implementation ICCV 2023 Zunnan Xu, Zhihong Chen, Yong Zhang, Yibing Song, Xiang Wan, Guanbin Li

Parameter Efficient Tuning (PET) has gained attention for reducing the number of parameters while maintaining performance and providing better hardware resource savings, but few studies investigate dense prediction tasks and interaction between modalities.

Decoder Image Segmentation +3

On the Difference of BERT-style and CLIP-style Text Encoders

1 code implementation6 Jun 2023 Zhihong Chen, Guiming Hardy Chen, Shizhe Diao, Xiang Wan, Benyou Wang

Masked language modeling (MLM) has been one of the most popular pretraining recipes in natural language processing, e. g., BERT, one of the representative models.

Language Modeling Language Modelling +2

Injecting Knowledge into Biomedical Pre-trained Models via Polymorphism and Synonymous Substitution

1 code implementation24 May 2023 Hongbo Zhang, Xiang Wan, Benyou Wang

This gives us a hint that relational knowledge might not be redundant to the stored knowledge of PLMs, but rather be complementary.

HuatuoGPT, towards Taming Language Model to Be a Doctor

2 code implementations24 May 2023 Hongbo Zhang, Junying Chen, Feng Jiang, Fei Yu, Zhihong Chen, Jianquan Li, Guiming Chen, Xiangbo Wu, Zhiyi Zhang, Qingying Xiao, Xiang Wan, Benyou Wang, Haizhou Li

Experimental results demonstrate that HuatuoGPT achieves state-of-the-art results in performing medical consultation among open-source LLMs in GPT-4 evaluation, human evaluation, and medical benchmark datasets.

Language Modeling Language Modelling +1

An Empirical Study on Information Extraction using Large Language Models

1 code implementation23 May 2023 Ridong Han, Chaohao Yang, Tao Peng, Prayag Tiwari, Xiang Wan, Lu Liu, Benyou Wang

To demonstrate the latest representative progress in LLMs' information extraction ability, we assess the information extraction ability of GPT-4 (the latest version of GPT at the time of writing this paper) from four perspectives: Performance, Evaluation Criteria, Robustness, and Error Types.

Huatuo-26M, a Large-scale Chinese Medical QA Dataset

1 code implementation2 May 2023 Jianquan Li, Xidong Wang, Xiangbo Wu, Zhiyi Zhang, Xiaolong Xu, Jie Fu, Prayag Tiwari, Xiang Wan, Benyou Wang

Moreover, we also experimentally show the benefit of the proposed dataset in many aspects: (i) trained models for other QA datasets in a zero-shot fashion; and (ii) as external knowledge for retrieval-augmented generation (RAG); and (iii) improving existing pre-trained language models by using the QA pairs as a pre-training corpus in continued training manner.

Language Modeling Language Modelling +3

Structure Embedded Nucleus Classification for Histopathology Images

no code implementations22 Feb 2023 Wei Lou, Xiang Wan, Guanbin Li, Xiaoying Lou, Chenghang Li, Feng Gao, Haofeng Li

Next, we convert a histopathology image into a graph structure with nuclei as nodes, and build a graph neural network to embed the spatial distribution of nuclei into their representations.

Classification Graph Neural Network +2

Towards Unifying Medical Vision-and-Language Pre-training via Soft Prompts

1 code implementation ICCV 2023 Zhihong Chen, Shizhe Diao, Benyou Wang, Guanbin Li, Xiang Wan

Medical vision-and-language pre-training (Med-VLP) has shown promising improvements on many downstream medical tasks owing to its applicability to extracting generic representations from medical images and texts.

Image Retrieval Image-text Classification +8

Lesion-aware Dynamic Kernel for Polyp Segmentation

1 code implementation12 Jan 2023 Ruifei Zhang, Peiwen Lai, Xiang Wan, De-Jun Fan, Feng Gao, Xiao-Jian Wu, Guanbin Li

Automatic and accurate polyp segmentation plays an essential role in early colorectal cancer diagnosis.

Decoder Segmentation

Which Pixel to Annotate: a Label-Efficient Nuclei Segmentation Framework

1 code implementation20 Dec 2022 Wei Lou, Haofeng Li, Guanbin Li, Xiaoguang Han, Xiang Wan

Recently deep neural networks, which require a large amount of annotated samples, have been widely applied in nuclei instance segmentation of H\&E stained pathology images.

Instance Segmentation Segmentation +1

Document-level Relation Extraction with Relation Correlations

1 code implementation20 Dec 2022 Ridong Han, Tao Peng, Benyou Wang, Lu Liu, Xiang Wan

Document-level relation extraction faces two overlooked challenges: long-tail problem and multi-label problem.

Document-level Relation Extraction Relation

Toward expanding the scope of radiology report summarization to multiple anatomies and modalities

1 code implementation15 Nov 2022 Zhihong Chen, Maya Varma, Xiang Wan, Curtis Langlotz, Jean-Benoit Delbrouck

We then conduct extensive experiments to evaluate the performance of models both within and across modality-anatomy pairs in MIMIC-RRS.

Anatomy

Improving Radiology Summarization with Radiograph and Anatomy Prompts

no code implementations15 Oct 2022 Jinpeng Hu, Zhihong Chen, Yang Liu, Xiang Wan, Tsung-Hui Chang

The impression is crucial for the referring physicians to grasp key information since it is concluded from the findings and reasoning of radiologists.

Anatomy Contrastive Learning +1

View-Disentangled Transformer for Brain Lesion Detection

1 code implementation20 Sep 2022 Haofeng Li, Junjia Huang, Guanbin Li, Zhou Liu, Yihong Zhong, Yingying Chen, Yunfei Wang, Xiang Wan

Deep neural networks (DNNs) have been widely adopted in brain lesion detection and segmentation.

Lesion Detection

Attentive Symmetric Autoencoder for Brain MRI Segmentation

1 code implementation19 Sep 2022 Junjia Huang, Haofeng Li, Guanbin Li, Xiang Wan

Self-supervised learning methods based on image patch reconstruction have witnessed great success in training auto-encoders, whose pre-trained weights can be transferred to fine-tune other downstream tasks of image understanding.

Image Segmentation MRI segmentation +3

Multi-Modal Masked Autoencoders for Medical Vision-and-Language Pre-Training

1 code implementation15 Sep 2022 Zhihong Chen, Yuhao Du, Jinpeng Hu, Yang Liu, Guanbin Li, Xiang Wan, Tsung-Hui Chang

Besides, we conduct further analysis to better verify the effectiveness of different components of our approach and various settings of pre-training.

Self-Supervised Learning

Align, Reason and Learn: Enhancing Medical Vision-and-Language Pre-training with Knowledge

1 code implementation15 Sep 2022 Zhihong Chen, Guanbin Li, Xiang Wan

Most existing methods mainly contain three elements: uni-modal encoders (i. e., a vision encoder and a language encoder), a multi-modal fusion module, and pretext tasks, with few studies considering the importance of medical domain expert knowledge and explicitly exploiting such knowledge to facilitate Med-VLP.

Weakly Supervised Object Localization via Transformer with Implicit Spatial Calibration

2 code implementations21 Jul 2022 Haotian Bai, Ruimao Zhang, Jiong Wang, Xiang Wan

Weakly Supervised Object Localization (WSOL), which aims to localize objects by only using image-level labels, has attracted much attention because of its low annotation cost in real applications.

Long-range modeling Object +1

AMOS: A Large-Scale Abdominal Multi-Organ Benchmark for Versatile Medical Image Segmentation

3 code implementations16 Jun 2022 Yuanfeng Ji, Haotian Bai, Jie Yang, Chongjian Ge, Ye Zhu, Ruimao Zhang, Zhen Li, Lingyan Zhang, Wanling Ma, Xiang Wan, Ping Luo

Constraint by the high cost of collecting and labeling 3D medical data, most of the deep learning models to date are driven by datasets with a limited number of organs of interest or samples, which still limits the power of modern deep models and makes it difficult to provide a fully comprehensive and fair estimate of various methods.

Image Segmentation Medical Image Segmentation +3

Hero-Gang Neural Model For Named Entity Recognition

1 code implementation NAACL 2022 Jinpeng Hu, Yaling Shen, Yang Liu, Xiang Wan, Tsung-Hui Chang

Named entity recognition (NER) is a fundamental and important task in NLP, aiming at identifying named entities (NEs) from free text.

model named-entity-recognition +3

Cross-modal Memory Networks for Radiology Report Generation

1 code implementation ACL 2021 Zhihong Chen, Yaling Shen, Yan Song, Xiang Wan

Medical imaging plays a significant role in clinical practice of medical diagnosis, where the text reports of the images are essential in understanding them and facilitating later treatments.

Decoder Medical Diagnosis +1

Graph Enhanced Contrastive Learning for Radiology Findings Summarization

1 code implementation ACL 2022 Jinpeng Hu, Zhuo Li, Zhihong Chen, Zhen Li, Xiang Wan, Tsung-Hui Chang

To address the limitation, we propose a unified framework for exploiting both extra knowledge and the original findings in an integrated way so that the critical information (i. e., key words and their relations) can be extracted in an appropriate way to facilitate impression generation.

Contrastive Learning

WebUAV-3M: A Benchmark for Unveiling the Power of Million-Scale Deep UAV Tracking

1 code implementation19 Jan 2022 Chunhui Zhang, Guanjie Huang, Li Liu, Shan Huang, Yinan Yang, Xiang Wan, Shiming Ge, DaCheng Tao

In this work, we propose WebUAV-3M, the largest public UAV tracking benchmark to date, to facilitate both the development and evaluation of deep UAV trackers.

Word Graph Guided Summarization for Radiology Findings

1 code implementation Findings (ACL) 2021 Jinpeng Hu, Jianling Li, Zhihong Chen, Yaling Shen, Yan Song, Xiang Wan, Tsung-Hui Chang

In this paper, we propose a novel method for automatic impression generation, where a word graph is constructed from the findings to record the critical words and their relations, then a Word Graph guided Summarization model (WGSum) is designed to generate impressions with the help of the word graph.

Text Summarization

Dependency-driven Relation Extraction with Attentive Graph Convolutional Networks

1 code implementation ACL 2021 Yuanhe Tian, Guimin Chen, Yan Song, Xiang Wan

Syntactic information, especially dependency trees, has been widely used by existing studies to improve relation extraction with better semantic guidance for analyzing the context information associated with the given entities.

Relation Relation Classification

Field Embedding: A Unified Grain-Based Framework for Word Representation

no code implementations NAACL 2021 Junjie Luo, Xi Chen, Jichao Sun, Yuejia Xiang, Ningyu Zhang, Xiang Wan

Word representations empowered with additional linguistic information have been widely studied and proved to outperform traditional embeddings.

Word Embeddings

Multi-Modal Active Learning for Automatic Liver Fibrosis Diagnosis based on Ultrasound Shear Wave Elastography

no code implementations2 Nov 2020 Lufei Gao, Ruisong Zhou, Changfeng Dong, Cheng Feng, Zhen Li, Xiang Wan, Li Liu

With the development of radiomics, noninvasive diagnosis like ultrasound (US) imaging plays a very important role in automatic liver fibrosis diagnosis (ALFD).

Active Learning

Generating Radiology Reports via Memory-driven Transformer

2 code implementations EMNLP 2020 Zhihong Chen, Yan Song, Tsung-Hui Chang, Xiang Wan

Particularly, this is the first work reporting the generation results on MIMIC-CXR to the best of our knowledge.

Decoder Text Generation

Named Entity Recognition for Social Media Texts with Semantic Augmentation

1 code implementation EMNLP 2020 Yuyang Nie, Yuanhe Tian, Xiang Wan, Yan Song, Bo Dai

In particular, we obtain the augmented semantic information from a large-scale corpus, and propose an attentive semantic augmentation module and a gate module to encode and aggregate such information, respectively.

Chinese Named Entity Recognition named-entity-recognition +3

Semi-Supervised Active Learning for COVID-19 Lung Ultrasound Multi-symptom Classification

no code implementations9 Sep 2020 Lei Liu, Wentao Lei, Yongfang Luo, Cheng Feng, Xiang Wan, Li Liu

Ultrasound (US) is a non-invasive yet effective medical diagnostic imaging technique for the COVID-19 global pandemic.

Active Learning Diagnostic +4

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