Search Results for author: Jing Xiao

Found 211 papers, 24 papers with code

PINGAN Omini-Sinitic at SemEval-2022 Task 4: Multi-prompt Training for Patronizing and Condescending Language Detection

no code implementations SemEval (NAACL) 2022 Ye Wang, Yanmeng Wang, Baishun Ling, Zexiang Liao, Shaojun Wang, Jing Xiao

This paper describes the second-placed system for subtask 2 and the ninth-placed system for subtask 1 in SemEval 2022 Task 4: Patronizing and Condescending Language Detection.

Binary Classification Classification +2

An Augmented Benchmark Dataset for Geometric Question Answering through Dual Parallel Text Encoding

no code implementations COLING 2022 Jie Cao, Jing Xiao

The lack of high-quality datasets and efficient neural geometric solvers impedes the development of automatic geometric problems solving.

Data Augmentation Math +1

Medical Speech Symptoms Classification via Disentangled Representation

no code implementations8 Mar 2024 Jianzong Wang, Pengcheng Li, xulong Zhang, Ning Cheng, Jing Xiao

After combining the intent from two domains into a joint representation, the integrated intent representation is fed into a decision layer for classification.

Classification

Bidirectional Autoregressive Diffusion Model for Dance Generation

no code implementations6 Feb 2024 Canyu Zhang, YouBao Tang, Ning Zhang, Ruei-Sung Lin, Mei Han, Jing Xiao, Song Wang

To make the generated dance motion smoother, a local information decoder is built for local motion enhancement.

Value-Driven Mixed-Precision Quantization for Patch-Based Inference on Microcontrollers

no code implementations24 Jan 2024 Wei Tao, Shenglin He, Kai Lu, Xiaoyang Qu, Guokuan Li, Jiguang Wan, Jianzong Wang, Jing Xiao

In addition, for patches without outlier values, we utilize value-driven quantization search (VDQS) on the feature maps of their following dataflow branches to reduce search time.

Quantization

P2DT: Mitigating Forgetting in task-incremental Learning with progressive prompt Decision Transformer

no code implementations22 Jan 2024 Zhiyuan Wang, Xiaoyang Qu, Jing Xiao, Bokui Chen, Jianzong Wang

Catastrophic forgetting poses a substantial challenge for managing intelligent agents controlled by a large model, causing performance degradation when these agents face new tasks.

Incremental Learning reinforcement-learning

Leveraging Biases in Large Language Models: "bias-kNN'' for Effective Few-Shot Learning

no code implementations18 Jan 2024 Yong Zhang, Hanzhang Li, Zhitao Li, Ning Cheng, Ming Li, Jing Xiao, Jianzong Wang

Large Language Models (LLMs) have shown significant promise in various applications, including zero-shot and few-shot learning.

Few-Shot Learning In-Context Learning +2

ED-TTS: Multi-Scale Emotion Modeling using Cross-Domain Emotion Diarization for Emotional Speech Synthesis

no code implementations16 Jan 2024 Haobin Tang, xulong Zhang, Ning Cheng, Jing Xiao, Jianzong Wang

We introduce ED-TTS, a multi-scale emotional speech synthesis model that leverages Speech Emotion Diarization (SED) and Speech Emotion Recognition (SER) to model emotions at different levels.

Denoising Emotional Speech Synthesis +1

EmoTalker: Emotionally Editable Talking Face Generation via Diffusion Model

no code implementations16 Jan 2024 Bingyuan Zhang, xulong Zhang, Ning Cheng, Jun Yu, Jing Xiao, Jianzong Wang

In recent years, the field of talking faces generation has attracted considerable attention, with certain methods adept at generating virtual faces that convincingly imitate human expressions.

Denoising Talking Face Generation

GAIA: Delving into Gradient-based Attribution Abnormality for Out-of-distribution Detection

1 code implementation NeurIPS 2023 Jinggang Chen, Junjie Li, Xiaoyang Qu, Jianzong Wang, Jiguang Wan, Jing Xiao

This perspective is motivated by our observation that gradient-based attribution methods encounter challenges in assigning feature importance to OOD data, thereby yielding divergent explanation patterns.

Feature Importance Out-of-Distribution Detection

CP-EB: Talking Face Generation with Controllable Pose and Eye Blinking Embedding

no code implementations15 Nov 2023 Jianzong Wang, Yimin Deng, ZiQi Liang, xulong Zhang, Ning Cheng, Jing Xiao

This paper proposes a talking face generation method named "CP-EB" that takes an audio signal as input and a person image as reference, to synthesize a photo-realistic people talking video with head poses controlled by a short video clip and proper eye blinking embedding.

Talking Face Generation

Prior Bilinear Based Models for Knowledge Graph Completion

1 code implementation25 Sep 2023 Jiayi Li, Ruilin Luo, Jiaqi Sun, Jing Xiao, Yujiu Yang

Bilinear based models are powerful and widely used approaches for Knowledge Graphs Completion (KGC).

AOSR-Net: All-in-One Sandstorm Removal Network

no code implementations16 Sep 2023 Yazhong Si, xulong Zhang, Fan Yang, Jianzong Wang, Ning Cheng, Jing Xiao

Most existing sandstorm image enhancement methods are based on traditional theory and prior knowledge, which often restrict their applicability in real-world scenarios.

Image Enhancement Image Restoration

DiffTalker: Co-driven audio-image diffusion for talking faces via intermediate landmarks

no code implementations14 Sep 2023 Zipeng Qi, xulong Zhang, Ning Cheng, Jing Xiao, Jianzong Wang

Generating realistic talking faces is a complex and widely discussed task with numerous applications.

Face Generation

Machine Unlearning Methodology base on Stochastic Teacher Network

no code implementations28 Aug 2023 xulong Zhang, Jianzong Wang, Ning Cheng, Yifu Sun, Chuanyao Zhang, Jing Xiao

The rise of the phenomenon of the "right to be forgotten" has prompted research on machine unlearning, which grants data owners the right to actively withdraw data that has been used for model training, and requires the elimination of the contribution of that data to the model.

Machine Unlearning

Local Distortion Aware Efficient Transformer Adaptation for Image Quality Assessment

no code implementations23 Aug 2023 Kangmin Xu, Liang Liao, Jing Xiao, Chaofeng Chen, HaoNing Wu, Qiong Yan, Weisi Lin

Further, we propose a local distortion extractor to obtain local distortion features from the pretrained CNN and a local distortion injector to inject the local distortion features into ViT.

Image Quality Assessment Inductive Bias +1

EdgeMA: Model Adaptation System for Real-Time Video Analytics on Edge Devices

no code implementations17 Aug 2023 Liang Wang, Nan Zhang, Xiaoyang Qu, Jianzong Wang, Jiguang Wan, Guokuan Li, Kaiyu Hu, Guilin Jiang, Jing Xiao

In this paper, we introduce EdgeMA, a practical and efficient video analytics system designed to adapt models to shifts in real-world video streams over time, addressing the data drift problem.

Boosting Chinese ASR Error Correction with Dynamic Error Scaling Mechanism

no code implementations7 Aug 2023 Jiaxin Fan, Yong Zhang, Hanzhang Li, Jianzong Wang, Zhitao Li, Sheng Ouyang, Ning Cheng, Jing Xiao

Chinese Automatic Speech Recognition (ASR) error correction presents significant challenges due to the Chinese language's unique features, including a large character set and borderless, morpheme-based structure.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +1

Prompt Guided Copy Mechanism for Conversational Question Answering

no code implementations7 Aug 2023 Yong Zhang, Zhitao Li, Jianzong Wang, Yiming Gao, Ning Cheng, Fengying Yu, Jing Xiao

Conversational Question Answering (CQA) is a challenging task that aims to generate natural answers for conversational flow questions.

Conversational Question Answering

Shoggoth: Towards Efficient Edge-Cloud Collaborative Real-Time Video Inference via Adaptive Online Learning

no code implementations27 Jun 2023 Liang Wang, Kai Lu, Nan Zhang, Xiaoyang Qu, Jianzong Wang, Jiguang Wan, Guokuan Li, Jing Xiao

This paper proposes Shoggoth, an efficient edge-cloud collaborative architecture, for boosting inference performance on real-time video of changing scenes.

Knowledge Distillation

FedET: A Communication-Efficient Federated Class-Incremental Learning Framework Based on Enhanced Transformer

no code implementations27 Jun 2023 Chenghao Liu, Xiaoyang Qu, Jianzong Wang, Jing Xiao

To address local forgetting caused by new classes of new tasks and global forgetting brought by non-i. i. d (non-independent and identically distributed) class imbalance across different local clients, we proposed an Enhancer distillation method to modify the imbalance between old and new knowledge and repair the non-i. i. d.

Class Incremental Learning Federated Learning +1

TransRef: Multi-Scale Reference Embedding Transformer for Reference-Guided Image Inpainting

1 code implementation20 Jun 2023 Liang Liao, Taorong Liu, Delin Chen, Jing Xiao, Zheng Wang, Chia-Wen Lin, Shin'ichi Satoh

For precise utilization of the reference features for guidance, a reference-patch alignment (Ref-PA) module is proposed to align the patch features of the reference and corrupted images and harmonize their style differences, while a reference-patch transformer (Ref-PT) module is proposed to refine the embedded reference feature.

Image Inpainting Image Restoration

SVVAD: Personal Voice Activity Detection for Speaker Verification

no code implementations31 May 2023 Zuheng Kang, Jianzong Wang, Junqing Peng, Jing Xiao

To address this, we propose a speaker verification-based voice activity detection (SVVAD) framework that can adapt the speech features according to which are most informative for SV.

Action Detection Activity Detection +1

P-vectors: A Parallel-Coupled TDNN/Transformer Network for Speaker Verification

no code implementations24 May 2023 Xiyuan Wang, Fangyuan Wang, Bo Xu, Liang Xu, Jing Xiao

Typically, the Time-Delay Neural Network (TDNN) and Transformer can serve as a backbone for Speaker Verification (SV).

Speaker Verification

Personalized Federated Learning via Gradient Modulation for Heterogeneous Text Summarization

no code implementations23 Apr 2023 Rongfeng Pan, Jianzong Wang, Lingwei Kong, Zhangcheng Huang, Jing Xiao

To eliminate this concern, we propose a federated learning text summarization scheme, which allows users to share the global model in a cooperative learning manner without sharing raw data.

Personalized Federated Learning Text Summarization

Two-stage Denoising Diffusion Model for Source Localization in Graph Inverse Problems

no code implementations18 Apr 2023 Bosong Huang, Weihao Yu, Ruzhong Xie, Jing Xiao, Jin Huang

However, the inherent intricacy and uncertainty in information dissemination pose significant challenges, and the ill-posed nature of the source localization problem further exacerbates these challenges.

Denoising

Detecting Out-of-distribution Examples via Class-conditional Impressions Reappearing

no code implementations17 Mar 2023 Jinggang Chen, Xiaoyang Qu, Junjie Li, Jianzong Wang, Jiguang Wan, Jing Xiao

Out-of-distribution (OOD) detection aims at enhancing standard deep neural networks to distinguish anomalous inputs from original training data.

Out of Distribution (OOD) Detection

SVDE: Scalable Value-Decomposition Exploration for Cooperative Multi-Agent Reinforcement Learning

no code implementations16 Mar 2023 Shuhan Qi, Shuhao Zhang, Qiang Wang, Jiajia Zhang, Jing Xiao, Xuan Wang

In this paper, we propose a scalable value-decomposition exploration (SVDE) method, which includes a scalable training mechanism, intrinsic reward design, and explorative experience replay.

Multi-agent Reinforcement Learning reinforcement-learning +3

Efficient Uncertainty Estimation with Gaussian Process for Reliable Dialog Response Retrieval

no code implementations15 Mar 2023 Tong Ye, Zhitao Li, Jianzong Wang, Ning Cheng, Jing Xiao

Deep neural networks have achieved remarkable performance in retrieval-based dialogue systems, but they are shown to be ill calibrated.

Conversational Search Retrieval

On the Calibration and Uncertainty with Pólya-Gamma Augmentation for Dialog Retrieval Models

no code implementations15 Mar 2023 Tong Ye, Shijing Si, Jianzong Wang, Ning Cheng, Zhitao Li, Jing Xiao

Deep neural retrieval models have amply demonstrated their power but estimating the reliability of their predictions remains challenging.

Retrieval

Dynamic Alignment Mask CTC: Improved Mask-CTC with Aligned Cross Entropy

no code implementations14 Mar 2023 xulong Zhang, Haobin Tang, Jianzong Wang, Ning Cheng, Jian Luo, Jing Xiao

Because of predicting all the target tokens in parallel, the non-autoregressive models greatly improve the decoding efficiency of speech recognition compared with traditional autoregressive models.

Position Sentence +2

QI-TTS: Questioning Intonation Control for Emotional Speech Synthesis

no code implementations14 Mar 2023 Haobin Tang, xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

Recent expressive text to speech (TTS) models focus on synthesizing emotional speech, but some fine-grained styles such as intonation are neglected.

Emotional Speech Synthesis Sentence

Feature-Rich Audio Model Inversion for Data-Free Knowledge Distillation Towards General Sound Classification

no code implementations14 Mar 2023 Zuheng Kang, Yayun He, Jianzong Wang, Junqing Peng, Xiaoyang Qu, Jing Xiao

Data-Free Knowledge Distillation (DFKD) has recently attracted growing attention in the academic community, especially with major breakthroughs in computer vision.

Data-free Knowledge Distillation Sound Classification

Lorentz Equivariant Model for Knowledge-Enhanced Hyperbolic Collaborative Filtering

no code implementations9 Feb 2023 Bosong Huang, Weihao Yu, Ruzhong Xie, Jing Xiao, Jin Huang

Introducing prior auxiliary information from the knowledge graph (KG) to assist the user-item graph can improve the comprehensive performance of the recommender system.

Attribute Collaborative Filtering +1

HSTFormer: Hierarchical Spatial-Temporal Transformers for 3D Human Pose Estimation

no code implementations18 Jan 2023 Xiaoye Qian, YouBao Tang, Ning Zhang, Mei Han, Jing Xiao, Ming-Chun Huang, Ruei-Sung Lin

To mitigate this issue, we propose Hierarchical Spatial-Temporal transFormers (HSTFormer) to capture multi-level joints' spatial-temporal correlations from local to global gradually for accurate 3D HPE.

3D Human Pose Estimation

A deep local attention network for pre-operative lymph node metastasis prediction in pancreatic cancer via multiphase CT imaging

no code implementations4 Jan 2023 Zhilin Zheng, Xu Fang, Jiawen Yao, Mengmeng Zhu, Le Lu, Lingyun Huang, Jing Xiao, Yu Shi, Hong Lu, Jianping Lu, Ling Zhang, Chengwei Shao, Yun Bian

Lymph node (LN) metastasis status is one of the most critical prognostic and cancer staging factors for patients with resectable pancreatic ductal adenocarcinoma (PDAC), or in general, for any types of solid malignant tumors.

Segmentation

Multimodal Prototype-Enhanced Network for Few-Shot Action Recognition

no code implementations9 Dec 2022 Xinzhe Ni, Yong liu, Hao Wen, Yatai Ji, Jing Xiao, Yujiu Yang

Then in the visual flow, visual prototypes are computed by a Temporal-Relational CrossTransformer (TRX) module for example.

Few-Shot action recognition Few Shot Action Recognition +1

Adapitch: Adaption Multi-Speaker Text-to-Speech Conditioned on Pitch Disentangling with Untranscribed Data

no code implementations25 Oct 2022 xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

In this paper, we proposed Adapitch, a multi-speaker TTS method that makes adaptation of the supervised module with untranscribed data.

Disentanglement

Improving Speech Representation Learning via Speech-level and Phoneme-level Masking Approach

no code implementations25 Oct 2022 xulong Zhang, Jianzong Wang, Ning Cheng, Kexin Zhu, Jing Xiao

In this work, we proposed two kinds of masking approaches: (1) speech-level masking, making the model to mask more speech segments than silence segments, (2) phoneme-level masking, forcing the model to mask the whole frames of the phoneme, instead of phoneme pieces.

Representation Learning Speaker Recognition

MetaSpeech: Speech Effects Switch Along with Environment for Metaverse

no code implementations25 Oct 2022 xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

Metaverse expands the physical world to a new dimension, and the physical environment and Metaverse environment can be directly connected and entered.

Voice Conversion

Semi-Supervised Learning Based on Reference Model for Low-resource TTS

no code implementations25 Oct 2022 xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

Most previous neural text-to-speech (TTS) methods are mainly based on supervised learning methods, which means they depend on a large training dataset and hard to achieve comparable performance under low-resource conditions.

Speech Synthesis

Improving Imbalanced Text Classification with Dynamic Curriculum Learning

no code implementations25 Oct 2022 xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

Recent advances in pre-trained language models have improved the performance for text classification tasks.

Scheduling text-classification +1

Learning Invariant Representation and Risk Minimized for Unsupervised Accent Domain Adaptation

no code implementations15 Oct 2022 Chendong Zhao, Jianzong Wang, Xiaoyang Qu, Haoqian Wang, Jing Xiao

Unsupervised representation learning for speech audios attained impressive performances for speech recognition tasks, particularly when annotated speech is limited.

Domain Adaptation Representation Learning +2

Pre-Avatar: An Automatic Presentation Generation Framework Leveraging Talking Avatar

no code implementations13 Oct 2022 Aolan Sun, xulong Zhang, Tiandong Ling, Jianzong Wang, Ning Cheng, Jing Xiao

Since the beginning of the COVID-19 pandemic, remote conferencing and school-teaching have become important tools.

Pose Guided Human Image Synthesis with Partially Decoupled GAN

no code implementations7 Oct 2022 Jianhan Wu, Jianzong Wang, Shijing Si, Xiaoyang Qu, Jing Xiao

Most existing methods encode the texture of the whole reference human image into a latent space, and then utilize a decoder to synthesize the image texture of the target pose.

Long-range modeling Pose Transfer

RL-MD: A Novel Reinforcement Learning Approach for DNA Motif Discovery

no code implementations30 Sep 2022 Wen Wang, Jianzong Wang, Shijing Si, Zhangcheng Huang, Jing Xiao

The extraction of sequence patterns from a collection of functionally linked unlabeled DNA sequences is known as DNA motif discovery, and it is a key task in computational biology.

reinforcement-learning Reinforcement Learning (RL)

Machine Unlearning Method Based On Projection Residual

no code implementations30 Sep 2022 Zihao Cao, Jianzong Wang, Shijing Si, Zhangcheng Huang, Jing Xiao

Even when data is removed from the dataset, the effects of these data persist in the model.

Machine Unlearning

Boosting Star-GANs for Voice Conversion with Contrastive Discriminator

no code implementations21 Sep 2022 Shijing Si, Jianzong Wang, xulong Zhang, Xiaoyang Qu, Ning Cheng, Jing Xiao

Nonparallel multi-domain voice conversion methods such as the StarGAN-VCs have been widely applied in many scenarios.

Contrastive Learning Voice Conversion

Debias the Black-box: A Fair Ranking Framework via Knowledge Distillation

no code implementations24 Aug 2022 Zhitao Zhu, Shijing Si, Jianzong Wang, Yaodong Yang, Jing Xiao

Deep neural networks can capture the intricate interaction history information between queries and documents, because of their many complicated nonlinear units, allowing them to provide correct search recommendations.

Fairness Information Retrieval +2

TGAVC: Improving Autoencoder Voice Conversion with Text-Guided and Adversarial Training

no code implementations8 Aug 2022 Huaizhen Tang, xulong Zhang, Jianzong Wang, Ning Cheng, Zhen Zeng, Edward Xiao, Jing Xiao

In this paper, a novel voice conversion framework, named $\boldsymbol T$ext $\boldsymbol G$uided $\boldsymbol A$utoVC(TGAVC), is proposed to more effectively separate content and timbre from speech, where an expected content embedding produced based on the text transcriptions is designed to guide the extraction of voice content.

Voice Conversion

SpeechEQ: Speech Emotion Recognition based on Multi-scale Unified Datasets and Multitask Learning

no code implementations27 Jun 2022 Zuheng Kang, Junqing Peng, Jianzong Wang, Jing Xiao

Speech emotion recognition (SER) has many challenges, but one of the main challenges is that each framework does not have a unified standard.

Speech Emotion Recognition

Unsupervised Foggy Scene Understanding via Self Spatial-Temporal Label Diffusion

1 code implementation10 Jun 2022 Liang Liao, WenYi Chen, Jing Xiao, Zheng Wang, Chia-Wen Lin, Shin'ichi Satoh

Specifically, based on the two discoveries of local spatial similarity and adjacent temporal correspondence of the sequential image data, we propose a novel Target-Domain driven pseudo label Diffusion (TDo-Dif) scheme.

Autonomous Driving Pseudo Label +4

A Privacy-Preserving Subgraph-Level Federated Graph Neural Network via Differential Privacy

no code implementations7 Jun 2022 Yeqing Qiu, Chenyu Huang, Jianzong Wang, Zhangcheng Huang, Jing Xiao

Currently, the federated graph neural network (GNN) has attracted a lot of attention due to its wide applications in reality without violating the privacy regulations.

Privacy Preserving

Enhancing Dual-Encoders with Question and Answer Cross-Embeddings for Answer Retrieval

no code implementations Findings (EMNLP) 2021 Yanmeng Wang, Jun Bai, Ye Wang, Jianfei Zhang, Wenge Rong, Zongcheng Ji, Shaojun Wang, Jing Xiao

To keep independent encoding of questions and answers during inference stage, variational auto-encoder is further introduced to reconstruct answers (questions) from question (answer) embeddings as an auxiliary task to enhance QA interaction in representation learning in training stage.

Question Answering Representation Learning +2

Micro-Expression Recognition Based on Attribute Information Embedding and Cross-modal Contrastive Learning

no code implementations29 May 2022 Yanxin Song, Jianzong Wang, Tianbo Wu, Zhangcheng Huang, Jing Xiao

Micro-expressions have the characteristics of short duration and low intensity, and it is difficult to train a high-performance classifier with the limited number of existing micro-expressions.

Attribute Contrastive Learning +2

Adaptive Activation Network For Low Resource Multilingual Speech Recognition

no code implementations28 May 2022 Jian Luo, Jianzong Wang, Ning Cheng, Zhenpeng Zheng, Jing Xiao

The existing models mostly established a bottleneck (BN) layer by pre-training on a large source language, and transferring to the low resource target language.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +1

Speech Augmentation Based Unsupervised Learning for Keyword Spotting

no code implementations28 May 2022 Jian Luo, Jianzong Wang, Ning Cheng, Haobin Tang, Jing Xiao

In our experiments, with augmentation based unsupervised learning, our KWS model achieves better performance than other unsupervised methods, such as CPC, APC, and MPC.

Keyword Spotting

DT-SV: A Transformer-based Time-domain Approach for Speaker Verification

no code implementations26 May 2022 Nan Zhang, Jianzong Wang, Zhenhou Hong, Chendong Zhao, Xiaoyang Qu, Jing Xiao

Therefore, we propose an approach to derive utterance-level speaker embeddings via a Transformer architecture that uses a novel loss function named diffluence loss to integrate the feature information of different Transformer layers.

Speaker Verification

Cali3F: Calibrated Fast Fair Federated Recommendation System

no code implementations26 May 2022 Zhitao Zhu, Shijing Si, Jianzong Wang, Jing Xiao

Specific to recommendation systems, many federated recommendation algorithms have been proposed to realize the privacy-preserving collaborative recommendation.

Fairness Federated Learning +2

QSpeech: Low-Qubit Quantum Speech Application Toolkit

1 code implementation26 May 2022 Zhenhou Hong, Jianzong Wang, Xiaoyang Qu, Chendong Zhao, Wei Tao, Jing Xiao

However, Quantum Neural Network (QNN) running on low-qubit quantum devices would be difficult since it is based on Variational Quantum Circuit (VQC), which requires many qubits.

A Fair Federated Learning Framework With Reinforcement Learning

no code implementations26 May 2022 Yaqi Sun, Shijing Si, Jianzong Wang, Yuhan Dong, Zhitao Zhu, Jing Xiao

More importantly, we apply the Gini coefficient and validation accuracy of clients in each communication round to construct a reward function for the reinforcement learning.

Fairness Federated Learning +2

Federated Split BERT for Heterogeneous Text Classification

no code implementations26 May 2022 Zhengyang Li, Shijing Si, Jianzong Wang, Jing Xiao

To address this issue, we propose a framework, FedSplitBERT, which handles heterogeneous data and decreases the communication cost by splitting the BERT encoder layers into local part and global part.

Federated Learning Quantization +2

Federated Non-negative Matrix Factorization for Short Texts Topic Modeling with Mutual Information

no code implementations26 May 2022 Shijing Si, Jianzong Wang, Ruiyi Zhang, Qinliang Su, Jing Xiao

Non-negative matrix factorization (NMF) based topic modeling is widely used in natural language processing (NLP) to uncover hidden topics of short text documents.

Federated Learning text-classification +1

Leveraging Causal Inference for Explainable Automatic Program Repair

no code implementations26 May 2022 Jianzong Wang, Shijing Si, Zhitao Zhu, Xiaoyang Qu, Zhenhou Hong, Jing Xiao

The experiments on four programming languages (Java, C, Python, and JavaScript) show that CPR can generate causal graphs for reasonable interpretations and boost the performance of bug fixing in automatic program repair.

Bug fixing Causal Inference +3

Augmentation-induced Consistency Regularization for Classification

no code implementations25 May 2022 Jianhan Wu, Shijing Si, Jianzong Wang, Jing Xiao

In this paper, we propose a consistency regularization framework based on data augmentation, called CR-Aug, which forces the output distributions of different sub models generated by data augmentation to be consistent with each other.

Audio Classification Data Augmentation

Adaptive Few-Shot Learning Algorithm for Rare Sound Event Detection

no code implementations24 May 2022 Chendong Zhao, Jianzong Wang, Leilai Li, Xiaoyang Qu, Jing Xiao

In this work, we propose a novel task-adaptive module which is easy to plant into any metric-based few-shot learning frameworks.

Event Detection Few-Shot Learning +1

Spatial-Temporal Space Hand-in-Hand: Spatial-Temporal Video Super-Resolution via Cycle-Projected Mutual Learning

no code implementations CVPR 2022 Mengshun Hu, Kui Jiang, Liang Liao, Jing Xiao, Junjun Jiang, Zheng Wang

Specifically, we propose to exploit the mutual information among them via iterative up-and-down projections, where the spatial and temporal features are fully fused and distilled, helping the high-quality video reconstruction.

Video Reconstruction Video Super-Resolution

Efficient Distributed Framework for Collaborative Multi-Agent Reinforcement Learning

no code implementations11 May 2022 Shuhan Qi, Shuhao Zhang, Xiaohan Hou, Jiajia Zhang, Xuan Wang, Jing Xiao

However, due to the slow sample collection and poor sample exploration, there are still some problems in multi-agent reinforcement learning, such as unstable model iteration and low training efficiency.

reinforcement-learning Reinforcement Learning (RL) +1

Localized Adversarial Domain Generalization

1 code implementation CVPR 2022 Wei Zhu, Le Lu, Jing Xiao, Mei Han, Jiebo Luo, Adam P. Harrison

Adversarial domain generalization is a popular approach to DG, but conventional approaches (1) struggle to sufficiently align features so that local neighborhoods are mixed across domains; and (2) can suffer from feature space over collapse which can threaten generalization performance.

Domain Generalization

Adding Connectionist Temporal Summarization into Conformer to Improve Its Decoder Efficiency For Speech Recognition

no code implementations8 Apr 2022 Nick J. C. Wang, Zongfeng Quan, Shaojun Wang, Jing Xiao

The Conformer model is an excellent architecture for speech recognition modeling that effectively utilizes the hybrid losses of connectionist temporal classification (CTC) and attention to train model parameters.

speech-recognition Speech Recognition

A Study of Different Ways to Use The Conformer Model For Spoken Language Understanding

no code implementations8 Apr 2022 Nick J. C. Wang, Shaojun Wang, Jing Xiao

In this paper, we compare different ways to combine ASR and NLU, in particular using a single Conformer model with different ways to use its components, to better understand the strengths and weaknesses of each approach.

Spoken Language Understanding

Self-Attention for Incomplete Utterance Rewriting

no code implementations24 Feb 2022 Yong Zhang, Zhitao Li, Jianzong Wang, Ning Cheng, Jing Xiao

In this paper, we propose a novel method by directly extracting the coreference and omission relationship from the self-attention weight matrix of the transformer instead of word embeddings and edit the original text accordingly to generate the complete utterance.

Word Embeddings

Towards Speaker Age Estimation with Label Distribution Learning

no code implementations23 Feb 2022 Shijing Si, Jianzong Wang, Junqing Peng, Jing Xiao

To address this, we utilize the ambiguous information among the age labels, convert each age label into a discrete label distribution and leverage the label distribution learning (LDL) method to fit the data.

Age Classification Age Estimation +2

VU-BERT: A Unified framework for Visual Dialog

no code implementations22 Feb 2022 Tong Ye, Shijing Si, Jianzong Wang, Rui Wang, Ning Cheng, Jing Xiao

The visual dialog task attempts to train an agent to answer multi-turn questions given an image, which requires the deep understanding of interactions between the image and dialog history.

Language Modelling Masked Language Modeling +2

Lumbar Bone Mineral Density Estimation from Chest X-ray Images: Anatomy-aware Attentive Multi-ROI Modeling

no code implementations5 Jan 2022 Fakai Wang, Kang Zheng, Le Lu, Jing Xiao, Min Wu, Chang-Fu Kuo, Shun Miao

Osteoporosis is a common chronic metabolic bone disease often under-diagnosed and under-treated due to the limited access to bone mineral density (BMD) examinations, e. g. via Dual-energy X-ray Absorptiometry (DXA).

Anatomy Density Estimation

Coherence Learning using Keypoint-based Pooling Network for Accurately Assessing Radiographic Knee Osteoarthritis

no code implementations16 Dec 2021 Kang Zheng, Yirui Wang, Chen-I Hsieh, Le Lu, Jing Xiao, Chang-Fu Kuo, Shun Miao

In this work, we propose a computer-aided diagnosis approach to provide more accurate and consistent assessments of both composite and fine-grained OA grades simultaneously.

Management

A deep learning pipeline for localization, differentiation, and uncertainty estimation of liver lesions using multi-phasic and multi-sequence MRI

no code implementations17 Oct 2021 Peng Wang, YuHsuan Wu, Bolin Lai, Xiao-Yun Zhou, Le Lu, Wendi Liu, Huabang Zhou, Lingyun Huang, Jing Xiao, Adam P. Harrison, Ningyang Jia, Heping Hu

Results: the proposed CAD solution achieves a mean F1 score of 0. 62, outperforming the abdominal radiologist (0. 47), matching the junior hepatology radiologist (0. 61), and underperforming the senior hepatology radiologist (0. 68).

Specificity

Accurate and Generalizable Quantitative Scoring of Liver Steatosis from Ultrasound Images via Scalable Deep Learning

no code implementations12 Oct 2021 Bowen Li, Dar-In Tai, Ke Yan, Yi-Cheng Chen, Shiu-Feng Huang, Tse-Hwa Hsu, Wan-Ting Yu, Jing Xiao, Le Lu, Adam P. Harrison

High diagnostic performance was observed across all viewpoints: area under the curves of the ROC to classify >=mild, >=moderate, =severe steatosis grades were 0. 85, 0. 90, and 0. 93, respectively.

A Flexible Three-Dimensional Hetero-phase Computed Tomography Hepatocellular Carcinoma (HCC) Detection Algorithm for Generalizable and Practical HCC Screening

no code implementations17 Aug 2021 Chi-Tung Cheng, Jinzheng Cai, Wei Teng, Youjing Zheng, YuTing Huang, Yu-Chao Wang, Chien-Wei Peng, YouBao Tang, Wei-Chen Lee, Ta-Sen Yeh, Jing Xiao, Le Lu, Chien-Hung Liao, Adam P. Harrison

We develop a flexible three-dimensional deep algorithm, called hetero-phase volumetric detection (HPVD), that can accept any combination of contrast-phase inputs and with adjustable sensitivity depending on the clinical purpose.

Computed Tomography (CT) Specificity

ICAF: Iterative Contrastive Alignment Framework for Multimodal Abstractive Summarization

no code implementations11 Aug 2021 Zijian Zhang, Chang Shu, Youxin Chen, Jing Xiao, Qian Zhang, Lu Zheng

Integrating multimodal knowledge for abstractive summarization task is a work-in-progress research area, with present techniques inheriting fusion-then-generation paradigm.

Abstractive Text Summarization Sentence Summarization

PINGAN Omini-Sinitic at SemEval-2021 Task 4:Reading Comprehension of Abstract Meaning

no code implementations SEMEVAL 2021 Ye Wang, Yanmeng Wang, Haijun Zhu, Bo Zeng, Zhenghong Hao, Shaojun Wang, Jing Xiao

This paper describes the winning system for subtask 2 and the second-placed system for subtask 1 in SemEval 2021 Task 4: ReadingComprehension of Abstract Meaning.

Denoising Language Modelling +1

Federated Learning with Dynamic Transformer for Text to Speech

no code implementations9 Jul 2021 Zhenhou Hong, Jianzong Wang, Xiaoyang Qu, Jie Liu, Chendong Zhao, Jing Xiao

Text to speech (TTS) is a crucial task for user interaction, but TTS model training relies on a sizable set of high-quality original datasets.

Federated Learning

Loss Prediction: End-to-End Active Learning Approach For Speech Recognition

no code implementations9 Jul 2021 Jian Luo, Jianzong Wang, Ning Cheng, Jing Xiao

End-to-end speech recognition systems usually require huge amounts of labeling resource, while annotating the speech data is complicated and expensive.

Active Learning Automatic Speech Recognition +2

Leveraging Large-Scale Weakly Labeled Data for Semi-Supervised Mass Detection in Mammograms

no code implementations CVPR 2021 Yuxing Tang, Zhenjie Cao, Yanbo Zhang, Zhicheng Yang, Zongcheng Ji, Yiwei Wang, Mei Han, Jie Ma, Jing Xiao, Peng Chang

Starting with a fully supervised model trained on the data with pixel-level masks, the proposed framework iteratively refines the model itself using the entire weakly labeled data (image-level soft label) in a self-training fashion.

An Improved Single Step Non-autoregressive Transformer for Automatic Speech Recognition

no code implementations18 Jun 2021 Ruchao Fan, Wei Chu, Peng Chang, Jing Xiao, Abeer Alwan

For the analyses, we plot attention weight distributions in the decoders to visualize the relationships between token-level acoustic embeddings.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +3

Multi-Grained Knowledge Distillation for Named Entity Recognition

1 code implementation NAACL 2021 Xuan Zhou, Xiao Zhang, Chenyang Tao, Junya Chen, Bing Xu, Wei Wang, Jing Xiao

To maximally assimilate knowledge into the student model, we propose a multi-grained distillation scheme, which integrates cross entropy involved in conditional random field (CRF) and fuzzy learning. To validate the effectiveness of our proposal, we conducted a comprehensive evaluation on five NER benchmarks, reporting cross-the-board performance gains relative to competing prior-arts.

Knowledge Distillation named-entity-recognition +2

Lesion Segmentation and RECIST Diameter Prediction via Click-driven Attention and Dual-path Connection

no code implementations5 May 2021 YouBao Tang, Ke Yan, Jinzheng Cai, Lingyun Huang, Guotong Xie, Jing Xiao, JingJing Lu, Gigin Lin, Le Lu

PDNet learns comprehensive and representative deep image features for our tasks and produces more accurate results on both lesion segmentation and RECIST diameter prediction.

Lesion Segmentation Segmentation

Weakly-Supervised Universal Lesion Segmentation with Regional Level Set Loss

no code implementations3 May 2021 YouBao Tang, Jinzheng Cai, Ke Yan, Lingyun Huang, Guotong Xie, Jing Xiao, JingJing Lu, Gigin Lin, Le Lu

Accurately segmenting a variety of clinically significant lesions from whole body computed tomography (CT) scans is a critical task on precision oncology imaging, denoted as universal lesion segmentation (ULS).

Computed Tomography (CT) Lesion Segmentation +2

Scalable Semi-supervised Landmark Localization for X-ray Images using Few-shot Deep Adaptive Graph

no code implementations29 Apr 2021 Xiao-Yun Zhou, Bolin Lai, Weijian Li, Yirui Wang, Kang Zheng, Fakai Wang, ChiHung Lin, Le Lu, Lingyun Huang, Mei Han, Guotong Xie, Jing Xiao, Kuo Chang-Fu, Adam Harrison, Shun Miao

It first trains a DAG model on the labeled data and then fine-tunes the pre-trained model on the unlabeled data with a teacher-student SSL mechanism.

An Alignment-Agnostic Model for Chinese Text Error Correction

no code implementations Findings (EMNLP) 2021 Liying Zheng, Yue Deng, Weishun Song, Liang Xu, Jing Xiao

Most existing models based on detect-correct framework can correct mistaken characters errors, but they cannot deal with missing or redundant characters.

Learning from Subjective Ratings Using Auto-Decoded Deep Latent Embeddings

no code implementations12 Apr 2021 Bowen Li, Xinping Ren, Ke Yan, Le Lu, Lingyun Huang, Guotong Xie, Jing Xiao, Dar-In Tai, Adam P. Harrison

Importantly, ADDLE does not expect multiple raters per image in training, meaning it can readily learn from data mined from hospital archives.

Opportunistic Screening of Osteoporosis Using Plain Film Chest X-ray

no code implementations5 Apr 2021 Fakai Wang, Kang Zheng, Yirui Wang, XiaoYun Zhou, Le Lu, Jing Xiao, Min Wu, Chang-Fu Kuo, Shun Miao

In this paper, we propose a method to predict BMD from Chest X-ray (CXR), one of the most common, accessible, and low-cost medical image examinations.

Hetero-Modal Learning and Expansive Consistency Constraints for Semi-Supervised Detection from Multi-Sequence Data

no code implementations24 Mar 2021 Bolin Lai, YuHsuan Wu, Xiao-Yun Zhou, Peng Wang, Le Lu, Lingyun Huang, Mei Han, Jing Xiao, Heping Hu, Adam P. Harrison

Lesion detection serves a critical role in early diagnosis and has been well explored in recent years due to methodological advancesand increased data availability.

Lesion Detection

Semi-Supervised Learning for Bone Mineral Density Estimation in Hip X-ray Images

no code implementations24 Mar 2021 Kang Zheng, Yirui Wang, XiaoYun Zhou, Fakai Wang, Le Lu, ChiHung Lin, Lingyun Huang, Guotong Xie, Jing Xiao, Chang-Fu Kuo, Shun Miao

Specifically, we propose a new semi-supervised self-training algorithm to train the BMD regression model using images coupled with DEXA measured BMDs and unlabeled images with pseudo BMDs.

Density Estimation regression

Sequential Learning on Liver Tumor Boundary Semantics and Prognostic Biomarker Mining

no code implementations9 Mar 2021 Jieneng Chen, Ke Yan, Yu-Dong Zhang, YouBao Tang, Xun Xu, Shuwen Sun, Qiuping Liu, Lingyun Huang, Jing Xiao, Alan L. Yuille, Ya zhang, Le Lu

(2) The sampled deep vertex features with positional embedding are mapped into a sequential space and decoded by a multilayer perceptron (MLP) for semantic classification.

valid

Efficient Client Contribution Evaluation for Horizontal Federated Learning

no code implementations26 Feb 2021 Jie Zhao, Xinghua Zhu, Jianzong Wang, Jing Xiao

In this paper an efficient method is proposed to evaluate the contributions of federated participants.

Federated Learning

Enhancing Data-Free Adversarial Distillation with Activation Regularization and Virtual Interpolation

no code implementations23 Feb 2021 Xiaoyang Qu, Jianzong Wang, Jing Xiao

We add an activation regularizer and a virtual interpolation method to improve the data generation efficiency.

Knowledge Distillation

NVAE-GAN Based Approach for Unsupervised Time Series Anomaly Detection

no code implementations8 Jan 2021 Liang Xu, Liying Zheng, Weijun Li, Zhenbo Chen, Weishun Song, Yue Deng, Yongzhe Chang, Jing Xiao, Bo Yuan

In recent studies, Lots of work has been done to solve time series anomaly detection by applying Variational Auto-Encoders (VAEs).

Anomaly Detection Time Series +1

KETG: A Knowledge Enhanced Text Generation Framework

no code implementations1 Jan 2021 Yan Cui, Xi Chen, Jiang Qian, Bojin Zhuang, Shaojun Wang, Jing Xiao

Embedding logical knowledge information into text generation is a challenging NLP task.

Text Generation

Structure Controllable Text Generation

no code implementations1 Jan 2021 Liming Deng, Long Wang, Binzhu WANG, Jiang Qian, Bojin Zhuang, Shaojun Wang, Jing Xiao

Controlling the presented forms (or structures) of generated text are as important as controlling the generated contents during neural text generation.

Text Generation

Knowledge Distillation with Adaptive Asymmetric Label Sharpening for Semi-supervised Fracture Detection in Chest X-rays

no code implementations30 Dec 2020 Yirui Wang, Kang Zheng, Chi-Tung Chang, Xiao-Yun Zhou, Zhilin Zheng, Lingyun Huang, Jing Xiao, Le Lu, Chien-Hung Liao, Shun Miao

Exploiting available medical records to train high performance computer-aided diagnosis (CAD) models via the semi-supervised learning (SSL) setting is emerging to tackle the prohibitively high labor costs involved in large-scale medical image annotations.

Knowledge Distillation

Image Inpainting Guided by Coherence Priors of Semantics and Textures

no code implementations CVPR 2021 Liang Liao, Jing Xiao, Zheng Wang, Chia-Wen Lin, Shin'ichi Satoh

In this paper, we introduce coherence priors between the semantics and textures which make it possible to concentrate on completing separate textures in a semantic-wise manner.

Image Inpainting Semantic Segmentation

Automatic Vertebra Localization and Identification in CT by Spine Rectification and Anatomically-constrained Optimization

no code implementations CVPR 2021 Fakai Wang, Kang Zheng, Le Lu, Jing Xiao, Min Wu, Shun Miao

This paper proposes a robust and accurate method that effectively exploits the anatomical knowledge of the spine to facilitate vertebra localization and identification.

Deep Lesion Tracker: Monitoring Lesions in 4D Longitudinal Imaging Studies

1 code implementation CVPR 2021 Jinzheng Cai, YouBao Tang, Ke Yan, Adam P. Harrison, Jing Xiao, Gigin Lin, Le Lu

In this work, we present deep lesion tracker (DLT), a deep learning approach that uses both appearance- and anatomical-based signals.

3D Object Tracking

MelGlow: Efficient Waveform Generative Network Based on Location-Variable Convolution

3 code implementations3 Dec 2020 Zhen Zeng, Jianzong Wang, Ning Cheng, Jing Xiao

In this paper, an efficient network, named location-variable convolution, is proposed to model the dependencies of waveforms.

Contour Transformer Network for One-shot Segmentation of Anatomical Structures

1 code implementation2 Dec 2020 Yuhang Lu, Kang Zheng, Weijian Li, Yirui Wang, Adam P. Harrison, ChiHung Lin, Song Wang, Jing Xiao, Le Lu, Chang-Fu Kuo, Shun Miao

In this work, we present Contour Transformer Network (CTN), a one-shot anatomy segmentation method with a naturally built-in human-in-the-loop mechanism.

Anatomy One-Shot Learning +2

Semantic SLAM with Autonomous Object-Level Data Association

no code implementations20 Nov 2020 Zhentian Qian, Kartik Patath, Jie Fu, Jing Xiao

It is often desirable to capture and map semantic information of an environment during simultaneous localization and mapping (SLAM).

Object Semantic SLAM

CASS-NAT: CTC Alignment-based Single Step Non-autoregressive Transformer for Speech Recognition

no code implementations28 Oct 2020 Ruchao Fan, Wei Chu, Peng Chang, Jing Xiao

The information are used to extract acoustic representation for each token in parallel, referred to as token-level acoustic embedding which substitutes the word embedding in autoregressive transformer (AT) to achieve parallel generation in decoder.

speech-recognition Speech Recognition

Residual Recurrent CRNN for End-to-End Optical Music Recognition on Monophonic Scores

no code implementations26 Oct 2020 Aozhi Liu, Lipei Zhang, Yaqi Mei, Baoqiang Han, Zifeng Cai, Zhaohua Zhu, Jing Xiao

One of the challenges of the Optical Music Recognition task is to transcript the symbols of the camera-captured images into digital music notations.

Melody Classification based on Performance Event Vector and BRNN

no code implementations15 Oct 2020 Jinyue Guo, Aozhi Liu, Jing Xiao

We proposed a model for the Conference of Music and Technology (CSMT2020) data challenge of melody classification.

Classification General Classification

Dual Encoder Fusion U-Net (DEFU-Net) for Cross-manufacturer Chest X-ray Segmentation

1 code implementation11 Sep 2020 Lipei Zhang, Aozhi Liu, Jing Xiao, Paul Taylor

In order to increase the width of network and enrich representation of features, the inception blocks with dilation are adopted.

Image Segmentation Medical Image Segmentation +1

Deep Volumetric Universal Lesion Detection using Light-Weight Pseudo 3D Convolution and Surface Point Regression

no code implementations30 Aug 2020 Jinzheng Cai, Ke Yan, Chi-Tung Cheng, Jing Xiao, Chien-Hung Liao, Le Lu, Adam P. Harrison

Identifying, measuring and reporting lesions accurately and comprehensively from patient CT scans are important yet time-consuming procedures for physicians.

Lesion Detection regression

Lymph Node Gross Tumor Volume Detection and Segmentation via Distance-based Gating using 3D CT/PET Imaging in Radiotherapy

no code implementations27 Aug 2020 Zhuotun Zhu, Dakai Jin, Ke Yan, Tsung-Ying Ho, Xianghua Ye, Dazhou Guo, Chun-Hung Chao, Jing Xiao, Alan Yuille, Le Lu

Finding, identifying and segmenting suspicious cancer metastasized lymph nodes from 3D multi-modality imaging is a clinical task of paramount importance.

DeepPrognosis: Preoperative Prediction of Pancreatic Cancer Survival and Surgical Margin via Contrast-Enhanced CT Imaging

no code implementations26 Aug 2020 Jiawen Yao, Yu Shi, Le Lu, Jing Xiao, Ling Zhang

We present a multi-task CNN to accomplish both tasks of outcome and margin prediction where the network benefits from learning the tumor resection margin related features to improve survival prediction.

Survival Analysis Survival Prediction

Prosody Learning Mechanism for Speech Synthesis System Without Text Length Limit

no code implementations13 Aug 2020 Zhen Zeng, Jianzong Wang, Ning Cheng, Jing Xiao

Recent neural speech synthesis systems have gradually focused on the control of prosody to improve the quality of synthesized speech, but they rarely consider the variability of prosody and the correlation between prosody and semantics together.

Language Modelling Position +2

Large-scale Transfer Learning for Low-resource Spoken Language Understanding

no code implementations13 Aug 2020 Xueli Jia, Jianzong Wang, Zhiyong Zhang, Ning Cheng, Jing Xiao

However, the increased complexity of a model can also introduce high risk of over-fitting, which is a major challenge in SLU tasks due to the limitation of available data.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +3

MLNET: An Adaptive Multiple Receptive-field Attention Neural Network for Voice Activity Detection

no code implementations13 Aug 2020 Zhenpeng Zheng, Jianzong Wang, Ning Cheng, Jian Luo, Jing Xiao

The MLNET leveraged multi-branches to extract multiple contextual speech information and investigated an effective attention block to weight the most crucial parts of the context for final classification.

Action Detection Activity Detection

DREAM: A Dynamic Relational-Aware Model for Social Recommendation

no code implementations11 Aug 2020 Liqiang Song, Ye Bi, Mengqiu Yao, Zhen-Yu Wu, Jianming Wang, Jing Xiao

In this paper, we propose a unified framework named Dynamic RElation Aware Model (DREAM) for social recommendation, which tries to model both users dynamic interests and their friends temporal influences.

Recommendation Systems Relation

UBER-GNN: A User-Based Embeddings Recommendation based on Graph Neural Networks

no code implementations6 Aug 2020 Bo Huang, Ye Bi, Zhen-Yu Wu, Jianming Wang, Jing Xiao

The problem of session-based recommendation aims to predict user next actions based on session histories.

Session-Based Recommendations

A Heterogeneous Information Network based Cross Domain Insurance Recommendation System for Cold Start Users

1 code implementation30 Jul 2020 Ye Bi, Liqiang Song, Mengqiu Yao, Zhen-Yu Wu, Jianming Wang, Jing Xiao

Specifically, we first try to learn more effective user and item latent features in both source and target domains.

DCDIR: A Deep Cross-Domain Recommendation System for Cold Start Users in Insurance Domain

no code implementations27 Jul 2020 Ye Bi, Liqiang Song, Mengqiu Yao, Zhen-Yu Wu, Jianming Wang, Jing Xiao

In this paper, we propose a Deep Cross Domain Insurance Recommendation System (DCDIR) for cold start users.

One Click Lesion RECIST Measurement and Segmentation on CT Scans

no code implementations21 Jul 2020 Youbao Tang, Ke Yan, Jing Xiao, Ranold M. Summers

Based on the results of the first network, the second one refines the lesion segmentation and RECIST estimation.

Lesion Segmentation Segmentation

E$^2$Net: An Edge Enhanced Network for Accurate Liver and Tumor Segmentation on CT Scans

no code implementations19 Jul 2020 Youbao Tang, Yu-Xing Tang, Yingying Zhu, Jing Xiao, Ronald M. Summers

We introduce an edge prediction module in E$^2$Net and design an edge distance map between liver and tumor boundaries, which is used as an extra supervision signal to train the edge enhanced network.

Liver Segmentation Segmentation +1

Anatomy-Aware Siamese Network: Exploiting Semantic Asymmetry for Accurate Pelvic Fracture Detection in X-ray Images

no code implementations ECCV 2020 Haomin Chen, Yirui Wang, Kang Zheng, Weijian Li, Chi-Tung Cheng, Adam P. Harrison, Jing Xiao, Gregory D. Hager, Le Lu, Chien-Hung Liao, Shun Miao

A new contrastive feature learning component in our Siamese network is designed to optimize the deep image features being more salient corresponding to the underlying semantic asymmetries (caused by pelvic fracture occurrences).

Anatomy

Contextualized Emotion Recognition in Conversation as Sequence Tagging

no code implementations1 Jul 2020 Yan Wang, Jiayu Zhang, Jun Ma, Shaojun Wang, Jing Xiao

Emotion recognition in conversation (ERC) is an important topic for developing empathetic machines in a variety of areas including social opinion mining, health-care and so on.

Emotion Classification Emotion Recognition in Conversation +1

Universal Lesion Detection by Learning from Multiple Heterogeneously Labeled Datasets

no code implementations28 May 2020 Ke Yan, Jinzheng Cai, Adam P. Harrison, Dakai Jin, Jing Xiao, Le Lu

First, we learn a multi-head multi-task lesion detector using all datasets and generate lesion proposals on DeepLesion.

Ranked #5 on Medical Object Detection on DeepLesion (using extra training data)

Lesion Detection Medical Object Detection +1

Co-Heterogeneous and Adaptive Segmentation from Multi-Source and Multi-Phase CT Imaging Data: A Study on Pathological Liver and Lesion Segmentation

no code implementations ECCV 2020 Ashwin Raju, Chi-Tung Cheng, Yunakai Huo, Jinzheng Cai, Junzhou Huang, Jing Xiao, Le Lu, ChienHuang Liao, Adam P. Harrison

In medical imaging, organ/pathology segmentation models trained on current publicly available and fully-annotated datasets usually do not well-represent the heterogeneous modalities, phases, pathologies, and clinical scenarios encountered in real environments.

Computed Tomography (CT) Domain Adaptation +2

Detecting Scatteredly-Distributed, Small, andCritically Important Objects in 3D OncologyImaging via Decision Stratification

no code implementations27 May 2020 Zhuotun Zhu, Ke Yan, Dakai Jin, Jinzheng Cai, Tsung-Ying Ho, Adam P. Harrison, Dazhou Guo, Chun-Hung Chao, Xianghua Ye, Jing Xiao, Alan Yuille, Le Lu

We focus on the detection and segmentation of oncology-significant (or suspicious cancer metastasized) lymph nodes (OSLNs), which has not been studied before as a computational task.

JSSR: A Joint Synthesis, Segmentation, and Registration System for 3D Multi-Modal Image Alignment of Large-scale Pathological CT Scans

no code implementations ECCV 2020 Fengze Liu, Jingzheng Cai, Yuankai Huo, Chi-Tung Cheng, Ashwin Raju, Dakai Jin, Jing Xiao, Alan Yuille, Le Lu, Chien-Hung Liao, Adam P. Harrison

We extensively evaluate our JSSR system on a large-scale medical image dataset containing 1, 485 patient CT imaging studies of four different phases (i. e., 5, 940 3D CT scans with pathological livers) on the registration, segmentation and synthesis tasks.

Image Registration Multi-Task Learning +2

Organ at Risk Segmentation for Head and Neck Cancer using Stratified Learning and Neural Architecture Search

no code implementations CVPR 2020 Dazhou Guo, Dakai Jin, Zhuotun Zhu, Tsung-Ying Ho, Adam P. Harrison, Chun-Hung Chao, Jing Xiao, Alan Yuille, Chien-Yu Lin, Le Lu

This is the goal of our work, where we introduce stratified organ at risk segmentation (SOARS), an approach that stratifies OARs into anchor, mid-level, and small & hard (S&H) categories.

Anatomy Neural Architecture Search +1

MDCNN-SID: Multi-scale Dilated Convolution Network for Singer Identification

no code implementations9 Apr 2020 xulong Zhang, Jianzong Wang, Ning Cheng, Jing Xiao

Most singer identification methods are processed in the frequency domain, which potentially leads to information loss during the spectral transformation.

Artist classification Music Generation +1

BS-NAS: Broadening-and-Shrinking One-Shot NAS with Searchable Numbers of Channels

no code implementations22 Mar 2020 Zan Shen, Jiang Qian, Bojin Zhuang, Shaojun Wang, Jing Xiao

One-Shot methods have evolved into one of the most popular methods in Neural Architecture Search (NAS) due to weight sharing and single training of a supernet.

Neural Architecture Search

AlignTTS: Efficient Feed-Forward Text-to-Speech System without Explicit Alignment

2 code implementations4 Mar 2020 Zhen Zeng, Jianzong Wang, Ning Cheng, Tian Xia, Jing Xiao

Targeting at both high efficiency and performance, we propose AlignTTS to predict the mel-spectrum in parallel.

GraphTTS: graph-to-sequence modelling in neural text-to-speech

no code implementations4 Mar 2020 Aolan Sun, Jianzong Wang, Ning Cheng, Huayi Peng, Zhen Zeng, Jing Xiao

This paper leverages the graph-to-sequence method in neural text-to-speech (GraphTTS), which maps the graph embedding of the input sequence to spectrograms.

Graph Embedding Graph-to-Sequence +1

A Robust Speaker Clustering Method Based on Discrete Tied Variational Autoencoder

no code implementations4 Mar 2020 Chen Feng, Jianzong Wang, Tongxu Li, Junqing Peng, Jing Xiao

Recently, the speaker clustering model based on aggregation hierarchy cluster (AHC) is a common method to solve two main problems: no preset category number clustering and fix category number clustering.

Clustering

Bone Suppression on Chest Radiographs With Adversarial Learning

no code implementations8 Feb 2020 Jia Liang, Yu-Xing Tang, You-Bao Tang, Jing Xiao, Ronald M. Summers

Dual-energy (DE) chest radiography provides the capability of selectively imaging two clinically relevant materials, namely soft tissues, and osseous structures, to better characterize a wide variety of thoracic pathology and potentially improve diagnosis in posteroanterior (PA) chest radiographs.

Image-to-Image Translation SSIM +1

Weakly Supervised Lesion Co-segmentation on CT Scans

no code implementations24 Jan 2020 Vatsal Agarwal, You-Bao Tang, Jing Xiao, Ronald M. Summers

In this work, we propose a weakly-supervised co-segmentation model that first generates pseudo-masks from the RECIST slices and uses these as training labels for an attention-based convolutional neural network capable of segmenting common lesions from a pair of CT scans.

Lesion Segmentation Segmentation

Weakly-Supervised Lesion Segmentation on CT Scans using Co-Segmentation

no code implementations23 Jan 2020 Vatsal Agarwal, You-Bao Tang, Jing Xiao, Ronald M. Summers

Lesion segmentation on computed tomography (CT) scans is an important step for precisely monitoring changes in lesion/tumor growth.

Computed Tomography (CT) Lesion Segmentation +1

Lesion Harvester: Iteratively Mining Unlabeled Lesions and Hard-Negative Examples at Scale

1 code implementation21 Jan 2020 Jinzheng Cai, Adam P. Harrison, Youjing Zheng, Ke Yan, Yuankai Huo, Jing Xiao, Lin Yang, Le Lu

This is the goal of our work, where we develop a powerful system to harvest missing lesions from the DeepLesion dataset at high precision.

Nanoconfined, dynamic electrolyte gating and memory effects in multilayered graphene-based membranes

no code implementations29 Nov 2019 Jing Xiao, Hualin Zhan, Zaiquan Xu, Xiao Wang, Ke Zhang, Zhiyuan Xiong, George P. Simon, Zhe Liu, Dan Li

Multilayered graphene-based nanoporous membranes with electrolyte incorporated between individual sheets is a unique nano-heterostructure system in which nanoconfined electrons in graphene and ions confined in between sheets are intimately coupled throughout the entire membrane.

Mesoscale and Nanoscale Physics Materials Science Soft Condensed Matter Applied Physics Chemical Physics

MOD: A Deep Mixture Model with Online Knowledge Distillation for Large Scale Video Temporal Concept Localization

1 code implementation27 Oct 2019 Rongcheng Lin, Jing Xiao, Jianping Fan

In this paper, we present and discuss a deep mixture model with online knowledge distillation (MOD) for large-scale video temporal concept localization, which is ranked 3rd in the 3rd YouTube-8M Video Understanding Challenge.

Knowledge Distillation Video Understanding

CT Data Curation for Liver Patients: Phase Recognition in Dynamic Contrast-Enhanced CT

no code implementations5 Sep 2019 Bo Zhou, Adam P. Harrison, Jiawen Yao, Chi-Tung Cheng, Jing Xiao, Chien-Hung Liao, Le Lu

This is the focus of our work, where we present a principled data curation tool to extract multi-phase CT liver studies and identify each scan's phase from a real-world and heterogenous hospital PACS dataset.

Descriptive

Deep Esophageal Clinical Target Volume Delineation using Encoded 3D Spatial Context of Tumors, Lymph Nodes, and Organs At Risk

no code implementations4 Sep 2019 Dakai Jin, Dazhou Guo, Tsung-Ying Ho, Adam P. Harrison, Jing Xiao, Chen-Kan Tseng, Le Lu

Clinical target volume (CTV) delineation from radiotherapy computed tomography (RTCT) images is used to define the treatment areas containing the gross tumor volume (GTV) and/or sub-clinical malignant disease for radiotherapy (RT).

Data Augmentation

Weakly Supervised Universal Fracture Detection in Pelvic X-rays

no code implementations4 Sep 2019 Yirui Wang, Le Lu, Chi-Tung Cheng, Dakai Jin, Adam P. Harrison, Jing Xiao, Chien-Hung Liao, Shun Miao

In this paper, we propose a two-stage hip and pelvic fracture detection method that executes localized fracture classification using weakly supervised ROI mining.

Multiple Instance Learning

A Syllable-Structured, Contextually-Based Conditionally Generation of Chinese Lyrics

no code implementations15 Jun 2019 Xu Lu, Jie Wang, Bojin Zhuang, Shaojun Wang, Jing Xiao

This paper presents a novel, syllable-structured Chinese lyrics generation model given a piece of original melody.

Automatic Acrostic Couplet Generation with Three-Stage Neural Network Pipelines

no code implementations15 Jun 2019 Haoshen Fan, Jie Wang, Bojin Zhuang, Shaojun Wang, Jing Xiao

In this paper, we comprehensively study on automatic generation of acrostic couplet with the first characters defined by users.

Cultural Vocal Bursts Intensity Prediction Re-Ranking

A Hierarchical Attention Based Seq2seq Model for Chinese Lyrics Generation

no code implementations15 Jun 2019 Haoshen Fan, Jie Wang, Bojin Zhuang, Shaojun Wang, Jing Xiao

In this paper, we comprehensively study on context-aware generation of Chinese song lyrics.

Sentence

EasiCS: the objective and fine-grained classification method of cervical spondylosis dysfunction

no code implementations15 May 2019 Nana Wang, Li Cui, Xi Huang, Yingcong Xiang, Jing Xiao, Yi Rao

The precise diagnosis is of great significance in developing precise treatment plans to restore neck function and reduce the burden posed by the cervical spondylosis (CS).

Clustering Dimensionality Reduction +1

XLSor: A Robust and Accurate Lung Segmentor on Chest X-Rays Using Criss-Cross Attention and Customized Radiorealistic Abnormalities Generation

3 code implementations19 Apr 2019 Youbao Tang, Yu-Xing Tang, Jing Xiao, Ronald M. Summers

To reduce the manual annotation burden and to train a robust lung segmentor that can be adapted to pathological lungs with hazy lung boundaries, an image-to-image translation module is employed to synthesize radiorealistic abnormal CXRs from the source of normal ones for data augmentation.

Data Augmentation Image-to-Image Translation +2

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