Search Results for author: Xiao Chen

Found 96 papers, 26 papers with code

Federated Data Model

no code implementations13 Mar 2024 Xiao Chen, Shunan Zhang, Eric Z. Chen, Yikang Liu, Lin Zhao, Terrence Chen, Shanhui Sun

In artificial intelligence (AI), especially deep learning, data diversity and volume play a pivotal role in model development.

Image Segmentation Medical Image Segmentation +1

Spatiotemporal Diffusion Model with Paired Sampling for Accelerated Cardiac Cine MRI

no code implementations13 Mar 2024 Shihan Qiu, Shaoyan Pan, Yikang Liu, Lin Zhao, Jian Xu, Qi Liu, Terrence Chen, Eric Z. Chen, Xiao Chen, Shanhui Sun

Current deep learning reconstruction for accelerated cardiac cine MRI suffers from spatial and temporal blurring.

Clinically Feasible Diffusion Reconstruction for Highly-Accelerated Cardiac Cine MRI

no code implementations13 Mar 2024 Shihan Qiu, Shaoyan Pan, Yikang Liu, Lin Zhao, Jian Xu, Qi Liu, Terrence Chen, Eric Z. Chen, Xiao Chen, Shanhui Sun

The currently limited quality of accelerated cardiac cine reconstruction may potentially be improved by the emerging diffusion models, but the clinically unacceptable long processing time poses a challenge.

GenNBV: Generalizable Next-Best-View Policy for Active 3D Reconstruction

no code implementations25 Feb 2024 Xiao Chen, Quanyi Li, Tai Wang, Tianfan Xue, Jiangmiao Pang

Previous works attempt to automate this process using the Next-Best-View (NBV) policy for active 3D reconstruction.

3D Reconstruction Reinforcement Learning (RL)

Triplet-constraint Transformer with Multi-scale Refinement for Dose Prediction in Radiotherapy

no code implementations7 Feb 2024 Lu Wen, Qihun Zhang, Zhenghao Feng, Yuanyuan Xu, Xiao Chen, Jiliu Zhou, Yan Wang

Radiotherapy is a primary treatment for cancers with the aim of applying sufficient radiation dose to the planning target volume (PTV) while minimizing dose hazards to the organs at risk (OARs).

EmbodiedScan: A Holistic Multi-Modal 3D Perception Suite Towards Embodied AI

1 code implementation26 Dec 2023 Tai Wang, Xiaohan Mao, Chenming Zhu, Runsen Xu, Ruiyuan Lyu, Peisen Li, Xiao Chen, Wenwei Zhang, Kai Chen, Tianfan Xue, Xihui Liu, Cewu Lu, Dahua Lin, Jiangmiao Pang

In the realm of computer vision and robotics, embodied agents are expected to explore their environment and carry out human instructions.

Scene Understanding

Spectroscopy-Guided Discovery of Three-Dimensional Structures of Disordered Materials with Diffusion Models

1 code implementation9 Dec 2023 Hyuna Kwon, Tim Hsu, Wenyu Sun, Wonseok Jeong, Fikret Aydin, James Chapman, Xiao Chen, Matthew R. Carbone, Deyu Lu, Fei Zhou, Tuan Anh Pham

In this work, we introduce a new framework based on the diffusion model, a recent generative machine learning method to predict 3D structures of disordered materials from a target property.

Improving End-to-End Speech Processing by Efficient Text Data Utilization with Latent Synthesis

no code implementations9 Oct 2023 Jianqiao Lu, Wenyong Huang, Nianzu Zheng, Xingshan Zeng, Yu Ting Yeung, Xiao Chen

For SLU, LaSyn improves our E2E baseline by absolute 4. 1% for intent classification accuracy and 3. 8% for slot filling SLU-F1 on SLURP, and absolute 4. 49% and 2. 25% for exact match (EM) and EM-Tree accuracies on STOP respectively.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +6

DiffusePast: Diffusion-based Generative Replay for Class Incremental Semantic Segmentation

no code implementations2 Aug 2023 Jingfan Chen, Yuxi Wang, Pengfei Wang, Xiao Chen, Zhaoxiang Zhang, Zhen Lei, Qing Li

The Class Incremental Semantic Segmentation (CISS) extends the traditional segmentation task by incrementally learning newly added classes.

Class-Incremental Semantic Segmentation Segmentation

Chance-Constrained Multiple-Choice Knapsack Problem: Model, Algorithms, and Applications

2 code implementations26 Jun 2023 Xuanfeng Li, Shengcai Liu, Jin Wang, Xiao Chen, Yew-Soon Ong, Ke Tang

In particular, we focus on the practical scenario of CCMCKP, where the probability distributions of random weights are unknown but only sample data is available.

Combinatorial Optimization Multiple-choice

Fairly Adaptive Negative Sampling for Recommendations

no code implementations16 Feb 2023 Xiao Chen, Wenqi Fan, Jingfan Chen, Haochen Liu, Zitao Liu, Zhaoxiang Zhang, Qing Li

Pairwise learning strategies are prevalent for optimizing recommendation models on implicit feedback data, which usually learns user preference by discriminating between positive (i. e., clicked by a user) and negative items (i. e., obtained by negative sampling).

Attribute Fairness

An Unsupervised Framework for Joint MRI Super Resolution and Gibbs Artifact Removal

no code implementations6 Feb 2023 Yikang Liu, Eric Z. Chen, Xiao Chen, Terrence Chen, Shanhui Sun

Previous studies tackled these two problems separately, where super resolution methods tend to enhance Gibbs artifacts, whereas Gibbs ringing removal methods tend to blur the images.

Super-Resolution

Computationally Efficient 3D MRI Reconstruction with Adaptive MLP

no code implementations21 Jan 2023 Eric Z. Chen, Chi Zhang, Xiao Chen, Yikang Liu, Terrence Chen, Shanhui Sun

Recon3DMLP improves HR 3D reconstruction and outperforms several existing CNN-based models under similar GPU memory consumption, which demonstrates that Recon3DMLP is a practical solution for HR 3D MRI reconstruction.

3D Reconstruction MRI Reconstruction

Holistic Multi-Slice Framework for Dynamic Simultaneous Multi-Slice MRI Reconstruction

no code implementations3 Jan 2023 Daniel H. Pak, Xiao Chen, Eric Z. Chen, Yikang Liu, Terrence Chen, Shanhui Sun

Deep learning (DL)-based methods have shown promising results for single-slice MR reconstruction, but the addition of SMS acceleration raises unique challenges due to the composite k-space signals and the resulting images with strong inter-slice artifacts.

MRI Reconstruction Transfer Learning

JoJoNet: Joint-contrast and Joint-sampling-and-reconstruction Network for Multi-contrast MRI

no code implementations22 Oct 2022 Lin Zhao, Xiao Chen, Eric Z. Chen, Yikang Liu, Dinggang Shen, Terrence Chen, Shanhui Sun

The proposed framework consists of a sampling mask generator for each image contrast and a reconstructor exploiting the inter-contrast correlations with a recurrent structure which enables the information sharing in a holistic way.

A Comprehensive Survey on Trustworthy Recommender Systems

no code implementations21 Sep 2022 Wenqi Fan, Xiangyu Zhao, Xiao Chen, Jingran Su, Jingtong Gao, Lin Wang, Qidong Liu, Yiqi Wang, Han Xu, Lei Chen, Qing Li

As one of the most successful AI-powered applications, recommender systems aim to help people make appropriate decisions in an effective and efficient way, by providing personalized suggestions in many aspects of our lives, especially for various human-oriented online services such as e-commerce platforms and social media sites.

Fairness Recommendation Systems

Automatic Comment Generation via Multi-Pass Deliberation

1 code implementation14 Sep 2022 Fangwen Mu, Xiao Chen, Lin Shi, Song Wang, Qing Wang

Then, we treat the comment of the retrieved code as the initial draft and input it with the code and keywords into DECOM to start the iterative deliberation process.

Comment Generation

Deep Statistic Shape Model for Myocardium Segmentation

no code implementations21 Jul 2022 Xiaoling Hu, Xiao Chen, Yikang Liu, Eric Z. Chen, Terrence Chen, Shanhui Sun

Additionally, the predicted point cloud guarantees boundary correspondence for sequential images, which contributes to the downstream tasks, such as the motion estimation of myocardium.

Motion Estimation Myocardium Segmentation +1

Robust Landmark-based Stent Tracking in X-ray Fluoroscopy

no code implementations20 Jul 2022 Luojie Huang, Yikang Liu, Li Chen, Eric Z. Chen, Xiao Chen, Shanhui Sun

Even though angioplasty devices are designed to have radiopaque markers for the ease of tracking, current methods struggle to deliver satisfactory results due to the small marker size and complex scenes in angioplasty.

Invertible Sharpening Network for MRI Reconstruction Enhancement

no code implementations6 Jun 2022 Siyuan Dong, Eric Z. Chen, Lin Zhao, Xiao Chen, Yikang Liu, Terrence Chen, Shanhui Sun

During inference, the learned blurring transform can be inverted to a sharpening transform leveraging the network's invertibility.

MRI Reconstruction SSIM

DProQ: A Gated-Graph Transformer for Protein Complex Structure Assessment

1 code implementation21 May 2022 Xiao Chen, Alex Morehead, Jian Liu, Jianlin Cheng

We challenge this significant task with DProQ, which introduces a gated neighborhood-modulating Graph Transformer (GGT) designed to predict the quality of 3D protein complex structures.

Drug Discovery

EGR: Equivariant Graph Refinement and Assessment of 3D Protein Complex Structures

1 code implementation20 May 2022 Alex Morehead, Xiao Chen, Tianqi Wu, Jian Liu, Jianlin Cheng

Protein complexes are macromolecules essential to the functioning and well-being of all living organisms.

Drug Discovery

DeepFD: Automated Fault Diagnosis and Localization for Deep Learning Programs

1 code implementation4 May 2022 Jialun Cao, Meiziniu Li, Xiao Chen, Ming Wen, Yongqiang Tian, Bo Wu, Shing-Chi Cheung

Besides, for fault localization, DeepFD also outperforms the existing works, correctly locating 42% faulty programs, which almost doubles the best result (23%) achieved by the existing works.

Fault localization

Constructing dynamic residential energy lifestyles using Latent Dirichlet Allocation

no code implementations22 Apr 2022 Xiao Chen, Chad Zanocco, June Flora, Ram Rajagopal

In this research, we propose and test a new framework for understanding residential electricity demand by using a dynamic energy lifestyles approach that is iterative and highly extensible.

Attribute

Accelerating Representation Learning with View-Consistent Dynamics in Data-Efficient Reinforcement Learning

no code implementations18 Jan 2022 Tao Huang, Jiachen Wang, Xiao Chen

Learning informative representations from image-based observations is of fundamental concern in deep Reinforcement Learning (RL).

Data Augmentation reinforcement-learning +2

An Adaptive-Importance-Sampling-Enhanced Bayesian Approach for Topology Estimation in an Unbalanced Power Distribution System

no code implementations18 Oct 2021 Yijun Xu, Jaber Valinejad, Mert Korkali, Lamine Mili, Yajun Wang, Xiao Chen, Zongsheng Zheng

To overcome the above challenges, this paper proposes a Bayesian-inference framework that allows us to simultaneously estimate the topology and the state of a three-phase, unbalanced power distribution system.

Bayesian Inference

bert2BERT: Towards Reusable Pretrained Language Models

no code implementations ACL 2022 Cheng Chen, Yichun Yin, Lifeng Shang, Xin Jiang, Yujia Qin, Fengyu Wang, Zhi Wang, Xiao Chen, Zhiyuan Liu, Qun Liu

However, large language model pre-training costs intensive computational resources and most of the models are trained from scratch without reusing the existing pre-trained models, which is wasteful.

Language Modelling Large Language Model

Reinforcement Learning with Predictive Consistent Representations

no code implementations29 Sep 2021 Tao Huang, Xiao Chen, Jiachen Wang

Learning informative representations from image-based observations is a fundamental problem in deep Reinforcement Learning (RL).

reinforcement-learning Reinforcement Learning (RL)

GhostBERT: Generate More Features with Cheap Operations for BERT

no code implementations ACL 2021 Zhiqi Huang, Lu Hou, Lifeng Shang, Xin Jiang, Xiao Chen, Qun Liu

Transformer-based pre-trained language models like BERT, though powerful in many tasks, are expensive in both memory and computation, due to their large number of parameters.

AutoTinyBERT: Automatic Hyper-parameter Optimization for Efficient Pre-trained Language Models

1 code implementation ACL 2021 Yichun Yin, Cheng Chen, Lifeng Shang, Xin Jiang, Xiao Chen, Qun Liu

Specifically, we carefully design the techniques of one-shot learning and the search space to provide an adaptive and efficient development way of tiny PLMs for various latency constraints.

Neural Architecture Search One-Shot Learning

EditSpeech: A Text Based Speech Editing System Using Partial Inference and Bidirectional Fusion

1 code implementation4 Jul 2021 Daxin Tan, Liqun Deng, Yu Ting Yeung, Xin Jiang, Xiao Chen, Tan Lee

This paper presents the design, implementation and evaluation of a speech editing system, named EditSpeech, which allows a user to perform deletion, insertion and replacement of words in a given speech utterance, without causing audible degradation in speech quality and naturalness.

VQMIVC: Vector Quantization and Mutual Information-Based Unsupervised Speech Representation Disentanglement for One-shot Voice Conversion

1 code implementation18 Jun 2021 Disong Wang, Liqun Deng, Yu Ting Yeung, Xiao Chen, Xunying Liu, Helen Meng

One-shot voice conversion (VC), which performs conversion across arbitrary speakers with only a single target-speaker utterance for reference, can be effectively achieved by speech representation disentanglement.

Disentanglement Quantization +1

Unsupervised Domain Adaptation for Dysarthric Speech Detection via Domain Adversarial Training and Mutual Information Minimization

no code implementations18 Jun 2021 Disong Wang, Liqun Deng, Yu Ting Yeung, Xiao Chen, Xunying Liu, Helen Meng

Such systems are particularly susceptible to domain mismatch where the training and testing data come from the source and target domains respectively, but the two domains may differ in terms of speech stimuli, disease etiology, etc.

Multi-Task Learning Unsupervised Domain Adaptation

Multi-scale Neural ODEs for 3D Medical Image Registration

no code implementations16 Jun 2021 Junshen Xu, Eric Z. Chen, Xiao Chen, Terrence Chen, Shanhui Sun

The inference consists of iterative gradient updates similar to a conventional gradient descent optimizer but in a much faster way, because the neural ODE learns from the training data to adapt the gradient efficiently at each iteration.

Image Registration Medical Image Registration

Learning about latent dynamic trading demand

no code implementations27 May 2021 Xiao Chen, Jin Hyuk Choi, Kasper Larsen, Duane J. Seppi

We show that trading strategies are combinations of trading towards investor targets, liquidity provision for other investors' demands, and front-running based on learning about latent underlying trading demand imbalances and future price pressure.

Automatic Construction of Sememe Knowledge Bases via Dictionaries

1 code implementation Findings (ACL) 2021 Fanchao Qi, Yangyi Chen, Fengyu Wang, Zhiyuan Liu, Xiao Chen, Maosong Sun

We use this method to build an English SKB and a French SKB, and conduct comprehensive evaluations from both intrinsic and extrinsic perspectives.

A Streaming End-to-End Framework For Spoken Language Understanding

no code implementations20 May 2021 Nihal Potdar, Anderson R. Avila, Chao Xing, Dong Wang, Yiran Cao, Xiao Chen

In this paper, we propose a streaming end-to-end framework that can process multiple intentions in an online and incremental way.

Intent Detection Keyword Spotting +3

Cardiac Functional Analysis with Cine MRI via Deep Learning Reconstruction

no code implementations17 May 2021 Eric Z. Chen, Xiao Chen, Jingyuan Lyu, Qi Liu, Zhongqi Zhang, Yu Ding, Shuheng Zhang, Terrence Chen, Jian Xu, Shanhui Sun

To the best of our knowledge, this is the first work to evaluate the cine MRI with deep learning reconstruction for cardiac function analysis and compare it with other conventional methods.

Accelerating 3D MULTIPLEX MRI Reconstruction with Deep Learning

no code implementations17 May 2021 Eric Z. Chen, Yongquan Ye, Xiao Chen, Jingyuan Lyu, Zhongqi Zhang, Yichen Hu, Terrence Chen, Jian Xu, Shanhui Sun

We propose a deep learning framework for undersampled 3D MRI data reconstruction and apply it to MULTIPLEX MRI.

MRI Reconstruction

Extract then Distill: Efficient and Effective Task-Agnostic BERT Distillation

no code implementations24 Apr 2021 Cheng Chen, Yichun Yin, Lifeng Shang, Zhi Wang, Xin Jiang, Xiao Chen, Qun Liu

Task-agnostic knowledge distillation, a teacher-student framework, has been proved effective for BERT compression.

Knowledge Distillation

Non-unitary Entanglement Dynamics in Continuous Variable Systems

no code implementations11 Mar 2021 Tianci Zhou, Xiao Chen

We construct a random unitary Gaussian circuit for continuous-variable (CV) systems subject to Gaussian measurements.

Quantum Physics Disordered Systems and Neural Networks Statistical Mechanics

LightMBERT: A Simple Yet Effective Method for Multilingual BERT Distillation

no code implementations11 Mar 2021 Xiaoqi Jiao, Yichun Yin, Lifeng Shang, Xin Jiang, Xiao Chen, Linlin Li, Fang Wang, Qun Liu

The multilingual pre-trained language models (e. g, mBERT, XLM and XLM-R) have shown impressive performance on cross-lingual natural language understanding tasks.

Natural Language Understanding XLM-R

Improving Task-Agnostic BERT Distillation with Layer Mapping Search

no code implementations11 Dec 2020 Xiaoqi Jiao, Huating Chang, Yichun Yin, Lifeng Shang, Xin Jiang, Xiao Chen, Linlin Li, Fang Wang, Qun Liu

Comprehensive experiments on the evaluation benchmarks demonstrate that 1) layer mapping strategy has a significant effect on task-agnostic BERT distillation and different layer mappings can result in quite different performances; 2) the optimal layer mapping strategy from the proposed search process consistently outperforms the other heuristic ones; 3) with the optimal layer mapping, our student model achieves state-of-the-art performance on the GLUE tasks.

Knowledge Distillation

Generating private data with user customization

no code implementations2 Dec 2020 Xiao Chen, Thomas Navidi, Ram Rajagopal

Personal devices such as mobile phones can produce and store large amounts of data that can enhance machine learning models; however, this data may contain private information specific to the data owner that prevents the release of the data.

Group-Skeleton-Based Human Action Recognition in Complex Events

no code implementations26 Nov 2020 Tingtian Li, Zixun Sun, Xiao Chen

In this paper, we propose a novel group-skeleton-based human action recognition method in complex events.

Action Recognition Temporal Action Localization

The HUAWEI Speaker Diarisation System for the VoxCeleb Speaker Diarisation Challenge

no code implementations22 Oct 2020 Renyu Wang, Ruilin Tong, Yu Ting Yeung, Xiao Chen

This paper describes system setup of our submission to speaker diarisation track (Track 4) of VoxCeleb Speaker Recognition Challenge 2020.

Action Detection Activity Detection +3

TernaryBERT: Distillation-aware Ultra-low Bit BERT

5 code implementations EMNLP 2020 Wei Zhang, Lu Hou, Yichun Yin, Lifeng Shang, Xiao Chen, Xin Jiang, Qun Liu

Transformer-based pre-training models like BERT have achieved remarkable performance in many natural language processing tasks. However, these models are both computation and memory expensive, hindering their deployment to resource-constrained devices.

Knowledge Distillation Quantization

Anatomy-Aware Cardiac Motion Estimation

no code implementations17 Aug 2020 Pingjun Chen, Xiao Chen, Eric Z. Chen, Hanchao Yu, Terrence Chen, Shanhui Sun

A baseline dense motion tracker is trained to approximate the motion fields and then refined to estimate anatomy-aware motion fields under the weak supervision from the VAE.

Anatomy Motion Estimation

Real-Time Cardiac Cine MRI with Residual Convolutional Recurrent Neural Network

no code implementations12 Aug 2020 Eric Z. Chen, Xiao Chen, Jingyuan Lyu, Yuan Zheng, Terrence Chen, Jian Xu, Shanhui Sun

Real-time cardiac cine MRI does not require ECG gating in the data acquisition and is more useful for patients who can not hold their breaths or have abnormal heart rhythms.

Image Reconstruction

Aspect Sentiment Classification with Document-level Sentiment Preference Modeling

no code implementations ACL 2020 Xiao Chen, Changlong Sun, Jingjing Wang, Shoushan Li, Luo Si, Min Zhang, Guodong Zhou

This justifies the importance of the document-level sentiment preference information to ASC and the effectiveness of our approach capturing such information.

Classification General Classification +4

Motion Pyramid Networks for Accurate and Efficient Cardiac Motion Estimation

no code implementations28 Jun 2020 Hanchao Yu, Xiao Chen, Humphrey Shi, Terrence Chen, Thomas S. Huang, Shanhui Sun

In this paper, we propose Motion Pyramid Networks, a novel deep learning-based approach for accurate and efficient cardiac motion estimation.

Knowledge Distillation Motion Estimation

Effective Data Fusion with Generalized Vegetation Index: Evidence from Land Cover Segmentation in Agriculture

no code implementations7 May 2020 Hao Sheng, Xiao Chen, Jingyi Su, Ram Rajagopal, Andrew Ng

How can we effectively leverage the domain knowledge from remote sensing to better segment agriculture land cover from satellite images?

Leaderless Consensus of a Hierarchical Cyber-Physical System

no code implementations16 Apr 2020 Xiao Chen, Yanjun Li, Arman Goudarzi, Ji Xiang

This paper models a class of hierarchical cyber-physical systems and studies its associated consensus problem.

DynaBERT: Dynamic BERT with Adaptive Width and Depth

3 code implementations NeurIPS 2020 Lu Hou, Zhiqi Huang, Lifeng Shang, Xin Jiang, Xiao Chen, Qun Liu

The pre-trained language models like BERT, though powerful in many natural language processing tasks, are both computation and memory expensive.

Language Modelling

Computational Performance of a Germline Variant Calling Pipeline for Next Generation Sequencing

no code implementations1 Apr 2020 Jie Liu, Xiaotian Wu, Kai Zhang, Bing Liu, Renyi Bao, Xiao Chen, Yiran Cai, Yiming Shen, Xinjun He, Jun Yan, Weixing Ji

With the booming of next generation sequencing technology and its implementation in clinical practice and life science research, the need for faster and more efficient data analysis methods becomes pressing in the field of sequencing.

FOAL: Fast Online Adaptive Learning for Cardiac Motion Estimation

no code implementations CVPR 2020 Hanchao Yu, Shanhui Sun, Haichao Yu, Xiao Chen, Honghui Shi, Thomas Huang, Terrence Chen

In clinical deployment, however, they suffer dramatic performance drops due to mismatched distributions between training and testing datasets, commonly encountered in the clinical environment.

Anatomy Motion Estimation

Advanced Variations of Two-Dimensional Principal Component Analysis for Face Recognition

no code implementations19 Dec 2019 Mei-Xiang Zhao, Zhi-Gang Jia, Yunfeng Cai, Xiao Chen, Dunwei Gong

To enhance the generalization ability of extracted features, a novel relaxed 2DPCA (R2DPCA) is proposed with a new ridge regression model.

Face Recognition Image Reconstruction +2

Pyramid Convolutional RNN for MRI Image Reconstruction

no code implementations2 Dec 2019 Eric Z. Chen, Puyang Wang, Xiao Chen, Terrence Chen, Shanhui Sun

We evaluate our model on the fastMRI knee and brain datasets and the results show that the proposed model outperforms other methods and can recover more details.

MRI Reconstruction

A General Framework for Adaptation of Neural Machine Translation to Simultaneous Translation

no code implementations Asian Chapter of the Association for Computational Linguistics 2020 Yun Chen, Liangyou Li, Xin Jiang, Xiao Chen, Qun Liu

Despite the success of neural machine translation (NMT), simultaneous neural machine translation (SNMT), the task of translating in real time before a full sentence has been observed, remains challenging due to the syntactic structure difference and simultaneity requirements.

Machine Translation NMT +2

Energy Resource Control via Privacy Preserving Data

1 code implementation4 Oct 2019 Xiao Chen, Thomas Navidi, Ram Rajagopal

Although the frequent monitoring of smart meters enables granular control over energy resources, it also increases the risk of leakage of private information such as income, home occupancy, and power consumption behavior that can be inferred from the data by an adversary.

Systems and Control Computers and Society Systems and Control

TinyBERT: Distilling BERT for Natural Language Understanding

7 code implementations Findings of the Association for Computational Linguistics 2020 Xiaoqi Jiao, Yichun Yin, Lifeng Shang, Xin Jiang, Xiao Chen, Linlin Li, Fang Wang, Qun Liu

To accelerate inference and reduce model size while maintaining accuracy, we first propose a novel Transformer distillation method that is specially designed for knowledge distillation (KD) of the Transformer-based models.

Knowledge Distillation Language Modelling +6

NEZHA: Neural Contextualized Representation for Chinese Language Understanding

10 code implementations31 Aug 2019 Junqiu Wei, Xiaozhe Ren, Xiaoguang Li, Wenyong Huang, Yi Liao, Yasheng Wang, Jiashu Lin, Xin Jiang, Xiao Chen, Qun Liu

The pre-trained language models have achieved great successes in various natural language understanding (NLU) tasks due to its capacity to capture the deep contextualized information in text by pre-training on large-scale corpora.

named-entity-recognition Named Entity Recognition +6

Dialog State Tracking with Reinforced Data Augmentation

no code implementations21 Aug 2019 Yichun Yin, Lifeng Shang, Xin Jiang, Xiao Chen, Qun Liu

Neural dialog state trackers are generally limited due to the lack of quantity and diversity of annotated training data.

Data Augmentation dialog state tracking +1

Understanding Video Content: Efficient Hero Detection and Recognition for the Game "Honor of Kings"

no code implementations18 Jul 2019 Wentao Yao, Zixun Sun, Xiao Chen

In order to understand content and automatically extract labels for videos of the game "Honor of Kings", it is necessary to detect and recognize characters (called "hero") together with their camps in the game video.

Template Matching

News Cover Assessment via Multi-task Learning

no code implementations17 Jul 2019 Zixun Sun, Shuang Zhao, Chengwei Zhu, Xiao Chen

We propose an end-to-end multi-task learning network for image clarity assessment and semantic segmentation simultaneously, the results of which can be guided for news cover assessment.

Multi-Task Learning Segmentation +1

Modeling Semantic Compositionality with Sememe Knowledge

1 code implementation ACL 2019 Fanchao Qi, Jun-Jie Huang, Chenghao Yang, Zhiyuan Liu, Xiao Chen, Qun Liu, Maosong Sun

In this paper, we verify the effectiveness of sememes, the minimum semantic units of human languages, in modeling SC by a confirmatory experiment.

multi-word expression embedding multi-word expression sememe prediction

Relaxed 2-D Principal Component Analysis by $L_p$ Norm for Face Recognition

no code implementations15 May 2019 Xiao Chen, Zhi-Gang Jia, Yunfeng Cai, Mei-Xiang Zhao

A relaxed two dimensional principal component analysis (R2DPCA) approach is proposed for face recognition.

Face Recognition

Generative Adversarial Models for Learning Private and Fair Representations

no code implementations ICLR 2019 Chong Huang, Xiao Chen, Peter Kairouz, Lalitha Sankar, Ram Rajagopal

We present Generative Adversarial Privacy and Fairness (GAPF), a data-driven framework for learning private and fair representations of the data.

Fairness

Distributed generation of privacy preserving data with user customization

no code implementations20 Apr 2019 Xiao Chen, Thomas Navidi, Stefano Ermon, Ram Rajagopal

Distributed devices such as mobile phones can produce and store large amounts of data that can enhance machine learning models; however, this data may contain private information specific to the data owner that prevents the release of the data.

Privacy Preserving

Measurement-driven entanglement transition in hybrid quantum circuits

1 code implementation23 Jan 2019 Yaodong Li, Xiao Chen, Matthew P. A. Fisher

In all models we find a volume law entangled phase for low measurement rates, which exhibits a sub-dominant logarithmic behavior in the entanglement entropy, S_A = {\alpha} ln |A| + s|A|, with sub-system size |A|.

Statistical Mechanics Disordered Systems and Neural Networks Strongly Correlated Electrons Quantum Physics

Data-Rate Driven Transmission Strategy for Deep Learning Based Communication Systems

no code implementations20 Dec 2018 Xiao Chen, Julian Cheng, Zaichen Zhang, Liang Wu, Jian Dang

The GDR scheme can achieve higher data rate than the conventional one-hot vector scheme with comparable BLER performance.

Information Theory Information Theory

Brain Segmentation from k-space with End-to-end Recurrent Attention Network

no code implementations5 Dec 2018 Qiaoying Huang, Xiao Chen, Dimitris Metaxas, Mariappan S. Nadar

The task of medical image segmentation commonly involves an image reconstruction step to convert acquired raw data to images before any analysis.

Brain Image Segmentation Brain Segmentation +4

Understanding Compressive Adversarial Privacy

no code implementations21 Sep 2018 Xiao Chen, Peter Kairouz, Ram Rajagopal

Designing a data sharing mechanism without sacrificing too much privacy can be considered as a game between data holders and malicious attackers.

Dual-label Deep LSTM Dereverberation For Speaker Verification

no code implementations8 Sep 2018 Hao Zhang, Stephen Zahorian, Xiao Chen, Peter Guzewich, Xiaoyu Liu

In this paper, we present a reverberation removal approach for speaker verification, utilizing dual-label deep neural networks (DNNs).

Speaker Verification

Learning Efficient Single-stage Pedestrian Detectors by Asymptotic Localization Fitting

1 code implementation ECCV 2018 Wei Liu, Shengcai Liao, Weidong Hu, Xuezhi Liang, Xiao Chen

However, current single-stage detectors (e. g. SSD) have not presented competitive accuracy on common pedestrian detection benchmarks.

Ranked #11 on Pedestrian Detection on Caltech (using extra training data)

Pedestrian Detection

Android HIV: A Study of Repackaging Malware for Evading Machine-Learning Detection

no code implementations10 Aug 2018 Xiao Chen, Chaoran Li, Derui Wang, Sheng Wen, Jun Zhang, Surya Nepal, Yang Xiang, Kui Ren

In contrast to existing works, the adversarial examples crafted by our method can also deceive recent machine learning based detectors that rely on semantic features such as control-flow-graph.

Cryptography and Security

Generative Adversarial Privacy

no code implementations ICLR 2019 Chong Huang, Peter Kairouz, Xiao Chen, Lalitha Sankar, Ram Rajagopal

We present a data-driven framework called generative adversarial privacy (GAP).

Infrastructure Quality Assessment in Africa using Satellite Imagery and Deep Learning

no code implementations3 Jun 2018 Barak Oshri, Annie Hu, Peter Adelson, Xiao Chen, Pascaline Dupas, Jeremy Weinstein, Marshall Burke, David Lobell, Stefano Ermon

Our best models predict infrastructure quality with AUROC scores of 0. 881 on Electricity, 0. 862 on Sewerage, 0. 739 on Piped Water, and 0. 786 on Roads using Landsat 8.

Spatial Interpolation

Context-Aware Generative Adversarial Privacy

no code implementations26 Oct 2017 Chong Huang, Peter Kairouz, Xiao Chen, Lalitha Sankar, Ram Rajagopal

On the one hand, context-free privacy solutions, such as differential privacy, provide strong privacy guarantees, but often lead to a significant reduction in utility.

Statistical Parametric Speech Synthesis Using Generative Adversarial Networks Under A Multi-task Learning Framework

4 code implementations6 Jul 2017 Shan Yang, Lei Xie, Xiao Chen, Xiaoyan Lou, Xuan Zhu, Dong-Yan Huang, Haizhou Li

In this paper, we aim at improving the performance of synthesized speech in statistical parametric speech synthesis (SPSS) based on a generative adversarial network (GAN).

Sound

A propagation matting method based on the Local Sampling and KNN Classification with adaptive feature space

no code implementations3 May 2016 Xiao Chen, Fazhi He

Second, adaptively use local sampling or using local KNN classifier for processing based on the pros and cons of the sample performance of unknown image areas.

General Classification Image Matting

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