Search Results for author: Xiaolei Huang

Found 43 papers, 23 papers with code

Chain-of-Interaction: Enhancing Large Language Models for Psychiatric Behavior Understanding by Dyadic Contexts

1 code implementation20 Mar 2024 Guangzeng Han, Weisi Liu, Xiaolei Huang, Brian Borsari

To encounter those challenges, we introduce the Chain-of-Interaction (CoI) prompting method aiming to contextualize large language models (LLMs) for psychiatric decision support by the dyadic interactions.

Decision Making

Semantic-Aware Transformation-Invariant RoI Align

no code implementations15 Dec 2023 Guo-Ye Yang, George Kiyohiro Nakayama, Zi-Kai Xiao, Tai-Jiang Mu, Xiaolei Huang, Shi-Min Hu

In this paper, we propose a novel RoI feature extractor, termed Semantic RoI Align (SRA), which is capable of extracting invariant RoI features under a variety of transformations for two-stage detectors.

object-detection Object Detection +1

Token Imbalance Adaptation for Radiology Report Generation

1 code implementation18 Apr 2023 Yuexin Wu, I-Chan Huang, Xiaolei Huang

Experiments demonstrate the effectiveness of our approach in enhancing model robustness overall and infrequent tokens.

Semi-supervised Body Parsing and Pose Estimation for Enhancing Infant General Movement Assessment

2 code implementations14 Oct 2022 Haomiao Ni, Yuan Xue, Liya Ma, Qian Zhang, Xiaoye Li, Xiaolei Huang

We collected a new clinical IMV dataset with GMA annotations, and our experiments show that SPN models for body parsing and pose estimation trained on the first two datasets generalize well to the new clinical dataset and their results can significantly boost the CRNN-based GMA prediction performance.

Data Augmentation Generative Adversarial Network +1

End-to-end Graph-constrained Vectorized Floorplan Generation with Panoptic Refinement

no code implementations27 Jul 2022 Jiachen Liu, Yuan Xue, Jose Duarte, Krishnendra Shekhawat, Zihan Zhou, Xiaolei Huang

In the first stage, we encode the room connectivity graph input by users with a graph convolutional network (GCN), then apply an autoregressive transformer network to generate an initial floorplan sequence.

Asymmetry Disentanglement Network for Interpretable Acute Ischemic Stroke Infarct Segmentation in Non-Contrast CT Scans

1 code implementation30 Jun 2022 Haomiao Ni, Yuan Xue, Kelvin Wong, John Volpi, Stephen T. C. Wong, James Z. Wang, Xiaolei Huang

In this paper, we propose a novel Asymmetry Disentanglement Network (ADN) to automatically separate pathological asymmetries and intrinsic anatomical asymmetries in NCCTs for more effective and interpretable AIS segmentation.

Disentanglement Segmentation

Patcher: Patch Transformers with Mixture of Experts for Precise Medical Image Segmentation

1 code implementation3 Jun 2022 Yanglan Ou, Ye Yuan, Xiaolei Huang, Stephen T. C. Wong, John Volpi, James Z. Wang, Kelvin Wong

We also propose a new mixture-of-experts (MoE) based decoder, which treats the feature maps from the encoder as experts and selects a suitable set of expert features to predict the label for each pixel.

Image Segmentation Lesion Segmentation +2

Unsupervised Reinforcement Adaptation for Class-Imbalanced Text Classification

1 code implementation *SEM (NAACL) 2022 Yuexin Wu, Xiaolei Huang

Unsupervised domain adaptation (UDA) augments model performance with only accessible annotations from the source domain and unlabeled data from the target domain.

reinforcement-learning Reinforcement Learning (RL) +3

Learning to Adapt Domain Shifts of Moral Values via Instance Weighting

no code implementations15 Apr 2022 Xiaolei Huang, Alexandra Wormley, Adam Cohen

In this study, we examine domain shifts of moral values and language usage, quantify the effects of domain shifts on the morality classification task, and propose a neural adaptation framework via instance weighting to improve cross-domain classification tasks.

Classification domain classification

Easy Adaptation to Mitigate Gender Bias in Multilingual Text Classification

1 code implementation NAACL 2022 Xiaolei Huang

Existing approaches to mitigate demographic biases evaluate on monolingual data, however, multilingual data has not been examined.

Domain Adaptation Hate Speech Detection +3

PlaneMVS: 3D Plane Reconstruction from Multi-View Stereo

no code implementations CVPR 2022 Jiachen Liu, Pan Ji, Nitin Bansal, Changjiang Cai, Qingan Yan, Xiaolei Huang, Yi Xu

The semantic plane detection branch is based on a single-view plane detection framework but with differences.

3D Reconstruction

Enriching Unsupervised User Embedding via Medical Concepts

1 code implementation20 Mar 2022 Xiaolei Huang, Franck Dernoncourt, Mark Dredze

Clinical notes in Electronic Health Records (EHR) present rich documented information of patients to inference phenotype for disease diagnosis and study patient characteristics for cohort selection.

Mortality Prediction Phenotype classification +1

Deep Depth from Focus with Differential Focus Volume

1 code implementation CVPR 2022 Fengting Yang, Xiaolei Huang, Zihan Zhou

Depth-from-focus (DFF) is a technique that infers depth using the focus change of a camera.

A Multi-attribute Controllable Generative Model for Histopathology Image Synthesis

1 code implementation10 Nov 2021 Jiarong Ye, Yuan Xue, Peter Liu, Richard Zaino, Keith Cheng, Xiaolei Huang

Generative models have been applied in the medical imaging domain for various image recognition and synthesis tasks.

Attribute Contrastive Learning +1

Deep Image Synthesis from Intuitive User Input: A Review and Perspectives

no code implementations9 Jul 2021 Yuan Xue, Yuan-Chen Guo, Han Zhang, Tao Xu, Song-Hai Zhang, Xiaolei Huang

In many applications of computer graphics, art and design, it is desirable for a user to provide intuitive non-image input, such as text, sketch, stroke, graph or layout, and have a computer system automatically generate photo-realistic images that adhere to the input content.

Image Generation Image Retrieval +1

User Factor Adaptation for User Embedding via Multitask Learning

1 code implementation EACL (AdaptNLP) 2021 Xiaolei Huang, Michael J. Paul, Robin Burke, Franck Dernoncourt, Mark Dredze

In this study, we treat the user interest as domains and empirically examine how the user language can vary across the user factor in three English social media datasets.

Clustering text-classification +1

A Gumbel-based Rating Prediction Framework for Imbalanced Recommendation

1 code implementation9 Dec 2020 Yuexin Wu, Xiaolei Huang

Rating prediction is a core problem in recommender systems to quantify user's preferences towards items, however, rating imbalance naturally roots in real-world user ratings that cause biased predictions and lead to poor performance on tail ratings.

Recommendation Systems

Synthetic Sample Selection via Reinforcement Learning

no code implementations26 Aug 2020 Jiarong Ye, Yuan Xue, L. Rodney Long, Sameer Antani, Zhiyun Xue, Keith Cheng, Xiaolei Huang

However, the quality control of synthetic images for data augmentation purposes is under-investigated, and some of the generated images are not realistic and may contain misleading features that distort data distribution when mixed with real images.

Data Augmentation Image Classification +2

SiamParseNet: Joint Body Parsing and Label Propagation in Infant Movement Videos

1 code implementation16 Jul 2020 Haomiao Ni, Yuan Xue, Qian Zhang, Xiaolei Huang

In this paper, we propose a semi-supervised body parsing model, termed SiamParseNet (SPN), to jointly learn single frame body parsing and label propagation between frames in a semi-supervised fashion.

Semi-Supervised Cervical Dysplasia Classification With Learnable Graph Convolutional Network

no code implementations1 Apr 2020 Yanglan Ou, Yuan Xue, Ye Yuan, Tao Xu, Vincent Pisztora, Jia Li, Xiaolei Huang

In this paper, we propose a novel and more flexible GCN model with a feature encoder that adaptively updates the adjacency matrix during learning and demonstrate that this model design leads to improved performance.

Classification General Classification

Multilingual Twitter Corpus and Baselines for Evaluating Demographic Bias in Hate Speech Recognition

2 code implementations LREC 2020 Xiaolei Huang, Linzi Xing, Franck Dernoncourt, Michael J. Paul

Existing research on fairness evaluation of document classification models mainly uses synthetic monolingual data without ground truth for author demographic attributes.

Document Classification Fairness +3

Shape-Aware Organ Segmentation by Predicting Signed Distance Maps

no code implementations9 Dec 2019 Yuan Xue, Hui Tang, Zhi Qiao, Guanzhong Gong, Yong Yin, Zhen Qian, Chao Huang, Wei Fan, Xiaolei Huang

In this work, we propose to resolve the issue existing in current deep learning based organ segmentation systems that they often produce results that do not capture the overall shape of the target organ and often lack smoothness.

Hippocampus Organ Segmentation +1

Selective Synthetic Augmentation with Quality Assurance

no code implementations9 Dec 2019 Yuan Xue, Jiarong Ye, Rodney Long, Sameer Antani, Zhiyun Xue, Xiaolei Huang

To mitigate these issues, we investigate a novel data augmentation pipeline that selectively adds new synthetic images generated by conditional Adversarial Networks (cGANs), rather than extending directly the training set with synthetic images.

Classification Data Augmentation +2

Neural Wireframe Renderer: Learning Wireframe to Image Translations

1 code implementation ECCV 2020 Yuan Xue, Zihan Zhou, Xiaolei Huang

To this end, we propose a novel model based on a structure-appearance joint representation learned from both images and wireframes.

Image Generation Translation

What Matters for Neural Cross-Lingual Named Entity Recognition: An Empirical Analysis

no code implementations IJCNLP 2019 Xiaolei Huang, Jonathan May, Nanyun Peng

While recent work has shown promising results on cross-lingual transfer from high-resource languages to low-resource languages, it is unclear what knowledge is transferred.

Cross-Lingual NER named-entity-recognition +3

Neural Temporality Adaptation for Document Classification: Diachronic Word Embeddings and Domain Adaptation Models

1 code implementation ACL 2019 Xiaolei Huang, Michael J. Paul

Language usage can change across periods of time, but document classifiers models are usually trained and tested on corpora spanning multiple years without considering temporal variations.

Classification Diachronic Word Embeddings +4

AttnGAN: Fine-Grained Text to Image Generation with Attentional Generative Adversarial Networks

19 code implementations CVPR 2018 Tao Xu, Pengchuan Zhang, Qiuyuan Huang, Han Zhang, Zhe Gan, Xiaolei Huang, Xiaodong He

In this paper, we propose an Attentional Generative Adversarial Network (AttnGAN) that allows attention-driven, multi-stage refinement for fine-grained text-to-image generation.

Generative Adversarial Network Image-text matching +2

SegAN: Adversarial Network with Multi-scale $L_1$ Loss for Medical Image Segmentation

2 code implementations6 Jun 2017 Yuan Xue, Tao Xu, Han Zhang, Rodney Long, Xiaolei Huang

Extensive experimental results demonstrate the effectiveness of the proposed SegAN with multi-scale loss: on BRATS 2013 SegAN gives performance comparable to the state-of-the-art for whole tumor and tumor core segmentation while achieves better precision and sensitivity for Gd-enhance tumor core segmentation; on BRATS 2015 SegAN achieves better performance than the state-of-the-art in both dice score and precision.

Brain Tumor Segmentation Image Segmentation +2

Using Linguistic Features to Estimate Suicide Probability of Chinese Microblog Users

no code implementations4 Nov 2014 Lei Zhang, Xiaolei Huang, Tianli Liu, Zhenxiang Chen, Tingshao Zhu

If people with high risk of suicide can be identified through social media like microblog, it is possible to implement an active intervention system to save their lives.

Detecting Suicidal Ideation in Chinese Microblogs with Psychological Lexicons

no code implementations4 Nov 2014 Xiaolei Huang, Lei Zhang, Tianli Liu, David Chiu, Tingshao Zhu, Xin Li

Currently, we have identified 53 known suicidal cases who posted suicide notes on Weibo prior to their deaths. We explore linguistic features of these known cases using a psychological lexicon dictionary, and train an effective suicidal Weibo post detection model.

BIG-bench Machine Learning

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