Search Results for author: Yang Gao

Found 235 papers, 98 papers with code

OpenMSD: Towards Multilingual Scientific Documents Similarity Measurement

1 code implementation19 Sep 2023 Yang Gao, Ji Ma, Ivan Korotkov, Keith Hall, Dana Alon, Don Metzler

We propose the first multilingual scientific documents dataset, Open-access Multilingual Scientific Documents (OpenMSD), which has 74M papers in 103 languages and 778M citation pairs.

Mastering Atari Games with Limited Data

3 code implementations NeurIPS 2021 Weirui Ye, Shaohuai Liu, Thanard Kurutach, Pieter Abbeel, Yang Gao

Recently, there has been significant progress in sample efficient image-based RL algorithms; however, consistent human-level performance on the Atari game benchmark remains an elusive goal.

Atari Games Atari Games 100k

LibFewShot: A Comprehensive Library for Few-shot Learning

1 code implementation10 Sep 2021 Wenbin Li, Ziyi, Wang, Xuesong Yang, Chuanqi Dong, Pinzhuo Tian, Tiexin Qin, Jing Huo, Yinghuan Shi, Lei Wang, Yang Gao, Jiebo Luo

Furthermore, based on LibFewShot, we provide comprehensive evaluations on multiple benchmarks with various backbone architectures to evaluate common pitfalls and effects of different training tricks.

Data Augmentation Few-Shot Image Classification +2

ST++: Make Self-training Work Better for Semi-supervised Semantic Segmentation

1 code implementation CVPR 2022 Lihe Yang, Wei Zhuo, Lei Qi, Yinghuan Shi, Yang Gao

In this work, we first construct a strong baseline of self-training (namely ST) for semi-supervised semantic segmentation via injecting strong data augmentations (SDA) on unlabeled images to alleviate overfitting noisy labels as well as decouple similar predictions between the teacher and student.

Semi-Supervised Semantic Segmentation

Compact Bilinear Pooling

6 code implementations CVPR 2016 Yang Gao, Oscar Beijbom, Ning Zhang, Trevor Darrell

Bilinear models has been shown to achieve impressive performance on a wide range of visual tasks, such as semantic segmentation, fine grained recognition and face recognition.

Face Recognition Few-Shot Learning +3

End-to-end Learning of Driving Models from Large-scale Video Datasets

2 code implementations CVPR 2017 Huazhe Xu, Yang Gao, Fisher Yu, Trevor Darrell

Robust perception-action models should be learned from training data with diverse visual appearances and realistic behaviors, yet current approaches to deep visuomotor policy learning have been generally limited to in-situ models learned from a single vehicle or a simulation environment.

Scene Segmentation

NAS-FCOS: Efficient Search for Object Detection Architectures

1 code implementation24 Oct 2021 Ning Wang, Yang Gao, Hao Chen, Peng Wang, Zhi Tian, Chunhua Shen, Yanning Zhang

Neural Architecture Search (NAS) has shown great potential in effectively reducing manual effort in network design by automatically discovering optimal architectures.

Neural Architecture Search Object +2

Revisiting Local Descriptor based Image-to-Class Measure for Few-shot Learning

1 code implementation CVPR 2019 Wenbin Li, Lei Wang, Jinglin Xu, Jing Huo, Yang Gao, Jiebo Luo

Its key difference from the literature is the replacement of the image-level feature based measure in the final layer by a local descriptor based image-to-class measure.

Few-Shot Image Classification Few-Shot Learning +1

GraphNAS: Graph Neural Architecture Search with Reinforcement Learning

1 code implementation22 Apr 2019 Yang Gao, Hong Yang, Peng Zhang, Chuan Zhou, Yue Hu

On node classification tasks, GraphNAS can design a novel network architecture that rivals the best human-invented architecture in terms of test set accuracy.

General Classification Neural Architecture Search +3

Fast Cylinder and Plane Extraction from Depth Cameras for Visual Odometry

2 code implementations6 Mar 2018 Pedro F. Proença, Yang Gao

This paper presents CAPE, a method to extract planes and cylinder segments from organized point clouds, which processes 640x480 depth images on a single CPU core at an average of 300 Hz, by operating on a grid of planar cells.

Visual Odometry

EleGANt: Exquisite and Locally Editable GAN for Makeup Transfer

1 code implementation20 Jul 2022 Chenyu Yang, Wanrong He, Yingqing Xu, Yang Gao

Most existing methods view makeup transfer as transferring color distributions of different facial regions and ignore details such as eye shadows and blushes.

Adapting by Pruning: A Case Study on BERT

1 code implementation7 May 2021 Yang Gao, Nicolo Colombo, Wei Wang

Adapting pre-trained neural models to downstream tasks has become the standard practice for obtaining high-quality models.

MutexMatch: Semi-Supervised Learning with Mutex-Based Consistency Regularization

3 code implementations27 Mar 2022 Yue Duan, Zhen Zhao, Lei Qi, Lei Wang, Luping Zhou, Yinghuan Shi, Yang Gao

The core issue in semi-supervised learning (SSL) lies in how to effectively leverage unlabeled data, whereas most existing methods tend to put a great emphasis on the utilization of high-confidence samples yet seldom fully explore the usage of low-confidence samples.

Semi-Supervised Image Classification

Probabilistic RGB-D Odometry based on Points, Lines and Planes Under Depth Uncertainty

1 code implementation13 Jun 2017 Pedro F. Proenca, Yang Gao

This work proposes a robust visual odometry method for structured environments that combines point features with line and plane segments, extracted through an RGB-D camera.

Visual Odometry

Deep Learning for Spacecraft Pose Estimation from Photorealistic Rendering

1 code implementation9 Jul 2019 Pedro F. Proenca, Yang Gao

On-orbit proximity operations in space rendezvous, docking and debris removal require precise and robust 6D pose estimation under a wide range of lighting conditions and against highly textured background, i. e., the Earth.

6D Pose Estimation 6D Pose Estimation using RGB +1

LoFGAN: Fusing Local Representations for Few-Shot Image Generation

1 code implementation ICCV 2021 Zheng Gu, Wenbin Li, Jing Huo, Lei Wang, Yang Gao

Given only a few available images for a novel unseen category, few-shot image generation aims to generate more data for this category.

Generative Adversarial Network Image Generation

Orthogonal Annotation Benefits Barely-supervised Medical Image Segmentation

1 code implementation CVPR 2023 Heng Cai, Shumeng Li, Lei Qi, Qian Yu, Yinghuan Shi, Yang Gao

Subsequently, by introducing unlabeled volumes, we propose a dual-network paradigm named Dense-Sparse Co-training (DeSCO) that exploits dense pseudo labels in early stage and sparse labels in later stage and meanwhile forces consistent output of two networks.

Image Segmentation Semantic Segmentation +1

Generalized orderless pooling performs implicit salient matching

2 code implementations ICCV 2017 Marcel Simon, Yang Gao, Trevor Darrell, Joachim Denzler, Erik Rodner

In this paper, we generalize average and bilinear pooling to "alpha-pooling", allowing for learning the pooling strategy during training.

Cross-Lingual Abstractive Summarization with Limited Parallel Resources

1 code implementation ACL 2021 Yu Bai, Yang Gao, Heyan Huang

Employing one unified decoder to generate the sequential concatenation of monolingual and cross-lingual summaries, MCLAS makes the monolingual summarization task a prerequisite of the cross-lingual summarization (CLS) task.

Abstractive Text Summarization Cross-Lingual Abstractive Summarization +1

Better Rewards Yield Better Summaries: Learning to Summarise Without References

2 code implementations IJCNLP 2019 Florian Böhm, Yang Gao, Christian M. Meyer, Ori Shapira, Ido Dagan, Iryna Gurevych

Human evaluation experiments show that, compared to the state-of-the-art supervised-learning systems and ROUGE-as-rewards RL summarisation systems, the RL systems using our learned rewards during training generate summarieswith higher human ratings.

Reinforcement Learning (RL)

TCM-SD: A Benchmark for Probing Syndrome Differentiation via Natural Language Processing

1 code implementation CCL 2022 Mucheng Ren, Heyan Huang, Yuxiang Zhou, Qianwen Cao, Yuan Bu, Yang Gao

Therefore, in this paper, we focus on the core task of the TCM diagnosis and treatment system -- syndrome differentiation (SD) -- and we introduce the first public large-scale dataset for SD, called TCM-SD.

Language Modelling

Manifold Alignment for Semantically Aligned Style Transfer

1 code implementation ICCV 2021 Jing Huo, Shiyin Jin, Wenbin Li, Jing Wu, Yu-Kun Lai, Yinghuan Shi, Yang Gao

In this paper, we make a new assumption that image features from the same semantic region form a manifold and an image with multiple semantic regions follows a multi-manifold distribution.

Semantic Segmentation Style Transfer

CariMe: Unpaired Caricature Generation with Multiple Exaggerations

2 code implementations1 Oct 2020 Zheng Gu, Chuanqi Dong, Jing Huo, Wenbin Li, Yang Gao

Previous caricature generation methods are obsessed with predicting definite image warping from a given photo while ignoring the intrinsic representation and distribution for exaggerations in caricatures.

Caricature Image-to-Image Translation

Inconsistency-aware Uncertainty Estimation for Semi-supervised Medical Image Segmentation

1 code implementation17 Oct 2021 Yinghuan Shi, Jian Zhang, Tong Ling, Jiwen Lu, Yefeng Zheng, Qian Yu, Lei Qi, Yang Gao

In semi-supervised medical image segmentation, most previous works draw on the common assumption that higher entropy means higher uncertainty.

Image Segmentation Segmentation +2

DomainAdaptor: A Novel Approach to Test-time Adaptation

1 code implementation ICCV 2023 Jian Zhang, Lei Qi, Yinghuan Shi, Yang Gao

To deal with the domain shift between training and test samples, current methods have primarily focused on learning generalizable features during training and ignore the specificity of unseen samples that are also critical during the test.

Specificity Test-time Adaptation

Mutual Information State Intrinsic Control

2 code implementations ICLR 2021 Rui Zhao, Yang Gao, Pieter Abbeel, Volker Tresp, Wei Xu

Reinforcement learning has been shown to be highly successful at many challenging tasks.

Planning for Sample Efficient Imitation Learning

1 code implementation18 Oct 2022 Zhao-Heng Yin, Weirui Ye, Qifeng Chen, Yang Gao

Inspired by the recent success of EfficientZero in RL, we propose EfficientImitate (EI), a planning-based imitation learning method that can achieve high in-environment sample efficiency and performance simultaneously.

Imitation Learning

xQSM-Quantitative Susceptibility Mapping with Octave Convolutional Neural Networks

1 code implementation14 Apr 2020 Yang Gao, Xuanyu Zhu, Stuart Crozier, Feng Liu, Hongfu Sun

Quantitative susceptibility mapping (QSM) is a valuable magnetic resonance imaging (MRI) contrast mechanism that has demonstrated broad clinical applications.

Image and Video Processing

Accelerating Quantitative Susceptibility Mapping using Compressed Sensing and Deep Neural Network

2 code implementations17 Mar 2021 Yang Gao, Martijn Cloos, Feng Liu, Stuart Crozier, G. Bruce Pike, Hongfu Sun

In this study, a learning-based Deep Complex Residual Network (DCRNet) is proposed to recover both the magnitude and phase images from incoherently undersampled data, enabling high acceleration of QSM acquisition.

SSIM

Instant tissue field and magnetic susceptibility mapping from MR raw phase using Laplacian enabled deep neural networks

2 code implementations15 Nov 2021 Yang Gao, Zhuang Xiong, Amir Fazlollahi, Peter J Nestor, Viktor Vegh, Fatima Nasrallah, Craig Winter, G. Bruce Pike, Stuart Crozier, Feng Liu, Hongfu Sun

In addition, experiments on patients with intracranial hemorrhage and multiple sclerosis were also performed to test the generalization of the novel neural networks.

BFRnet: A deep learning-based MR background field removal method for QSM of the brain containing significant pathological susceptibility sources

1 code implementation6 Apr 2022 Xuanyu Zhu, Yang Gao, Feng Liu, Stuart Crozier, Hongfu Sun

The BFRnet method is compared with three conventional BFR methods and one previous deep learning method using simulated and in vivo brains from 4 healthy and 2 hemorrhagic subjects.

Plug-and-Play Latent Feature Editing for Orientation-Adaptive Quantitative Susceptibility Mapping Neural Networks

1 code implementation14 Nov 2023 Yang Gao, Zhuang Xiong, Shanshan Shan, Yin Liu, Pengfei Rong, Min Li, Alan H Wilman, G. Bruce Pike, Feng Liu, Hongfu Sun

The proposed OA-LFE-empowered iQSM, which we refer to as iQSM+, is trained in a self-supervised manner on a specially-designed simulation brain dataset.

Generalizable Model-agnostic Semantic Segmentation via Target-specific Normalization

1 code implementation27 Mar 2020 Jian Zhang, Lei Qi, Yinghuan Shi, Yang Gao

Semantic segmentation in a supervised learning manner has achieved significant progress in recent years.

Domain Generalization Segmentation +1

Diversity Helps: Unsupervised Few-shot Learning via Distribution Shift-based Data Augmentation

1 code implementation13 Apr 2020 Tiexin Qin, Wenbin Li, Yinghuan Shi, Yang Gao

Importantly, we highlight the value and importance of the distribution diversity in the augmentation-based pretext few-shot tasks, which can effectively alleviate the overfitting problem and make the few-shot model learn more robust feature representations.

Data Augmentation Unsupervised Few-Shot Image Classification +1

Does My Rebuttal Matter? Insights from a Major NLP Conference

1 code implementation NAACL 2019 Yang Gao, Steffen Eger, Ilia Kuznetsov, Iryna Gurevych, Yusuke Miyao

We then focus on the role of the rebuttal phase, and propose a novel task to predict after-rebuttal (i. e., final) scores from initial reviews and author responses.

Maximum Entropy Population-Based Training for Zero-Shot Human-AI Coordination

2 code implementations22 Dec 2021 Rui Zhao, Jinming Song, Yufeng Yuan, Hu Haifeng, Yang Gao, Yi Wu, Zhongqian Sun, Yang Wei

We study the problem of training a Reinforcement Learning (RL) agent that is collaborative with humans without using any human data.

Reinforcement Learning (RL)

Multiple-image encryption and hiding with an optical diffractive neural network

1 code implementation21 Feb 2019 Yang Gao, Shuming Jiao, Juncheng Fang, Ting Lei, Zhenwei Xie, Xiaocong Yuan

In our proposed scheme, multiple input images can be simultaneously fed to an optical diffractive neural network (DNN) system and each corresponding output image will be displayed in a non-overlap sub-region in the output imaging plane.

On the Limitations of Cross-lingual Encoders as Exposed by Reference-Free Machine Translation Evaluation

1 code implementation ACL 2020 Wei Zhao, Goran Glavaš, Maxime Peyrard, Yang Gao, Robert West, Steffen Eger

We systematically investigate a range of metrics based on state-of-the-art cross-lingual semantic representations obtained with pretrained M-BERT and LASER.

Language Modelling Machine Translation +4

Modeling Inter-Class and Intra-Class Constraints in Novel Class Discovery

1 code implementation CVPR 2023 Wenbin Li, Zhichen Fan, Jing Huo, Yang Gao

Specifically, we propose an inter-class sKLD constraint to effectively exploit the disjoint relationship between labelled and unlabelled classes, enforcing the separability for different classes in the embedding space.

Novel Class Discovery

Social-Transmotion: Promptable Human Trajectory Prediction

1 code implementation26 Dec 2023 Saeed Saadatnejad, Yang Gao, Kaouther Messaoud, Alexandre Alahi

Our model exhibits flexibility and adaptability by capturing spatiotemporal interactions between pedestrians based on the available visual cues, whether they are poses, bounding boxes, or a combination thereof.

Autonomous Vehicles Trajectory Prediction

Semantic-Aware Fine-Grained Correspondence

1 code implementation21 Jul 2022 Yingdong Hu, Renhao Wang, Kaifeng Zhang, Yang Gao

Establishing visual correspondence across images is a challenging and essential task.

Pose Tracking Self-Supervised Learning +4

InsertNeRF: Instilling Generalizability into NeRF with HyperNet Modules

1 code implementation26 Aug 2023 Yanqi Bao, Tianyu Ding, Jing Huo, Wenbin Li, Yuxin Li, Yang Gao

By utilizing multiple plug-and-play HyperNet modules, InsertNeRF dynamically tailors NeRF's weights to specific reference scenes, transforming multi-scale sampling-aware features into scene-specific representations.

Distributionally Robust Graph-based Recommendation System

1 code implementation20 Feb 2024 Bohao Wang, Jiawei Chen, Changdong Li, Sheng Zhou, Qihao Shi, Yang Gao, Yan Feng, Chun Chen, Can Wang

DR-GNN addresses two core challenges: 1) To enable DRO to cater to graph data intertwined with GNN, we reinterpret GNN as a graph smoothing regularizer, thereby facilitating the nuanced application of DRO; 2) Given the typically sparse nature of recommendation data, which might impede robust optimization, we introduce slight perturbations in the training distribution to expand its support.

Recommendation Systems

Cross-Domain Adversarial Auto-Encoder

1 code implementation17 Apr 2018 Haodi Hou, Jing Huo, Yang Gao

This makes the proposed framework different from the current work of cross-domain transformation.

Domain Adaptation Image Generation

Entity-Agnostic Representation Learning for Parameter-Efficient Knowledge Graph Embedding

1 code implementation3 Feb 2023 Mingyang Chen, Wen Zhang, Zhen Yao, Yushan Zhu, Yang Gao, Jeff Z. Pan, Huajun Chen

In our proposed model, Entity-Agnostic Representation Learning (EARL), we only learn the embeddings for a small set of entities and refer to them as reserved entities.

Entity Embeddings Knowledge Graph Embedding +3

The Eval4NLP 2023 Shared Task on Prompting Large Language Models as Explainable Metrics

1 code implementation30 Oct 2023 Christoph Leiter, Juri Opitz, Daniel Deutsch, Yang Gao, Rotem Dror, Steffen Eger

Specifically, we propose a novel competition setting in which we select a list of allowed LLMs and disallow fine-tuning to ensure a focus on prompting.

Machine Translation Text Generation

Towards Explainable Evaluation Metrics for Natural Language Generation

1 code implementation21 Mar 2022 Christoph Leiter, Piyawat Lertvittayakumjorn, Marina Fomicheva, Wei Zhao, Yang Gao, Steffen Eger

We also provide a synthesizing overview over recent approaches for explainable machine translation metrics and discuss how they relate to those goals and properties.

Machine Translation Text Generation +2

Where and How: Mitigating Confusion in Neural Radiance Fields from Sparse Inputs

1 code implementation5 Aug 2023 Yanqi Bao, Yuxin Li, Jing Huo, Tianyu Ding, Xinyue Liang, Wenbin Li, Yang Gao

Neural Radiance Fields from Sparse input} (NeRF-S) have shown great potential in synthesizing novel views with a limited number of observed viewpoints.

Attribute

3D Medical Image Segmentation with Sparse Annotation via Cross-Teaching between 3D and 2D Networks

1 code implementation30 Jul 2023 Heng Cai, Lei Qi, Qian Yu, Yinghuan Shi, Yang Gao

Our experimental results on the MMWHS dataset demonstrate that our method outperforms the state-of-the-art (SOTA) semi-supervised segmentation methods.

Image Segmentation Medical Image Segmentation +3

Crosslink-Net: Double-branch Encoder Segmentation Network via Fusing Vertical and Horizontal Convolutions

1 code implementation24 Jul 2021 Qian Yu, Lei Qi, Luping Zhou, Lei Wang, Yilong Yin, Yinghuan Shi, Wuzhang Wang, Yang Gao

Together, the above two schemes give rise to a novel double-branch encoder segmentation framework for medical image segmentation, namely Crosslink-Net.

Image Segmentation Medical Image Segmentation +2

An Empirical Study on Disentanglement of Negative-free Contrastive Learning

1 code implementation9 Jun 2022 Jinkun Cao, Ruiqian Nai, Qing Yang, Jialei Huang, Yang Gao

In this paper, we examine negative-free contrastive learning methods to study the disentanglement property empirically.

Contrastive Learning Disentanglement

Decision Transformer under Random Frame Dropping

1 code implementation3 Mar 2023 Kaizhe Hu, Ray Chen Zheng, Yang Gao, Huazhe Xu

Typical RL methods usually require considerable online interaction data that are costly and unsafe to collect in the real world.

Offline RL

Unifying Cross-lingual Summarization and Machine Translation with Compression Rate

1 code implementation15 Oct 2021 Yu Bai, Heyan Huang, Kai Fan, Yang Gao, Yiming Zhu, Jiaao Zhan, Zewen Chi, Boxing Chen

Through introducing compression rate, the information ratio between the source and the target text, we regard the MT task as a special CLS task with a compression rate of 100%.

Data Augmentation Machine Translation +1

MVDG: A Unified Multi-view Framework for Domain Generalization

1 code implementation23 Dec 2021 Jian Zhang, Lei Qi, Yinghuan Shi, Yang Gao

Beyond the training stage, overfitting could also cause unstable prediction in the test stage.

Domain Generalization Meta-Learning

JRDB-Traj: A Dataset and Benchmark for Trajectory Forecasting in Crowds

1 code implementation5 Nov 2023 Saeed Saadatnejad, Yang Gao, Hamid Rezatofighi, Alexandre Alahi

To address this, we introduce a novel dataset for end-to-end trajectory forecasting, facilitating the evaluation of models in scenarios involving less-than-ideal preceding modules such as tracking.

Autonomous Navigation Benchmarking +1

Reward Learning for Efficient Reinforcement Learning in Extractive Document Summarisation

1 code implementation30 Jul 2019 Yang Gao, Christian M. Meyer, Mohsen Mesgar, Iryna Gurevych

The predominant RL paradigm for summarisation learns a cross-input policy, which requires considerable time, data and parameter tuning due to the huge search spaces and the delayed rewards.

Decision Making Learning-To-Rank +2

Automatic Data Augmentation by Learning the Deterministic Policy

1 code implementation18 Oct 2019 Yinghuan Shi, Tiexin Qin, Yong liu, Jiwen Lu, Yang Gao, Dinggang Shen

By introducing an unified optimization goal, DeepAugNet intends to combine the data augmentation and the deep model training in an end-to-end training manner which is realized by simultaneously training a hybrid architecture of dueling deep Q-learning algorithm and a surrogate deep model.

Data Augmentation Q-Learning

Defensive Few-shot Learning

1 code implementation16 Nov 2019 Wenbin Li, Lei Wang, Xingxing Zhang, Lei Qi, Jing Huo, Yang Gao, Jiebo Luo

(2) how to narrow the distribution gap between clean and adversarial examples under the few-shot setting?

Adversarial Defense Few-Shot Learning

Cross-Modality Brain Tumor Segmentation via Bidirectional Global-to-Local Unsupervised Domain Adaptation

1 code implementation17 May 2021 Kelei He, Wen Ji, Tao Zhou, Zhuoyuan Li, Jing Huo, Xin Zhang, Yang Gao, Dinggang Shen, Bing Zhang, Junfeng Zhang

Specifically, a bidirectional image synthesis and segmentation module is proposed to segment the brain tumor using the intermediate data distributions generated for the two domains, which includes an image-to-image translator and a shared-weighted segmentation network.

Brain Tumor Segmentation Image Generation +3

PLN: Parasitic-Like Network for Barely Supervised Medical Image Segmentation

1 code implementation IEEE Transactions on Medical Imaging 2022 Shumeng Li, Heng Cai; Lei Qi, Qian Yu, Yinghuan Shi, Yang Gao

In this paper, by introducing an extremely sparse annotation way of labeling only one slice per 3D image, we investigate a novel barely-supervised segmentation setting with only a few sparsely-labeled images along with a large amount of unlabeled images.

Image Segmentation Medical Image Segmentation +2

Interactive Text Ranking with Bayesian Optimisation: A Case Study on Community QA and Summarisation

1 code implementation22 Nov 2019 Edwin Simpson, Yang Gao, Iryna Gurevych

For many NLP applications, such as question answering and summarisation, the goal is to select the best solution from a large space of candidates to meet a particular user's needs.

Bayesian Optimisation Community Question Answering +1

Deep Learning Traversability Estimator for Mobile Robots in Unstructured Environments

1 code implementation23 May 2021 Marco Visca, Sampo Kuutti, Roger Powell, Yang Gao, Saber Fallah

Terrain traversability analysis plays a major role in ensuring safe robotic navigation in unstructured environments.

PLACE dropout: A Progressive Layer-wise and Channel-wise Dropout for Domain Generalization

1 code implementation7 Dec 2021 Jintao Guo, Lei Qi, Yinghuan Shi, Yang Gao

Particularly, the proposed method can generate a variety of data variants to better deal with the overfitting issue.

Domain Generalization

CYBORGS: Contrastively Bootstrapping Object Representations by Grounding in Segmentation

1 code implementation17 Mar 2022 Renhao Wang, Hang Zhao, Yang Gao

Many recent approaches in contrastive learning have worked to close the gap between pretraining on iconic images like ImageNet and pretraining on complex scenes like COCO.

Contrastive Learning Object +1

Preference-based Interactive Multi-Document Summarisation

1 code implementation7 Jun 2019 Yang Gao, Christian M. Meyer, Iryna Gurevych

Interactive NLP is a promising paradigm to close the gap between automatic NLP systems and the human upper bound.

Active Learning reinforcement-learning +1

Trip-ROMA: Self-Supervised Learning with Triplets and Random Mappings

1 code implementation22 Jul 2021 Wenbin Li, Xuesong Yang, Meihao Kong, Lei Wang, Jing Huo, Yang Gao, Jiebo Luo

However, in small data regimes, we can not obtain a sufficient number of negative pairs or effectively avoid the over-fitting problem when negatives are not used at all.

Representation Learning Self-Supervised Learning +1

Heterogeneous Graph Neural Architecture Search with GPT-4

1 code implementation14 Dec 2023 Haoyuan Dong, Yang Gao, Haishuai Wang, Hong Yang, Peng Zhang

The basic idea of GHGNAS is to design a set of prompts that can guide GPT-4 toward the task of generating new heterogeneous graph neural architectures.

Neural Architecture Search

Concatenate, Fine-tuning, Re-training: A SAM-enabled Framework for Semi-supervised 3D Medical Image Segmentation

1 code implementation17 Mar 2024 Shumeng Li, Lei Qi, Qian Yu, Jing Huo, Yinghuan Shi, Yang Gao

Segment Anything Model (SAM) fine-tuning has shown remarkable performance in medical image segmentation in a fully supervised manner, but requires precise annotations.

Image Segmentation Segmentation +2

A Multilayer Framework for Online Metric Learning

1 code implementation15 May 2018 Wenbin Li, Yanfang Liu, Jing Huo, Yinghuan Shi, Yang Gao, Lei Wang, Jiebo Luo

Furthermore, in a progressively and nonlinearly learning way, MLOML has a stronger learning ability than traditional online metric learning in the case of limited available training data.

Metric Learning

Joint RNN Model for Argument Component Boundary Detection

1 code implementation5 May 2017 Minglan Li, Yang Gao, Hui Wen, Yang Du, Haijing Liu, Hao Wang

Argument Component Boundary Detection (ACBD) is an important sub-task in argumentation mining; it aims at identifying the word sequences that constitute argument components, and is usually considered as the first sub-task in the argumentation mining pipeline.

Boundary Detection Feature Engineering +1

Zero-shot Policy Learning with Spatial Temporal RewardDecomposition on Contingency-aware Observation

1 code implementation17 Oct 2019 Huazhe Xu, Boyuan Chen, Yang Gao, Trevor Darrell

The agent is first presented with previous experiences in the training environment, along with task description in the form of trajectory-level sparse rewards.

Continuous Control Model Predictive Control +2

DePA: Improving Non-autoregressive Machine Translation with Dependency-Aware Decoder

1 code implementation30 Mar 2022 Jiaao Zhan, Qian Chen, Boxing Chen, Wen Wang, Yu Bai, Yang Gao

We propose a novel and general Dependency-Aware Decoder (DePA) to enhance target dependency modeling in the decoder of fully NAT models from two perspectives: decoder self-attention and decoder input.

Machine Translation Translation

PG-LBO: Enhancing High-Dimensional Bayesian Optimization with Pseudo-Label and Gaussian Process Guidance

1 code implementation28 Dec 2023 Taicai Chen, Yue Duan, Dong Li, Lei Qi, Yinghuan Shi, Yang Gao

Based on this technique, we assign appropriate training weights to unlabeled data to enhance the construction of a discriminative latent space.

Bayesian Optimization Pseudo Label

Learning Generalizable Models via Disentangling Spurious and Enhancing Potential Correlations

1 code implementation11 Jan 2024 Na Wang, Lei Qi, Jintao Guo, Yinghuan Shi, Yang Gao

2) From the feature perspective, the simple Tail Interaction module implicitly enhances potential correlations among all samples from all source domains, facilitating the acquisition of domain-invariant representations across multiple domains for the model.

Data Augmentation Domain Generalization

Design of optimal illumination patterns in single-pixel imaging using image dictionaries

no code implementations4 Jun 2018 Jun Feng, Shuming Jiao, Yang Gao, Ting Lei, Xiaocong Yuan

Single-pixel imaging (SPI) has a major drawback that many sequential illuminations are required for capturing one single image with long acquisition time.

Crossbar-Net: A Novel Convolutional Network for Kidney Tumor Segmentation in CT Images

no code implementations27 Apr 2018 Qian Yu, Yinghuan Shi, Jinquan Sun, Yang Gao, Yakang Dai, Jianbing Zhu

Due to the irregular motion, similar appearance and diverse shape, accurate segmentation of kidney tumor in CT images is a difficult and challenging task.

Cardiac Segmentation Segmentation +1

MaskReID: A Mask Based Deep Ranking Neural Network for Person Re-identification

no code implementations11 Apr 2018 Lei Qi, Jing Huo, Lei Wang, Yinghuan Shi, Yang Gao

Lastly, considering person retrieval is a special image retrieval task, we propose a novel ranking loss to optimize the whole network.

Image Retrieval Person Re-Identification +2

A Labelling Framework for Probabilistic Argumentation

no code implementations1 Aug 2017 Regis Riveret, Pietro Baroni, Yang Gao, Guido Governatori, Antonino Rotolo, Giovanni Sartor

The combination of argumentation and probability paves the way to new accounts of qualitative and quantitative uncertainty, thereby offering new theoretical and applicative opportunities.

Abstract Argumentation

Scale Optimization for Full-Image-CNN Vehicle Detection

no code implementations20 Feb 2018 Yang Gao, Shouyan Guo, Kaimin Huang, Jiaxin Chen, Qian Gong, Yang Zou, Tong Bai, Gary Overett

By selecting better scales in the region proposal input and by combining feature maps through careful design of the convolutional neural network, we improve performance on smaller objects.

Object object-detection +2

Reinforcement Learning from Imperfect Demonstrations

no code implementations ICLR 2018 Yang Gao, Huazhe Xu, Ji Lin, Fisher Yu, Sergey Levine, Trevor Darrell

We propose a unified reinforcement learning algorithm, Normalized Actor-Critic (NAC), that effectively normalizes the Q-function, reducing the Q-values of actions unseen in the demonstration data.

reinforcement-learning Reinforcement Learning (RL)

Speaker identification from the sound of the human breath

no code implementations1 Dec 2017 Wenbo Zhao, Yang Gao, Rita Singh

The goal of this paper is to demonstrate that breath sounds are indeed bio-signatures that can be used to identify speakers.

Speaker Identification Speaker Recognition

SPLODE: Semi-Probabilistic Point and Line Odometry with Depth Estimation from RGB-D Camera Motion

no code implementations9 Aug 2017 Pedro F. Proença, Yang Gao

To address this issue, this paper presents a visual odometry method based on point and line features that leverages both measurements from a depth sensor and depth estimates from camera motion.

Depth Estimation Motion Estimation +1

Probabilistic Combination of Noisy Points and Planes for RGB-D Odometry

no code implementations18 May 2017 Pedro F. Proença, Yang Gao

This work proposes a visual odometry method that combines points and plane primitives, extracted from a noisy depth camera.

Motion Estimation Visual Odometry

Crowdsourcing Argumentation Structures in Chinese Hotel Reviews

no code implementations5 May 2017 Mengxue Li, Shiqiang Geng, Yang Gao, Haijing Liu, Hao Wang

Argumentation mining aims at automatically extracting the premises-claim discourse structures in natural language texts.

WebCaricature: a benchmark for caricature recognition

no code implementations9 Mar 2017 Jing Huo, Wenbin Li, Yinghuan Shi, Yang Gao, Hujun Yin

In this paper, a new caricature dataset is built, with the objective to facilitate research in caricature recognition.

Caricature Face Recognition

OPML: A One-Pass Closed-Form Solution for Online Metric Learning

no code implementations29 Sep 2016 Wenbin Li, Yang Gao, Lei Wang, Luping Zhou, Jing Huo, Yinghuan Shi

To achieve a low computational cost when performing online metric learning for large-scale data, we present a one-pass closed-form solution namely OPML in this paper.

Event Detection Face Verification +1

Deep Learning for Tactile Understanding From Visual and Haptic Data

no code implementations19 Nov 2015 Yang Gao, Lisa Anne Hendricks, Katherine J. Kuchenbecker, Trevor Darrell

Robots which interact with the physical world will benefit from a fine-grained tactile understanding of objects and surfaces.

Streaming Gibbs Sampling for LDA Model

no code implementations6 Jan 2016 Yang Gao, Jianfei Chen, Jun Zhu

Streaming variational Bayes (SVB) is successful in learning LDA models in an online manner.

Fine-grained pose prediction, normalization, and recognition

no code implementations22 Nov 2015 Ning Zhang, Evan Shelhamer, Yang Gao, Trevor Darrell

Pose variation and subtle differences in appearance are key challenges to fine-grained classification.

General Classification Pose Prediction

Towards Big Topic Modeling

no code implementations17 Nov 2013 Jian-Feng Yan, Jia Zeng, Zhi-Qiang Liu, Yang Gao

Although parallel LDA algorithms on the multi-processor architecture have low time and space complexities, their communication costs among processors often scale linearly with the vocabulary size and the number of topics, leading to a serious scalability problem.

Voice Impersonation using Generative Adversarial Networks

no code implementations19 Feb 2018 Yang Gao, Rita Singh, Bhiksha Raj

In voice impersonation, the resultant voice must convincingly convey the impression of having been naturally produced by the target speaker, mimicking not only the pitch and other perceivable signal qualities, but also the style of the target speaker.

Sound Audio and Speech Processing

CariGAN: Caricature Generation through Weakly Paired Adversarial Learning

no code implementations1 Nov 2018 Wenbin Li, Wei Xiong, Haofu Liao, Jing Huo, Yang Gao, Jiebo Luo

Furthermore, an attention mechanism is introduced to encourage our model to focus on the key facial parts so that more vivid details in these regions can be generated.

Caricature

Prostate Segmentation in CT Images via Spatial-Constrained Transductive Lasso

no code implementations CVPR 2013 Yinghuan Shi, Shu Liao, Yaozong Gao, Daoqiang Zhang, Yang Gao, Dinggang Shen

Specifically, to segment the prostate in the current treatment image, the physician first takes a few seconds to manually specify the first and last slices of the prostate in the image space.

Segmentation

Joint Coupled-Feature Representation and Coupled Boosting for AD Diagnosis

no code implementations CVPR 2014 Yinghuan Shi, Heung-Il Suk, Yang Gao, Dinggang Shen

Therefore, it is natural to hypothesize that the low-level features extracted from neuroimaging data are related to each other in some ways.

Revisiting Metric Learning for SPD Matrix Based Visual Representation

no code implementations CVPR 2017 Luping Zhou, Lei Wang, Jianjia Zhang, Yinghuan Shi, Yang Gao

The proposed method has been tested on multiple SPD-based visual representation data sets used in the literature, and the results demonstrate its interesting properties and attractive performance.

Metric Learning

Hierarchical Routing Mixture of Experts

no code implementations18 Mar 2019 Wenbo Zhao, Yang Gao, Shahan Ali Memon, Bhiksha Raj, Rita Singh

Addressing these problems, we propose a binary tree-structured hierarchical routing mixture of experts (HRME) model that has classifiers as non-leaf node experts and simple regression models as leaf node experts.

regression

Risk Averse Robust Adversarial Reinforcement Learning

no code implementations31 Mar 2019 Xinlei Pan, Daniel Seita, Yang Gao, John Canny

In this paper we introduce risk-averse robust adversarial reinforcement learning (RARARL), using a risk-averse protagonist and a risk-seeking adversary.

reinforcement-learning Reinforcement Learning (RL)

A Novel Unsupervised Camera-aware Domain Adaptation Framework for Person Re-identification

no code implementations ICCV 2019 Lei Qi, Lei Wang, Jing Huo, Luping Zhou, Yinghuan Shi, Yang Gao

For the first issue, we highlight the presence of camera-level sub-domains as a unique characteristic of person Re-ID, and develop camera-aware domain adaptation to reduce the discrepancy not only between source and target domains but also across these sub-domains.

Person Re-Identification Representation Learning +1

Optical machine learning with incoherent light and a single-pixel detector

no code implementations24 Apr 2019 Shuming Jiao, Jun Feng, Yang Gao, Ting Lei, Zhenwei Xie, Xiaocong Yuan

Like an optical computer, the system can perform machine learning tasks such as number digit recognition in an all-optical manner.

BIG-bench Machine Learning

Known-plaintext attack and ciphertext-only attack for encrypted single-pixel imaging

no code implementations31 May 2019 Shuming Jiao, Yang Gao, Ting Lei, Zhenwei Xie, Xiaocong Yuan

In many previous works, a single-pixel imaging (SPI) system is constructed as an optical image encryption system.

Cryptanalysis

Adversarial Camera Alignment Network for Unsupervised Cross-camera Person Re-identification

no code implementations2 Aug 2019 Lei Qi, Lei Wang, Jing Huo, Yinghuan Shi, Xin Geng, Yang Gao

To achieve the camera alignment, we develop a Multi-Camera Adversarial Learning (MCAL) to map images of different cameras into a shared subspace.

Person Re-Identification

GreyReID: A Two-stream Deep Framework with RGB-grey Information for Person Re-identification

no code implementations14 Aug 2019 Lei Qi, Lei Wang, Jing Huo, Yinghuan Shi, Yang Gao

Moreover, in the training process, we adopt the joint learning scheme to simultaneously train each branch by the independent loss function, which can enhance the generalization ability of each branch.

Person Re-Identification

Progressive Cross-camera Soft-label Learning for Semi-supervised Person Re-identification

no code implementations15 Aug 2019 Lei Qi, Lei Wang, Jing Huo, Yinghuan Shi, Yang Gao

In this paper, we focus on the semi-supervised person re-identification (Re-ID) case, which only has the intra-camera (within-camera) labels but not inter-camera (cross-camera) labels.

Semi-Supervised Person Re-Identification

From Few to More: Large-scale Dynamic Multiagent Curriculum Learning

no code implementations6 Sep 2019 Weixun Wang, Tianpei Yang, Yong liu, Jianye Hao, Xiaotian Hao, Yujing Hu, Yingfeng Chen, Changjie Fan, Yang Gao

In this paper, we design a novel Dynamic Multiagent Curriculum Learning (DyMA-CL) to solve large-scale problems by starting from learning on a multiagent scenario with a small size and progressively increasing the number of agents.

Does deep learning always outperform simple linear regression in optical imaging?

no code implementations31 Oct 2019 Shuming Jiao, Yang Gao, Jun Feng, Ting Lei, Xiaocong Yuan

Despite the success, the limitations and drawbacks of deep learning in optical imaging have been seldom investigated.

regression

Visual cryptography in single-pixel imaging

no code implementations12 Nov 2019 Shuming Jiao, Jun Feng, Yang Gao, Ting Lei, Xiaocong Yuan

The secret image can be recovered when identical illumination patterns are projected onto multiple visual key images and a single detector is used to record the total light intensities.

Multi-Agent Game Abstraction via Graph Attention Neural Network

no code implementations25 Nov 2019 Yong Liu, Weixun Wang, Yujing Hu, Jianye Hao, Xingguo Chen, Yang Gao

Traditional methods attempt to use pre-defined rules to capture the interaction relationship between agents.

Graph Attention Multi-agent Reinforcement Learning

Differentiable Meta-learning Model for Few-shot Semantic Segmentation

no code implementations23 Nov 2019 Pinzhuo Tian, Zhangkai Wu, Lei Qi, Lei Wang, Yinghuan Shi, Yang Gao

To address the annotation scarcity issue in some cases of semantic segmentation, there have been a few attempts to develop the segmentation model in the few-shot learning paradigm.

Few-Shot Semantic Segmentation Object +2

MW-GAN: Multi-Warping GAN for Caricature Generation with Multi-Style Geometric Exaggeration

no code implementations7 Jan 2020 Haodi Hou, Jing Huo, Jing Wu, Yu-Kun Lai, Yang Gao

Given an input face photo, the goal of caricature generation is to produce stylized, exaggerated caricatures that share the same identity as the photo.

Caricature Style Transfer

Asymmetric Distribution Measure for Few-shot Learning

no code implementations1 Feb 2020 Wenbin Li, Lei Wang, Jing Huo, Yinghuan Shi, Yang Gao, Jiebo Luo

Given the natural asymmetric relation between a query image and a support class, we argue that an asymmetric measure is more suitable for metric-based few-shot learning.

Few-Shot Image Classification Few-Shot Learning

Automatic Data Augmentation via Deep Reinforcement Learning for Effective Kidney Tumor Segmentation

no code implementations22 Feb 2020 Tiexin Qin, Ziyuan Wang, Kelei He, Yinghuan Shi, Yang Gao, Dinggang Shen

Conventional data augmentation realized by performing simple pre-processing operations (\eg, rotation, crop, \etc) has been validated for its advantage in enhancing the performance for medical image segmentation.

Data Augmentation Image Segmentation +5

Deep Learning on Knowledge Graph for Recommender System: A Survey

no code implementations25 Mar 2020 Yang Gao, Yi-Fan Li, Yu Lin, Hang Gao, Latifur Khan

Recent advances in research have demonstrated the effectiveness of knowledge graphs (KG) in providing valuable external knowledge to improve recommendation systems (RS).

Graph Embedding Knowledge Graphs +1

Crossover-Net: Leveraging the Vertical-Horizontal Crossover Relation for Robust Segmentation

no code implementations3 Apr 2020 Qian Yu, Yinghuan Shi, Yefeng Zheng, Yang Gao, Jianbing Zhu, Yakang Dai

Robust segmentation for non-elongated tissues in medical images is hard to realize due to the large variation of the shape, size, and appearance of these tissues in different patients.

Relation Segmentation

Synergistic Learning of Lung Lobe Segmentation and Hierarchical Multi-Instance Classification for Automated Severity Assessment of COVID-19 in CT Images

no code implementations8 May 2020 Kelei He, Wei Zhao, Xingzhi Xie, Wen Ji, Mingxia Liu, Zhenyu Tang, Feng Shi, Yang Gao, Jun Liu, Junfeng Zhang, Dinggang Shen

Considering that only a few infection regions in a CT image are related to the severity assessment, we first represent each input image by a bag that contains a set of 2D image patches (with each cropped from a specific slice).

Segmentation

MetricUNet: Synergistic Image- and Voxel-Level Learning for Precise CT Prostate Segmentation via Online Sampling

no code implementations15 May 2020 Kelei He, Chunfeng Lian, Ehsan Adeli, Jing Huo, Yang Gao, Bing Zhang, Junfeng Zhang, Dinggang Shen

Therefore, the proposed network has a dual-branch architecture that tackles two tasks: 1) a segmentation sub-network aiming to generate the prostate segmentation, and 2) a voxel-metric learning sub-network aiming to improve the quality of the learned feature space supervised by a metric loss.

Metric Learning Multi-Task Learning +2

HF-UNet: Learning Hierarchically Inter-Task Relevance in Multi-Task U-Net for Accurate Prostate Segmentation

no code implementations21 May 2020 Kelei He, Chunfeng Lian, Bing Zhang, Xin Zhang, Xiaohuan Cao, Dong Nie, Yang Gao, Junfeng Zhang, Dinggang Shen

In this paper, we tackle the challenging task of prostate segmentation in CT images by a two-stage network with 1) the first stage to fast localize, and 2) the second stage to accurately segment the prostate.

Multi-Task Learning Segmentation

Learning-based Computer-aided Prescription Model for Parkinson's Disease: A Data-driven Perspective

no code implementations31 Jul 2020 Yinghuan Shi, Wanqi Yang, Kim-Han Thung, Hao Wang, Yang Gao, Yang Pan, Li Zhang, Dinggang Shen

Then, we build a novel computer-aided prescription model by learning the relation between observed symptoms and prescription drug.

ePointDA: An End-to-End Simulation-to-Real Domain Adaptation Framework for LiDAR Point Cloud Segmentation

no code implementations7 Sep 2020 Sicheng Zhao, Yezhen Wang, Bo Li, Bichen Wu, Yang Gao, Pengfei Xu, Trevor Darrell, Kurt Keutzer

They require prior knowledge of real-world statistics and ignore the pixel-level dropout noise gap and the spatial feature gap between different domains.

Autonomous Driving Domain Adaptation +3

Disentangling Neural Architectures and Weights: A Case Study in Supervised Classification

no code implementations11 Sep 2020 Nicolo Colombo, Yang Gao

To find the optimal weight-agnostic network, we use a novel and computationally efficient method that translates the hard architecture-search problem into a feasible optimization problem. More specifically, we look at the optimal task-specific architectures as the optimal configuration of binary networks with {0, 1}-valued weights, which can be found through an approximate gradient descent strategy.

General Classification

Discrete Predictive Representation for Long-horizon Planning

no code implementations1 Jan 2021 Thanard Kurutach, Julia Peng, Yang Gao, Stuart Russell, Pieter Abbeel

Discrete representations have been key in enabling robots to plan at more abstract levels and solve temporally-extended tasks more efficiently for decades.

Object Reinforcement Learning (RL)

Thinkey: A Scalable Blockchain Architecture

no code implementations9 Apr 2019 Shan Chen, Weiguo Dai, Yuanxi Dai, Hao Fu, Yang Gao, Jianqi Guo, Haoqing He, Yuhong Liu

This paper presents Thinkey, an efficient, secure, infinitely scalable and decentralized blockchain architecture.

Cryptography and Security

Maximizing absorption in photon trapping ultra-fast silicon photodetectors

no code implementations22 Dec 2020 Cesar Bartolo-Perez, Wayesh Qarony, Soroush Ghandiparsi, Ahmed S. Mayet, Ahasan Ahamed, Hilal Cansizoglu, Yang Gao, Ekaterina Ponizovskaya Devine, Toshishige Yamada, Aly F Elrefaie, Shih-Yuan Wang, M. Saif Islam

Photon trapping structures address this trade-off by enhancing the light-matter interactions, but maximizing their performance remains a challenge due to a multitude of factors influencing their design and fabrication.

Optics Applied Physics

Deep Symmetric Adaptation Network for Cross-modality Medical Image Segmentation

no code implementations18 Jan 2021 Xiaoting Han, Lei Qi, Qian Yu, Ziqi Zhou, Yefeng Zheng, Yinghuan Shi, Yang Gao

These typical methods usually utilize a translation network to transform images from the source domain to target domain or train the pixel-level classifier merely using translated source images and original target images.

Image Segmentation Medical Image Segmentation +4

Improving Context-Based Meta-Reinforcement Learning with Self-Supervised Trajectory Contrastive Learning

no code implementations10 Mar 2021 Bernie Wang, Simon Xu, Kurt Keutzer, Yang Gao, Bichen Wu

To address this, we propose a novel self-supervised learning task, which we named Trajectory Contrastive Learning (TCL), to improve meta-training.

Contrastive Learning Meta Reinforcement Learning +3

Phylogenetic Study of 2019-nCoV by Using Alignment Free Method (Evolutionary Bifurcation of Novel Coronavirus Mutants)

no code implementations3 Mar 2020 Yang Gao, Tao Li, Liaofu Luo

It is found that there exist three types of virus mutations, namely, the mutation among sub-branches of the same branch, the off-root mutation and the root-oriented mutation between large branches of the tree.

Towards Self-Adaptive Metric Learning On the Fly

no code implementations3 Apr 2021 Yang Gao, Yi-Fan Li, Swarup Chandra, Latifur Khan, Bhavani Thuraisingham

In this paper, we present a new online metric learning framework that attempts to tackle the challenge by learning an ANN-based metric with adaptive model complexity from a stream of constraints.

Image Classification Image Retrieval +2

Conv1D Energy-Aware Path Planner for Mobile Robots in Unstructured Environments

no code implementations4 Apr 2021 Marco Visca, Arthur Bouton, Roger Powell, Yang Gao, Saber Fallah

Driving energy consumption plays a major role in the navigation of mobile robots in challenging environments, especially if they are left to operate unattended under limited on-board power.

Self-Supervised Learning

SetConv: A New Approach for Learning from Imbalanced Data

no code implementations EMNLP 2020 Yang Gao, Yi-Fan Li, Yu Lin, Charu Aggarwal, Latifur Khan

For many real-world classification problems, e. g., sentiment classification, most existing machine learning methods are biased towards the majority class when the Imbalance Ratio (IR) is high.

BIG-bench Machine Learning Classification +3

CAT: Cross-Attention Transformer for One-Shot Object Detection

no code implementations30 Apr 2021 Weidong Lin, Yuyan Deng, Yang Gao, Ning Wang, Jinghao Zhou, Lingqiao Liu, Lei Zhang, Peng Wang

Given a query patch from a novel class, one-shot object detection aims to detect all instances of that class in a target image through the semantic similarity comparison.

Object object-detection +3

Deep grey matter quantitative susceptibility mapping from small spatial coverages using deep learning

no code implementations1 Jun 2021 Xuanyu Zhu, Yang Gao, Feng Liu, Stuart Crozier, Hongfu Sun

Method: A recently proposed deep learning-based QSM method, namely xQSM, is investigated to assess the accuracy of dipole inversion on reduced brain coverages.

Prediction or Comparison: Toward Interpretable Qualitative Reasoning

no code implementations Findings (ACL) 2021 Mucheng Ren, Heyan Huang, Yang Gao

Qualitative relationships illustrate how changing one property (e. g., moving velocity) affects another (e. g., kinetic energy) and constitutes a considerable portion of textual knowledge.

Question Answering

Do You Listen with One or Two Microphones? A Unified ASR Model for Single and Multi-Channel Audio

no code implementations4 Jun 2021 Gokce Keskin, Minhua Wu, Brian King, Harish Mallidi, Yang Gao, Jasha Droppo, Ariya Rastrow, Roland Maas

An ASR model that operates on both primary and auxiliary data can achieve better accuracy compared to a primary-only solution; and a model that can serve both primary-only (PO) and primary-plus-auxiliary (PPA) modes is highly desirable.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +1

Feature-based Style Randomization for Domain Generalization

no code implementations6 Jun 2021 Yue Wang, Lei Qi, Yinghuan Shi, Yang Gao

As a recent noticeable topic, domain generalization (DG) aims to first learn a generic model on multiple source domains and then directly generalize to an arbitrary unseen target domain without any additional adaption.

Data Augmentation Domain Generalization

Keyframe-Focused Visual Imitation Learning

no code implementations11 Jun 2021 Chuan Wen, Jierui Lin, Jianing Qian, Yang Gao, Dinesh Jayaraman

Imitation learning trains control policies by mimicking pre-recorded expert demonstrations.

Continuous Control Graph Learning +1

Differentiable Architecture Pruning for Transfer Learning

no code implementations7 Jul 2021 Nicolo Colombo, Yang Gao

We propose a new gradient-based approach for extracting sub-architectures from a given large model.

Transfer Learning

Supporting Complaints Investigation for Nursing and Midwifery Regulatory Agencies

no code implementations ACL 2021 Piyawat Lertvittayakumjorn, Ivan Petej, Yang Gao, Yamuna Krishnamurthy, Anna Van Der Gaag, Robert Jago, Kostas Stathis

Health professional regulators aim to protect the health and well-being of patients and the public by setting standards for scrutinising and overseeing the training and conduct of health and care professionals.

Decision Making

Attention-based Interpretation and Response to The Trade-Off of Adversarial Training

no code implementations29 Sep 2021 Changbin Shao, Wenbin Li, ZhenHua Feng, Jing Huo, Yang Gao

To boost the robustness of a model against adversarial examples, adversarial training has been regarded as a benchmark method.

Disentangling Properties of Contrastive Methods

no code implementations29 Sep 2021 Jinkun Cao, Qing Yang, Jialei Huang, Yang Gao

In this paper, we explored the possibility of using contrastive methods to learn a disentangled representation, a discriminative approach that is drastically different from previous approaches.

Disentanglement Object Recognition

Fight fire with fire: countering bad shortcuts in imitation learning with good shortcuts

no code implementations29 Sep 2021 Chuan Wen, Jianing Qian, Jierui Lin, Dinesh Jayaraman, Yang Gao

When operating in partially observed settings, it is important for a control policy to fuse information from a history of observations.

Autonomous Driving Continuous Control +1

Auto-Encoding Inverse Reinforcement Learning

no code implementations29 Sep 2021 Kaifeng Zhang, Rui Zhao, Ziming Zhang, Yang Gao

Reinforcement learning (RL) provides a powerful framework for decision-making, but its application in practice often requires a carefully designed reward function.

Imitation Learning reinforcement-learning +1

Better Pseudo-label: Joint Domain-aware Label and Dual-classifier for Semi-supervised Domain Generalization

no code implementations10 Oct 2021 Ruiqi Wang, Lei Qi, Yinghuan Shi, Yang Gao

Also, considering inconsistent goals between generalization and pseudo-labeling: former prevents overfitting on all source domains while latter might overfit the unlabeled source domains for high accuracy, we employ a dual-classifier to independently perform pseudo-labeling and domain generalization in the training process.

Domain Generalization Pseudo Label +1

Scoring-Aggregating-Planning: Learning task-agnostic priors from interactions and sparse rewards for zero-shot generalization

no code implementations25 Sep 2019 Huazhe Xu, Boyuan Chen, Yang Gao, Trevor Darrell

In this paper, we propose Scoring-Aggregating-Planning (SAP), a framework that can learn task-agnostic semantics and dynamics priors from arbitrary quality interactions as well as the corresponding sparse rewards and then plan on unseen tasks in zero-shot condition.

Zero-shot Generalization

Online Attentive Kernel-Based Temporal Difference Learning

no code implementations22 Jan 2022 Guang Yang, Xingguo Chen, Shangdong Yang, Huihui Wang, Shaokang Dong, Yang Gao

Moreover, in learning sparse representations, attention mechanisms are utilized to represent the degree of sparsification, and a smooth attentive function is introduced into the kernel-based VFA.

Acrobot Reinforcement Learning (RL)

Transformers in Medical Image Analysis: A Review

no code implementations24 Feb 2022 Kelei He, Chen Gan, Zhuoyuan Li, Islem Rekik, Zihao Yin, Wen Ji, Yang Gao, Qian Wang, Junfeng Zhang, Dinggang Shen

Transformers have dominated the field of natural language processing, and recently impacted the computer vision area.

Image Generation

Keeping Minimal Experience to Achieve Efficient Interpretable Policy Distillation

no code implementations2 Mar 2022 Xiao Liu, Shuyang Liu, Wenbin Li, Shangdong Yang, Yang Gao

Although deep reinforcement learning has become a universal solution for complex control tasks, its real-world applicability is still limited because lacking security guarantees for policies.

Generalized Bandit Regret Minimizer Framework in Imperfect Information Extensive-Form Game

no code implementations11 Mar 2022 Linjian Meng, Yang Gao

In this paper, we propose a generalized framework for this learning setting.

Ask to Understand: Question Generation for Multi-hop Question Answering

no code implementations17 Mar 2022 Jiawei Li, Mucheng Ren, Yang Gao, Yizhe Yang

Specifically, we carefully design an end-to-end QG module on the basis of a classical QA module, which could help the model understand the context by asking inherently logical sub-questions, thus inheriting interpretability from the QD-based method and showing superior performance.

Multi-hop Question Answering Question Answering +2

Playing Lottery Tickets in Style Transfer Models

no code implementations25 Mar 2022 Meihao Kong, Jing Huo, Wenbin Li, Jing Wu, Yu-Kun Lai, Yang Gao

(2) Using iterative magnitude pruning, we find the matching subnetworks at 89. 2% sparsity in AdaIN and 73. 7% sparsity in SANet, which demonstrates that style transfer models can play lottery tickets too.

Style Transfer

$G^2$: Enhance Knowledge Grounded Dialogue via Ground Graph

no code implementations27 Apr 2022 Yizhe Yang, Yang Gao, Jiawei Li, Heyan Huang

Besides, a Ground Graph Aware Transformer ($G^2AT$) is proposed to enhance knowledge grounded response generation.

Response Generation

Fighting Fire with Fire: Avoiding DNN Shortcuts through Priming

no code implementations22 Jun 2022 Chuan Wen, Jianing Qian, Jierui Lin, Jiaye Teng, Dinesh Jayaraman, Yang Gao

Across applications spanning supervised classification and sequential control, deep learning has been reported to find "shortcut" solutions that fail catastrophically under minor changes in the data distribution.

Autonomous Driving Classification +5

Auto-Encoding Adversarial Imitation Learning

no code implementations22 Jun 2022 Kaifeng Zhang, Rui Zhao, Ziming Zhang, Yang Gao

In this work, we propose Auto-Encoding Adversarial Imitation Learning (AEAIL), a robust and scalable AIL framework.

Imitation Learning Reinforcement Learning (RL)

Resolving Copycat Problems in Visual Imitation Learning via Residual Action Prediction

no code implementations20 Jul 2022 Chia-Chi Chuang, Donglin Yang, Chuan Wen, Yang Gao

This is especially the case with image observations, where a single image only includes one view of the scene, and it suffers from a lack of motion information and object occlusions.

Imitation Learning

MIXRTs: Toward Interpretable Multi-Agent Reinforcement Learning via Mixing Recurrent Soft Decision Trees

no code implementations15 Sep 2022 Zichuan Liu, Yuanyang Zhu, Zhi Wang, Yang Gao, Chunlin Chen

While achieving tremendous success in various fields, existing multi-agent reinforcement learning (MARL) with a black-box neural network architecture makes decisions in an opaque manner that hinders humans from understanding the learned knowledge and how input observations influence decisions.

Multi-agent Reinforcement Learning reinforcement-learning +3

USEEK: Unsupervised SE(3)-Equivariant 3D Keypoints for Generalizable Manipulation

no code implementations28 Sep 2022 Zhengrong Xue, Zhecheng Yuan, Jiashun Wang, Xueqian Wang, Yang Gao, Huazhe Xu

Can a robot manipulate intra-category unseen objects in arbitrary poses with the help of a mere demonstration of grasping pose on a single object instance?

Keypoint Detection Object

Learning Explicit Credit Assignment for Cooperative Multi-Agent Reinforcement Learning via Polarization Policy Gradient

1 code implementation10 Oct 2022 Wubing Chen, Wenbin Li, Xiao Liu, Shangdong Yang, Yang Gao

Empirically, we evaluate MAPPG on the well-known matrix game and differential game, and verify that MAPPG can converge to the global optimum for both discrete and continuous action spaces.

Multi-agent Reinforcement Learning reinforcement-learning +3

Spending Thinking Time Wisely: Accelerating MCTS with Virtual Expansions

no code implementations23 Oct 2022 Weirui Ye, Pieter Abbeel, Yang Gao

This paper proposes the Virtual MCTS (V-MCTS), a variant of MCTS that spends more search time on harder states and less search time on simpler states adaptively.

Atari Games Board Games

Affine Transformation Edited and Refined Deep Neural Network for Quantitative Susceptibility Mapping

no code implementations25 Nov 2022 Zhuang Xiong, Yang Gao, Feng Liu, Hongfu Sun

We propose an end-to-end AFfine Transformation Edited and Refined (AFTER) deep neural network for QSM, which is robust against arbitrary acquisition orientation and spatial resolution up to 0. 6 mm isotropic at the finest.

A Unified Framework for Contrastive Learning from a Perspective of Affinity Matrix

no code implementations26 Nov 2022 Wenbin Li, Meihao Kong, Xuesong Yang, Lei Wang, Jing Huo, Yang Gao, Jiebo Luo

In this study, we present a new unified contrastive learning representation framework (named UniCLR) suitable for all the above four kinds of methods from a novel perspective of basic affinity matrix.

Contrastive Learning Representation Learning

Pre-Trained Image Encoder for Generalizable Visual Reinforcement Learning

no code implementations17 Dec 2022 Zhecheng Yuan, Zhengrong Xue, Bo Yuan, Xueqian Wang, Yi Wu, Yang Gao, Huazhe Xu

Hence, we propose Pre-trained Image Encoder for Generalizable visual reinforcement learning (PIE-G), a simple yet effective framework that can generalize to the unseen visual scenarios in a zero-shot manner.

reinforcement-learning Reinforcement Learning (RL)

PanoViT: Vision Transformer for Room Layout Estimation from a Single Panoramic Image

no code implementations23 Dec 2022 Weichao Shen, Yuan Dong, Zonghao Chen, Zhengyi Zhao, Yang Gao, Zhu Liu

In this paper, we propose PanoViT, a panorama vision transformer to estimate the room layout from a single panoramic image.

Position Room Layout Estimation

A Policy Optimization Method Towards Optimal-time Stability

no code implementations2 Jan 2023 Shengjie Wang, Fengbo Lan, Xiang Zheng, Yuxue Cao, Oluwatosin Oseni, Haotian Xu, Tao Zhang, Yang Gao

In current model-free reinforcement learning (RL) algorithms, stability criteria based on sampling methods are commonly utilized to guide policy optimization.

Reinforcement Learning (RL)

Few-shot Semantic Segmentation with Support-induced Graph Convolutional Network

no code implementations9 Jan 2023 Jie Liu, Yanqi Bao, Wenzhe Yin, Haochen Wang, Yang Gao, Jan-Jakob Sonke, Efstratios Gavves

However, the appearance variations between objects from the same category could be extremely large, leading to unreliable feature matching and query mask prediction.

Few-Shot Semantic Segmentation

Efficient Exploration Using Extra Safety Budget in Constrained Policy Optimization

no code implementations28 Feb 2023 Haotian Xu, Shengjie Wang, Zhaolei Wang, Yunzhe Zhang, Qing Zhuo, Yang Gao, Tao Zhang

In the early stage, our method loosens the practical constraints of unsafe transitions (adding extra safety budget) with the aid of a new metric we propose.

Efficient Exploration Reinforcement Learning (RL)

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