Search Results for author: Yan Xu

Found 117 papers, 43 papers with code

CAiRE in DialDoc21: Data Augmentation for Information Seeking Dialogue System

1 code implementation ACL (dialdoc) 2021 Yan Xu, Etsuko Ishii, Genta Indra Winata, Zhaojiang Lin, Andrea Madotto, Zihan Liu, Peng Xu, Pascale Fung

Information-seeking dialogue systems, including knowledge identification and response generation, aim to respond to users with fluent, coherent, and informative responses based on users’ needs, which.

Data Augmentation Response Generation

Urban Architect: Steerable 3D Urban Scene Generation with Layout Prior

no code implementations10 Apr 2024 Fan Lu, Kwan-Yee Lin, Yan Xu, Hongsheng Li, Guang Chen, Changjun Jiang

(2) To handle the unbounded nature of urban scenes, we represent 3D scene with a Scalable Hash Grid structure, incrementally adapting to the growing scale of urban scenes.

3D Generation Model Optimization +2

LAVE: LLM-Powered Agent Assistance and Language Augmentation for Video Editing

no code implementations15 Feb 2024 Bryan Wang, Yuliang Li, Zhaoyang Lv, Haijun Xia, Yan Xu, Raj Sodhi

Based on these findings, we propose design implications to inform the future development of agent-assisted content editing.

Video Editing

Multi-Person 3D Pose Estimation from Multi-View Uncalibrated Depth Cameras

no code implementations28 Jan 2024 Yu-Jhe Li, Yan Xu, Rawal Khirodkar, Jinhyung Park, Kris Kitani

In order to evaluate our proposed pipeline, we collect three video sets of RGBD videos recorded from multiple sparse-view depth cameras and ground truth 3D poses are manually annotated.

3D Human Pose Estimation 3D Pose Estimation +2

Joint Planning of Active Distribution Network and EV Charging Stations Considering Vehicle-to-Grid Functionality and Reactive Power Support

no code implementations26 Dec 2023 Yongheng Wang, Xinwei Shen, Yan Xu

This paper proposes a collaborative planning model for the active distribution network (ADN) and electric vehicle (EV) charging stations that fully considers the vehicle-to-grid (V2G) function and reactive power support of EVs in different regions.

Multi-View Person Matching and 3D Pose Estimation with Arbitrary Uncalibrated Camera Networks

no code implementations4 Dec 2023 Yan Xu, Kris Kitani

The 2D human poses used in clustering are obtained through a pre-trained 2D pose detector, so our method does not require expensive 3D training data for each new scene.

3D Human Pose Estimation 3D Pose Estimation +1

Contrastive Learning for Inference in Dialogue

1 code implementation19 Oct 2023 Etsuko Ishii, Yan Xu, Bryan Wilie, Ziwei Ji, Holy Lovenia, Willy Chung, Pascale Fung

Inference, especially those derived from inductive processes, is a crucial component in our conversation to complement the information implicitly or explicitly conveyed by a speaker.

Contrastive Learning

Towards Mitigating Hallucination in Large Language Models via Self-Reflection

no code implementations10 Oct 2023 Ziwei Ji, Tiezheng Yu, Yan Xu, Nayeon Lee, Etsuko Ishii, Pascale Fung

Large language models (LLMs) have shown promise for generative and knowledge-intensive tasks including question-answering (QA) tasks.

Answer Generation Hallucination +1

Preserving Tumor Volumes for Unsupervised Medical Image Registration

1 code implementation ICCV 2023 Qihua Dong, Hao Du, Ying Song, Yan Xu, Jing Liao

Our approach balances image similarity and volume preservation in different regions, i. e., normal and tumor regions, by using soft tumor masks to adjust the imposition of volume-preserving loss on each one.

Anatomy Image Registration +1

Nucleus-aware Self-supervised Pretraining Using Unpaired Image-to-image Translation for Histopathology Images

1 code implementation14 Sep 2023 Zhiyun Song, Penghui Du, Junpeng Yan, Kailu Li, Jianzhong Shou, Maode Lai, Yubo Fan, Yan Xu

Self-supervised pretraining attempts to enhance model performance by obtaining effective features from unlabeled data, and has demonstrated its effectiveness in the field of histopathology images.

Image-to-Image Translation Instance Segmentation +3

Partitioned Saliency Ranking with Dense Pyramid Transformers

1 code implementation1 Aug 2023 Chengxiao Sun, Yan Xu, Jialun Pei, Haopeng Fang, He Tang

The ranking by partition paradigm alleviates ranking ambiguities in a general sense, as it consistently improves the performance of other saliency ranking models.

Saliency Ranking

Urban Radiance Field Representation with Deformable Neural Mesh Primitives

1 code implementation ICCV 2023 Fan Lu, Yan Xu, Guang Chen, Hongsheng Li, Kwan-Yee Lin, Changjun Jiang

To construct urban-level radiance fields efficiently, we design Deformable Neural Mesh Primitive~(DNMP), and propose to parameterize the entire scene with such primitives.

Image Generation Novel View Synthesis

DRMC: A Generalist Model with Dynamic Routing for Multi-Center PET Image Synthesis

1 code implementation11 Jul 2023 Zhiwen Yang, Yang Zhou, HUI ZHANG, Bingzheng Wei, Yubo Fan, Yan Xu

To address this, we develop a generalist model that shares architecture and parameters across centers to utilize the shared knowledge.

Image Generation

Zero-shot Nuclei Detection via Visual-Language Pre-trained Models

1 code implementation30 Jun 2023 Yongjian Wu, Yang Zhou, Jiya Saiyin, Bingzheng Wei, Maode Lai, Jianzhong Shou, Yubo Fan, Yan Xu

Foremost, our work demonstrates that the VLPM pre-trained on natural image-text pairs exhibits astonishing potential for downstream tasks in the medical field as well.

object-detection Object Detection

Elastically-Constrained Meta-Learner for Federated Learning

no code implementations29 Jun 2023 Peng Lan, Donglai Chen, Chong Xie, Keshu Chen, Jinyuan He, Juntao Zhang, Yonghong Chen, Yan Xu

One of the challenges in federated learning is non-IID data between clients, as a single model can not fit the data distribution for all clients.

Federated Learning Meta-Learning

A Novel Dual-pooling Attention Module for UAV Vehicle Re-identification

no code implementations25 Jun 2023 Xiaoyan Guo, Jie Yang, Xinyu Jia, Chuanyan Zang, Yan Xu, Zhaoyang Chen

Therefore, this paper proposes a novel dual-pooling attention (DpA) module, which achieves the extraction and enhancement of locally important information about vehicles from both channel and spatial dimensions by constructing two branches of channel-pooling attention (CpA) and spatial-pooling attention (SpA), and employing multiple pooling operations to enhance the attention to fine-grained information of vehicles.

Single Particle Analysis Vehicle Re-Identification

Cyclic Learning: Bridging Image-level Labels and Nuclei Instance Segmentation

1 code implementation5 Jun 2023 Yang Zhou, Yongjian Wu, Zihua Wang, Bingzheng Wei, Maode Lai, Jianzhong Shou, Yubo Fan, Yan Xu

Experiments on three datasets demonstrate the good generality of our method, which outperforms other image-level weakly supervised methods for nuclei instance segmentation, and achieves comparable performance to fully-supervised methods.

Instance Segmentation Multi-Task Learning +4

Diverse and Faithful Knowledge-Grounded Dialogue Generation via Sequential Posterior Inference

1 code implementation1 Jun 2023 Yan Xu, Deqian Kong, Dehong Xu, Ziwei Ji, Bo Pang, Pascale Fung, Ying Nian Wu

The capability to generate responses with diversity and faithfulness using factual knowledge is paramount for creating a human-like, trustworthy dialogue system.

Dialogue Generation Response Generation

Embodied Concept Learner: Self-supervised Learning of Concepts and Mapping through Instruction Following

no code implementations7 Apr 2023 Mingyu Ding, Yan Xu, Zhenfang Chen, David Daniel Cox, Ping Luo, Joshua B. Tenenbaum, Chuang Gan

ECL consists of: (i) an instruction parser that translates the natural languages into executable programs; (ii) an embodied concept learner that grounds visual concepts based on language descriptions; (iii) a map constructor that estimates depth and constructs semantic maps by leveraging the learned concepts; and (iv) a program executor with deterministic policies to execute each program.

Instruction Following Self-Supervised Learning

KILM: Knowledge Injection into Encoder-Decoder Language Models

1 code implementation17 Feb 2023 Yan Xu, Mahdi Namazifar, Devamanyu Hazarika, Aishwarya Padmakumar, Yang Liu, Dilek Hakkani-Tür

Large pre-trained language models (PLMs) have been shown to retain implicit knowledge within their parameters.

Entity Disambiguation

Optimization of Topology-Aware Job Allocation on a High-Performance Computing Cluster by Neural Simulated Annealing

1 code implementation6 Feb 2023 Zekang Lan, Yan Xu, Yingkun Huang, Dian Huang, Shengzhong Feng

For the DCAS, an approach called neural simulated algorithm (NSA), which is an extension to simulated algorithm (SA) that learns a repair operator and employs them in a guided heuristic search, is proposed.

Scheduling

Weakly-Supervised 3D Medical Image Segmentation using Geometric Prior and Contrastive Similarity

no code implementations4 Feb 2023 Hao Du, Qihua Dong, Yan Xu, Jing Liao

Furthermore, we propose contrastive similarity to encourage organ pixels to gather around in the contrastive embedding space, which helps better distinguish low-contrast tissues.

Image Segmentation Medical Image Segmentation +3

Exploring Semantic Perturbations on Grover

1 code implementation1 Feb 2023 Pranav Kulkarni, Ziqing Ji, Yan Xu, Marko Neskovic, Kevin Nolan

With news and information being as easy to access as they currently are, it is more important than ever to ensure that people are not mislead by what they read.

Fake News Detection

Lightweight Facial Attractiveness Prediction Using Dual Label Distribution

no code implementations4 Dec 2022 Shu Liu, Enquan Huang, Yan Xu, Kexuan Wang, Xiaoyan Kui, Tao Lei, Hongying Meng

To make the best use of the dataset, the manual ratings, attractiveness score, and standard deviation are aggregated explicitly to construct a dual label distribution, including the attractiveness distribution and the rating distribution.

An interpretable imbalanced semi-supervised deep learning framework for improving differential diagnosis of skin diseases

no code implementations20 Nov 2022 Futian Weng, Yuanting Ma, Jinghan Sun, Shijun Shan, Qiyuan Li, Jianping Zhu, Yang Wang, Yan Xu

This paper presents the first study of the interpretability and imbalanced semi-supervised learning of the multiclass intelligent skin diagnosis framework (ISDL) using 58, 457 skin images with 10, 857 unlabeled samples.

Specificity

A Deep Learning Approach to Generating Photospheric Vector Magnetograms of Solar Active Regions for SOHO/MDI Using SDO/HMI and BBSO Data

no code implementations4 Nov 2022 Haodi Jiang, Qin Li, Zhihang Hu, Nian Liu, Yasser Abduallah, Ju Jing, Genwei Zhang, Yan Xu, Wynne Hsu, Jason T. L. Wang, Haimin Wang

We propose a new deep learning method, named MagNet, to learn from combined LOS magnetograms, Bx and By taken by SDO/HMI along with H-alpha observations collected by the Big Bear Solar Observatory (BBSO), and to generate vector components Bx' and By', which would form vector magnetograms with observed LOS data.

NeRF-Loc: Transformer-Based Object Localization Within Neural Radiance Fields

no code implementations24 Sep 2022 Jiankai Sun, Yan Xu, Mingyu Ding, Hongwei Yi, Chen Wang, Jingdong Wang, Liangjun Zhang, Mac Schwager

Using current NeRF training tools, a robot can train a NeRF environment model in real-time and, using our algorithm, identify 3D bounding boxes of objects of interest within the NeRF for downstream navigation or manipulation tasks.

Object Localization Robot Navigation

NeuralMarker: A Framework for Learning General Marker Correspondence

no code implementations19 Sep 2022 Zhaoyang Huang, Xiaokun Pan, Weihong Pan, Weikang Bian, Yan Xu, Ka Chun Cheung, Guofeng Zhang, Hongsheng Li

We tackle the problem of estimating correspondences from a general marker, such as a movie poster, to an image that captures such a marker.

Video Editing

3D Segmentation Guided Style-based Generative Adversarial Networks for PET Synthesis

no code implementations18 May 2022 Yang Zhou, Zhiwen Yang, HUI ZHANG, Eric I-Chao Chang, Yubo Fan, Yan Xu

(2) We adopt a task-driven strategy that couples a segmentation task with a generative adversarial network (GAN) framework to improve the translation performance.

Generative Adversarial Network Translation

Towards Answering Open-ended Ethical Quandary Questions

no code implementations12 May 2022 Yejin Bang, Nayeon Lee, Tiezheng Yu, Leila Khalatbari, Yan Xu, Samuel Cahyawijaya, Dan Su, Bryan Wilie, Romain Barraud, Elham J. Barezi, Andrea Madotto, Hayden Kee, Pascale Fung

We explore the current capability of LLMs in providing an answer with a deliberative exchange of different perspectives to an ethical quandary, in the approach of Socratic philosophy, instead of providing a closed answer like an oracle.

Few-Shot Learning Generative Question Answering +2

Improving Visual Grounding with Visual-Linguistic Verification and Iterative Reasoning

1 code implementation CVPR 2022 Li Yang, Yan Xu, Chunfeng Yuan, Wei Liu, Bing Li, Weiming Hu

They base the visual grounding on the features from pre-generated proposals or anchors, and fuse these features with the text embeddings to locate the target mentioned by the text.

Attribute object-detection +2

Can Question Rewriting Help Conversational Question Answering?

1 code implementation insights (ACL) 2022 Etsuko Ishii, Yan Xu, Samuel Cahyawijaya, Bryan Wilie

Question rewriting (QR) is a subtask of conversational question answering (CQA) aiming to ease the challenges of understanding dependencies among dialogue history by reformulating questions in a self-contained form.

Question Rewriting reinforcement-learning +1

Robust Self-Supervised LiDAR Odometry via Representative Structure Discovery and 3D Inherent Error Modeling

1 code implementation27 Feb 2022 Yan Xu, Junyi Lin, Jianping Shi, Guofeng Zhang, Xiaogang Wang, Hongsheng Li

The correct ego-motion estimation basically relies on the understanding of correspondences between adjacent LiDAR scans.

Motion Estimation

Survey of Hallucination in Natural Language Generation

no code implementations8 Feb 2022 Ziwei Ji, Nayeon Lee, Rita Frieske, Tiezheng Yu, Dan Su, Yan Xu, Etsuko Ishii, Yejin Bang, Delong Chen, Ho Shu Chan, Wenliang Dai, Andrea Madotto, Pascale Fung

This advancement has led to more fluent and coherent NLG, leading to improved development in downstream tasks such as abstractive summarization, dialogue generation and data-to-text generation.

Abstractive Text Summarization Data-to-Text Generation +4

Pedestrian Trajectory Prediction via Spatial Interaction Transformer Network

no code implementations13 Dec 2021 Tong Su, Yu Meng, Yan Xu

As a core technology of the autonomous driving system, pedestrian trajectory prediction can significantly enhance the function of active vehicle safety and reduce road traffic injuries.

Autonomous Driving Pedestrian Trajectory Prediction +1

Whole Brain Segmentation with Full Volume Neural Network

1 code implementation29 Oct 2021 Yeshu Li, Jonathan Cui, Yilun Sheng, Xiao Liang, Jingdong Wang, Eric I-Chao Chang, Yan Xu

To address these issues, we propose to adopt a full volume framework, which feeds the full volume brain image into the segmentation network and directly outputs the segmentation result for the whole brain volume.

Brain Segmentation Representation Learning +1

Fair AutoML Through Multi-objective Optimization

no code implementations29 Sep 2021 Steven Gardner, Oleg Golovidov, Joshua Griffin, Patrick Koch, Rui Shi, Brett Wujek, Yan Xu

There has been a recent surge of interest in fairness measurement and bias mitigation in machine learning, given the identification of significant disparities in predictions from models in many domains.

AutoML Fairness

Tracing Halpha Fibrils through Bayesian Deep Learning

no code implementations16 Jul 2021 Haodi Jiang, Ju Jing, Jiasheng Wang, Chang Liu, Qin Li, Yan Xu, Jason T. L. Wang, Haimin Wang

Our method consists of a data pre-processing component that prepares training data from a threshold-based tool, a deep learning model implemented as a Bayesian convolutional neural network for probabilistic image segmentation with uncertainty quantification to predict fibrils, and a post-processing component containing a fibril-fitting algorithm to determine fibril orientations.

Image Segmentation Segmentation +2

CAiRE in DialDoc21: Data Augmentation for Information-Seeking Dialogue System

1 code implementation7 Jun 2021 Etsuko Ishii, Yan Xu, Genta Indra Winata, Zhaojiang Lin, Andrea Madotto, Zihan Liu, Peng Xu, Pascale Fung

Information-seeking dialogue systems, including knowledge identification and response generation, aim to respond to users with fluent, coherent, and informative responses based on users' needs, which.

Data Augmentation Response Generation

VS-Net: Voting with Segmentation for Visual Localization

1 code implementation CVPR 2021 Zhaoyang Huang, Han Zhou, Yijin Li, Bangbang Yang, Yan Xu, Xiaowei Zhou, Hujun Bao, Guofeng Zhang, Hongsheng Li

To address this problem, we propose a novel visual localization framework that establishes 2D-to-3D correspondences between the query image and the 3D map with a series of learnable scene-specific landmarks.

Segmentation Semantic Segmentation +1

Retrieval-Free Knowledge-Grounded Dialogue Response Generation with Adapters

1 code implementation dialdoc (ACL) 2022 Yan Xu, Etsuko Ishii, Samuel Cahyawijaya, Zihan Liu, Genta Indra Winata, Andrea Madotto, Dan Su, Pascale Fung

This paper proposes KnowExpert, a framework to bypass the explicit retrieval process and inject knowledge into the pre-trained language models with lightweight adapters and adapt to the knowledge-grounded dialogue task.

Response Generation Retrieval

PDNet: Toward Better One-Stage Object Detection With Prediction Decoupling

1 code implementation28 Apr 2021 Li Yang, Yan Xu, Shaoru Wang, Chunfeng Yuan, Ziqi Zhang, Bing Li, Weiming Hu

However, the most suitable positions for inferring different targets, i. e., the object category and boundaries, are generally different.

Object object-detection +1

Wide-Baseline Multi-Camera Calibration using Person Re-Identification

no code implementations CVPR 2021 Yan Xu, Yu-Jhe Li, Xinshuo Weng, Kris Kitani

We address the problem of estimating the 3D pose of a network of cameras for large-environment wide-baseline scenarios, e. g., cameras for construction sites, sports stadiums, and public spaces.

Camera Calibration Person Re-Identification

LIFE: Lighting Invariant Flow Estimation

no code implementations7 Apr 2021 Zhaoyang Huang, Xiaokun Pan, Runsen Xu, Yan Xu, Ka Chun Cheung, Guofeng Zhang, Hongsheng Li

However, local image contents are inevitably ambiguous and error-prone during the cross-image feature matching process, which hinders downstream tasks.

Semi-supervised Variational Temporal Convolutional Network for IoT Communication Multi-anomaly Detection

no code implementations5 Apr 2021 Yan Xu, Yongliang Cheng

But these devices are insecure in reality, it means that the communications network are exposed by the attacker.

Anomaly Detection

Large Scale Image Completion via Co-Modulated Generative Adversarial Networks

1 code implementation ICLR 2021 Shengyu Zhao, Jonathan Cui, Yilun Sheng, Yue Dong, Xiao Liang, Eric I Chang, Yan Xu

To overcome this challenge, we propose a generic new approach that bridges the gap between image-conditional and recent modulated unconditional generative architectures via co-modulation of both conditional and stochastic style representations.

Image Inpainting Image-to-Image Translation +1

Exploring the Galactic Anticenter substructure with LAMOST & Gaia DR2

no code implementations7 Jan 2021 Jing Li, Xiang-Xiang Xue, Chao Liu, Bo Zhang, Hans-Walter Rix, Jeffrey L. Carlin, Chengqun Yang, Rene A. Mendez, Jing Zhong, Hao Tian, Lan Zhang, Yan Xu, Yaqian Wu, Gang Zhao, Ruixiang Chang

Their location in [$\alpha$/M] vs. [M/H] space is more metal poor than typical thin disk stars, with [$\alpha$/M] \textbf{lower} than the thick disk.

Astrophysics of Galaxies

Visio-Temporal Attention for Multi-Camera Multi-Target Association

no code implementations ICCV 2021 Yu-Jhe Li, Xinshuo Weng, Yan Xu, Kris M. Kitani

We propose a inter-tracklet (person to person) attention mechanism that learns a representation for a target tracklet while taking into account other tracklets across multiple views.

R-SAC: Reinforcement Sample Consensus

no code implementations CUHK Course IERG5350 2020 Zhaoyang Huang, Yan Xu

In contrast, a model estimated from more observations may be better than from a minimum set.

Multi-hop Question Generation with Graph Convolutional Network

1 code implementation Findings of the Association for Computational Linguistics 2020 Dan Su, Yan Xu, Wenliang Dai, Ziwei Ji, Tiezheng Yu, Pascale Fung

Multi-hop Question Generation (QG) aims to generate answer-related questions by aggregating and reasoning over multiple scattered evidence from different paragraphs.

Question Generation Question-Generation +1

SelfVoxeLO: Self-supervised LiDAR Odometry with Voxel-based Deep Neural Networks

no code implementations19 Oct 2020 Yan Xu, Zhaoyang Huang, Kwan-Yee Lin, Xinge Zhu, Jianping Shi, Hujun Bao, Guofeng Zhang, Hongsheng Li

To suit our network to self-supervised learning, we design several novel loss functions that utilize the inherent properties of LiDAR point clouds.

Self-Supervised Learning

Microscopic fine-grained instance classification through deep attention

no code implementations6 Oct 2020 Mengran Fan, Tapabrata Chakrabort, Eric I-Chao Chang, Yan Xu, Jens Rittscher

Fine-grained classification of microscopic image data with limited samples is an open problem in computer vision and biomedical imaging.

Classification Deep Attention +2

Few-Shot Learning with Intra-Class Knowledge Transfer

no code implementations22 Aug 2020 Vivek Roy, Yan Xu, Yu-Xiong Wang, Kris Kitani, Ruslan Salakhutdinov, Martial Hebert

Recent works have proposed to solve this task by augmenting the training data of the few-shot classes using generative models with the few-shot training samples as the seeds.

Few-Shot Learning Transfer Learning

EDGE COVID-19: A Web Platform to generate submission-ready genomes for SARS-CoV-2 sequencing efforts

1 code implementation15 Jun 2020 Chien-Chi Lo, Migun Shakya, Karen Davenport, Mark Flynn, Adán Myers y Gutiérrez, Bin Hu, Po-E Li, Elais Player Jackson, Yan Xu, Patrick S. G. Chain

Using an intuitive web-based interface, this workflow automates SARS-CoV-2 reference-based genome assembly, variant calling, lineage determination, and provides the ability to submit the consensus sequence and necessary metadata to GenBank or GISAID.

Decision Making

Inferring Vector Magnetic Fields from Stokes Profiles of GST/NIRIS Using a Convolutional Neural Network

no code implementations8 May 2020 Hao Liu, Yan Xu, Jiasheng Wang, Ju Jing, Chang Liu, Jason T. L. Wang, Haimin Wang

By learning the latent patterns in the training data prepared by the physics-based ME tool, the proposed CNN method is able to infer vector magnetic fields from the Stokes profiles of GST/NIRIS.

Solar and Stellar Astrophysics

CAiRE-COVID: A Question Answering and Query-focused Multi-Document Summarization System for COVID-19 Scholarly Information Management

1 code implementation EMNLP (NLP-COVID19) 2020 Dan Su, Yan Xu, Tiezheng Yu, Farhad Bin Siddique, Elham J. Barezi, Pascale Fung

We present CAiRE-COVID, a real-time question answering (QA) and multi-document summarization system, which won one of the 10 tasks in the Kaggle COVID-19 Open Research Dataset Challenge, judged by medical experts.

Document Summarization Information Retrieval +3

A Natural Language Processing Pipeline of Chinese Free-text Radiology Reports for Liver Cancer Diagnosis

no code implementations10 Apr 2020 Honglei Liu, Yan Xu, Zhiqiang Zhang, Ni Wang, Yanqun Huang, Yanjun Hu, Zhenghan Yang, Rui Jiang, Hui Chen

Despite the rapid development of natural language processing (NLP) implementation in electronic medical records (EMRs), Chinese EMRs processing remains challenging due to the limited corpus and specific grammatical characteristics, especially for radiology reports.

Computed Tomography (CT) Coreference Resolution +3

SSN: Shape Signature Networks for Multi-class Object Detection from Point Clouds

1 code implementation6 Apr 2020 Xinge Zhu, Yuexin Ma, Tai Wang, Yan Xu, Jianping Shi, Dahua Lin

Multi-class 3D object detection aims to localize and classify objects of multiple categories from point clouds.

3D Object Detection object-detection

MaskFlownet: Asymmetric Feature Matching with Learnable Occlusion Mask

3 code implementations CVPR 2020 Shengyu Zhao, Yilun Sheng, Yue Dong, Eric I-Chao Chang, Yan Xu

In this paper, we propose an asymmetric occlusion-aware feature matching module, which can learn a rough occlusion mask that filters useless (occluded) areas immediately after feature warping without any explicit supervision.

Optical Flow Estimation

SiamSNN: Siamese Spiking Neural Networks for Energy-Efficient Object Tracking

no code implementations17 Mar 2020 Yihao Luo, Min Xu, Caihong Yuan, Xiang Cao, Liangqi Zhang, Yan Xu, Tianjiang Wang, Qi Feng

Recently spiking neural networks (SNNs), the third-generation of neural networks has shown remarkable capabilities of energy-efficient computing, which is a promising alternative for deep neural networks (DNNs) with high energy consumption.

Image Classification Visual Object Tracking

Estimating 3D Camera Pose from 2D Pedestrian Trajectories

no code implementations12 Dec 2019 Yan Xu, Vivek Roy, Kris Kitani

We propose an alternative strategy for extracting 3D information to solve for camera pose by using pedestrian trajectories.

Pose Estimation

Zero-shot Cross-lingual Dialogue Systems with Transferable Latent Variables

no code implementations IJCNLP 2019 Zihan Liu, Jamin Shin, Yan Xu, Genta Indra Winata, Peng Xu, Andrea Madotto, Pascale Fung

Despite the surging demands for multilingual task-oriented dialog systems (e. g., Alexa, Google Home), there has been less research done in multilingual or cross-lingual scenarios.

Intent Detection Natural Language Understanding +2

Generalizing Question Answering System with Pre-trained Language Model Fine-tuning

no code implementations WS 2019 Dan Su, Yan Xu, Genta Indra Winata, Peng Xu, Hyeondey Kim, Zihan Liu, Pascale Fung

With a large number of datasets being released and new techniques being proposed, Question answering (QA) systems have witnessed great breakthroughs in reading comprehension (RC)tasks.

Language Modelling Multi-Task Learning +2

Depth Completion from Sparse LiDAR Data with Depth-Normal Constraints

no code implementations ICCV 2019 Yan Xu, Xinge Zhu, Jianping Shi, Guofeng Zhang, Hujun Bao, Hongsheng Li

Most of existing methods directly train a network to learn a mapping from sparse depth inputs to dense depth maps, which has difficulties in utilizing the 3D geometric constraints and handling the practical sensor noises.

Autonomous Driving Depth Completion

Incorporating Word and Subword Units in Unsupervised Machine Translation Using Language Model Rescoring

no code implementations WS 2019 Zihan Liu, Yan Xu, Genta Indra Winata, Pascale Fung

This paper describes CAiRE's submission to the unsupervised machine translation track of the WMT'19 news shared task from German to Czech.

Language Modelling NMT +2

Constrained Multi-Objective Optimization for Automated Machine Learning

no code implementations14 Aug 2019 Steven Gardner, Oleg Golovidov, Joshua Griffin, Patrick Koch, Wayne Thompson, Brett Wujek, Yan Xu

In this work, we present a framework called Autotune that effectively handles multiple objectives and constraints that arise in machine learning problems.

BIG-bench Machine Learning Distributed Computing

Recursive Cascaded Networks for Unsupervised Medical Image Registration

5 code implementations ICCV 2019 Shengyu Zhao, Yue Dong, Eric I-Chao Chang, Yan Xu

We present recursive cascaded networks, a general architecture that enables learning deep cascades, for deformable image registration.

Image Registration Medical Image Registration

Exact Adversarial Attack to Image Captioning via Structured Output Learning with Latent Variables

1 code implementation CVPR 2019 Yan Xu, Baoyuan Wu, Fumin Shen, Yanbo Fan, Yong Zhang, Heng Tao Shen, Wei Liu

Due to the sequential dependencies among words in a caption, we formulate the generation of adversarial noises for targeted partial captions as a structured output learning problem with latent variables.

Adversarial Attack Image Captioning

Human-Interactive Subgoal Supervision for Efficient Inverse Reinforcement Learning

no code implementations22 Jun 2018 Xinlei Pan, Eshed Ohn-Bar, Nicholas Rhinehart, Yan Xu, Yilin Shen, Kris M. Kitani

The learning process is interactive, with a human expert first providing input in the form of full demonstrations along with some subgoal states.

reinforcement-learning Reinforcement Learning (RL)

Model-based clustering for identifying disease-associated SNPs in case-control genome-wide association studies

no code implementations21 Jun 2018 Yan Xu, Li Xing, Jessica Su, Xuekui Zhang, Weiliang Qiu

Genome-wide association studies (GWASs) aim to detect genetic risk factors for complex human diseases by identifying disease-associated single-nucleotide polymorphisms (SNPs).

Clustering

MRI Cross-Modality NeuroImage-to-NeuroImage Translation

no code implementations22 Jan 2018 Qianye Yang, Nannan Li, Zixu Zhao, Xingyu Fan, Eric I-Chao Chang, Yan Xu

Based on our proposed framework, we first propose a method for cross-modality registration by fusing the deformation fields to adopt the cross-modality information from translated modalities.

MRI segmentation Segmentation +1

Unsupervised End-to-end Learning for Deformable Medical Image Registration

no code implementations23 Nov 2017 Siyuan Shan, Wen Yan, Xiaoqing Guo, Eric I-Chao Chang, Yubo Fan, Yan Xu

The contributions of our algorithm are threefold: (1) We transplant traditional image registration algorithms to an end-to-end convolutional neural network framework, while maintaining the unsupervised nature of image registration problems.

Deformable Medical Image Registration Image Registration +1

A Good Practice Towards Top Performance of Face Recognition: Transferred Deep Feature Fusion

1 code implementation3 Apr 2017 Lin Xiong, Jayashree Karlekar, Jian Zhao, Yi Cheng, Yan Xu, Jiashi Feng, Sugiri Pranata, ShengMei Shen

In this paper, we propose a unified learning framework named Transferred Deep Feature Fusion (TDFF) targeting at the new IARPA Janus Benchmark A (IJB-A) face recognition dataset released by NIST face challenge.

Face Recognition Transfer Learning

Constrained Deep Weak Supervision for Histopathology Image Segmentation

no code implementations3 Jan 2017 Zhipeng Jia, Xingyi Huang, Eric I-Chao Chang, Yan Xu

(2) We develop a deep week supervision formulation to exploit multi-scale learning under weak supervision within fully convolutional networks.

Image Segmentation Multiple Instance Learning +2

Optimizing Quantiles in Preference-based Markov Decision Processes

no code implementations1 Dec 2016 Hugo Gilbert, Paul Weng, Yan Xu

In the Markov decision process model, policies are usually evaluated by expected cumulative rewards.

Learning Multi-level Features For Sensor-based Human Action Recognition

no code implementations22 Nov 2016 Yan Xu, Zhengyang Shen, Xin Zhang, Yifan Gao, Shujian Deng, Yipei Wang, Yubo Fan, Eric I-Chao Chang

This paper proposes a multi-level feature learning framework for human action recognition using a single body-worn inertial sensor.

Action Recognition Temporal Action Localization

Gland Instance Segmentation Using Deep Multichannel Neural Networks

no code implementations21 Nov 2016 Yan Xu, Yang Li, Yipei Wang, Mingyuan Liu, Yubo Fan, Maode Lai, Eric I-Chao Chang

Methods: We leverage the idea of image-to-image prediction in recent deep learning by designing an algorithm that automatically exploits and fuses complex multichannel information - regional, location, and boundary cues - in gland histology images.

Instance Segmentation Segmentation +1

Compressing Neural Language Models by Sparse Word Representations

1 code implementation ACL 2016 Yunchuan Chen, Lili Mou, Yan Xu, Ge Li, Zhi Jin

Such approaches are time- and memory-intensive because of the large numbers of parameters for word embeddings and the output layer.

Language Modelling Word Embeddings

Gland Instance Segmentation by Deep Multichannel Neural Networks

no code implementations17 Jul 2016 Yan Xu, Yang Li, Mingyuan Liu, Yipei Wang, Yubo Fan, Maode Lai, Eric I-Chao Chang

Here we leverage the idea of image-to-image prediction in recent deep learning by building a framework that automatically exploits and fuses complex multichannel information, regional, location and boundary patterns in gland histology images.

Instance Segmentation Segmentation +1

Gland Instance Segmentation by Deep Multichannel Side Supervision

no code implementations12 Jul 2016 Yan Xu, Yang Li, Mingyuan Liu, Yipei Wang, Maode Lai, Eric I-Chao Chang

In this paper, we propose a new image instance segmentation method that segments individual glands (instances) in colon histology images.

Instance Segmentation Segmentation +1

How Transferable are Neural Networks in NLP Applications?

no code implementations EMNLP 2016 Lili Mou, Zhao Meng, Rui Yan, Ge Li, Yan Xu, Lu Zhang, Zhi Jin

Transfer learning is aimed to make use of valuable knowledge in a source domain to help model performance in a target domain.

Transfer Learning

Improved Relation Classification by Deep Recurrent Neural Networks with Data Augmentation

no code implementations COLING 2016 Yan Xu, Ran Jia, Lili Mou, Ge Li, Yunchuan Chen, Yangyang Lu, Zhi Jin

However, existing neural networks for relation classification are usually of shallow architectures (e. g., one-layer convolutional neural networks or recurrent networks).

Classification Data Augmentation +3

Distilling Word Embeddings: An Encoding Approach

no code implementations15 Jun 2015 Lili Mou, Ran Jia, Yan Xu, Ge Li, Lu Zhang, Zhi Jin

Distilling knowledge from a well-trained cumbersome network to a small one has recently become a new research topic, as lightweight neural networks with high performance are particularly in need in various resource-restricted systems.

Word Embeddings

Building Program Vector Representations for Deep Learning

1 code implementation11 Sep 2014 Lili Mou, Ge Li, Yuxuan Liu, Hao Peng, Zhi Jin, Yan Xu, Lu Zhang

In this pioneering paper, we propose the "coding criterion" to build program vector representations, which are the premise of deep learning for program analysis.

Representation Learning

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