Search Results for author: Yuhong Guo

Found 50 papers, 5 papers with code

Time-aware Large Kernel Convolutions

1 code implementation ICML 2020 Vasileios Lioutas, Yuhong Guo

Some of these models use all the available sequence tokens to generate an attention distribution which results in time complexity of $O(n^2)$.

Document Summarization Language Modelling +2

A Transductive Multi-Head Model for Cross-Domain Few-Shot Learning

1 code implementation8 Jun 2020 Jianan Jiang, Zhenpeng Li, Yuhong Guo, Jieping Ye

The TMHFS method extends the Meta-Confidence Transduction (MCT) and Dense Feature-Matching Networks (DFMN) method [2] by introducing a new prediction head, i. e, an instance-wise global classification network based on semantic information, after the common feature embedding network.

cross-domain few-shot learning Data Augmentation

Object Detection in 20 Years: A Survey

1 code implementation13 May 2019 Zhengxia Zou, Keyan Chen, Zhenwei Shi, Yuhong Guo, Jieping Ye

Object detection, as of one the most fundamental and challenging problems in computer vision, has received great attention in recent years.

Face Detection Object +3

Deep Triplet Ranking Networks for One-Shot Recognition

1 code implementation19 Apr 2018 Meng Ye, Yuhong Guo

Despite the breakthroughs achieved by deep learning models in conventional supervised learning scenarios, their dependence on sufficient labeled training data in each class prevents effective applications of these deep models in situations where labeled training instances for a subset of novel classes are very sparse -- in the extreme case only one instance is available for each class.

One-Shot Learning

Progressive Ensemble Networks for Zero-Shot Recognition

no code implementations CVPR 2019 Meng Ye, Yuhong Guo

The ensemble network is built by learning multiple image classification functions with a shared feature extraction network but different label embedding representations, which enhance the diversity of the classifiers and facilitate information transfer to unlabeled classes.

Generalized Zero-Shot Learning Image Classification

Multi-Label Zero-Shot Learning with Transfer-Aware Label Embedding Projection

no code implementations7 Aug 2018 Meng Ye, Yuhong Guo

The approach projects the label embedding vectors into a low-dimensional space to induce better inter-label relationships and explicitly facilitate information transfer from seen labels to unseen labels, while simultaneously learning a max-margin multi-label classifier with the projected label embeddings.

Multi-Label Image Classification Multi-label zero-shot learning +1

Robust Transfer Principal Component Analysis with Rank Constraints

no code implementations NeurIPS 2013 Yuhong Guo

Our method is based on the assumption that useful information for the recovery of a corrupted data matrix can be gained from an uncorrupted related data matrix.

Dimensionality Reduction Image Denoising

A Novel Two-Step Method for Cross Language Representation Learning

no code implementations NeurIPS 2013 Min Xiao, Yuhong Guo

In this paper, we propose a two-step representation learning method to bridge the feature spaces of different languages by exploiting a set of parallel bilingual documents.

Matrix Completion Representation Learning +1

Supervised Exponential Family Principal Component Analysis via Convex Optimization

no code implementations NeurIPS 2008 Yuhong Guo

Recently, supervised dimensionality reduction has been gaining attention, owing to the realization that data labels are often available and strongly suggest important underlying structures in the data.

Supervised dimensionality reduction

Discriminative Batch Mode Active Learning

no code implementations NeurIPS 2007 Yuhong Guo, Dale Schuurmans

Most previous studies in active learning have focused on selecting one unlabeled instance at one time while retraining in each iteration.

Active Learning

Adaptive Active Learning for Image Classification

no code implementations CVPR 2013 Xin Li, Yuhong Guo

Recently active learning has attracted a lot of attention in computer vision field, as it is time and cost consuming to prepare a good set of labeled images for vision data analysis.

Active Learning Classification +4

Zero-Shot Classification With Discriminative Semantic Representation Learning

no code implementations CVPR 2017 Meng Ye, Yuhong Guo

The proposed approach aims to identify a set of common high-level semantic components across the two domains via non-negative sparse matrix factorization, while enforcing the representation vectors of the images in this common component-based space to be discriminatively aligned with the attribute-based label representation vectors.

Attribute Classification +4

Semi-Supervised Zero-Shot Classification With Label Representation Learning

no code implementations ICCV 2015 Xin Li, Yuhong Guo, Dale Schuurmans

Most existing zero-shot learning methods require a user to first provide a set of semantic visual attributes for each class as side information before applying a two-step prediction procedure that introduces an intermediate attribute prediction problem.

Attribute Classification +4

Adversarial Partial Multi-Label Learning

no code implementations15 Sep 2019 Yan Yan, Yuhong Guo

Partial multi-label learning (PML), which tackles the problem of learning multi-label prediction models from instances with overcomplete noisy annotations, has recently started gaining attention from the research community.

Generative Adversarial Network Multi-Label Learning

Inverse Visual Question Answering with Multi-Level Attentions

no code implementations17 Sep 2019 Yaser Alwattar, Yuhong Guo

In this paper, we propose a novel deep multi-level attention model to address inverse visual question answering.

Question Answering Visual Question Answering

Dual Adversarial Co-Learning for Multi-Domain Text Classification

no code implementations18 Sep 2019 Yuan Wu, Yuhong Guo

In this paper we propose a novel dual adversarial co-learning approach for multi-domain text classification (MDTC).

General Classification Multi-Domain Sentiment Classification +4

Adversarial Paritial Multi-label Learning

no code implementations ICLR 2020 Yan Yan, Yuhong Guo

Partial multi-label learning (PML), which tackles the problem of learning multi-label prediction models from instances with overcomplete noisy annotations, has recently started gaining attention from the research community.

Generative Adversarial Network Multi-Label Learning

Mutual Learning Network for Multi-Source Domain Adaptation

no code implementations29 Mar 2020 Zhenpeng Li, Zhen Zhao, Yuhong Guo, Haifeng Shen, Jieping Ye

However, in practice the labeled data can come from multiple source domains with different distributions.

Unsupervised Domain Adaptation

Adaptive Object Detection with Dual Multi-Label Prediction

no code implementations ECCV 2020 Zhen Zhao, Yuhong Guo, Haifeng Shen, Jieping Ye

In this paper, we propose a novel end-to-end unsupervised deep domain adaptation model for adaptive object detection by exploiting multi-label object recognition as a dual auxiliary task.

Image-to-Image Translation Object +4

Unsupervised Domain Adaptation with Progressive Domain Augmentation

no code implementations3 Apr 2020 Kevin Hua, Yuhong Guo

Domain adaptation aims to exploit a label-rich source domain for learning classifiers in a different label-scarce target domain.

Unsupervised Domain Adaptation

Multi-Level Generative Models for Partial Label Learning with Non-random Label Noise

no code implementations11 May 2020 Yan Yan, Yuhong Guo

Partial label (PL) learning tackles the problem where each training instance is associated with a set of candidate labels that include both the true label and irrelevant noise labels.

Denoising Partial Label Learning

Feature Transformation Ensemble Model with Batch Spectral Regularization for Cross-Domain Few-Shot Classification

no code implementations18 May 2020 Bingyu Liu, Zhen Zhao, Zhenpeng Li, Jianan Jiang, Yuhong Guo, Jieping Ye

In this paper, we propose a feature transformation ensemble model with batch spectral regularization for the Cross-domain few-shot learning (CD-FSL) challenge.

cross-domain few-shot learning Data Augmentation +2

Ensemble Model with Batch Spectral Regularization and Data Blending for Cross-Domain Few-Shot Learning with Unlabeled Data

no code implementations8 Jun 2020 Zhen Zhao, Bingyu Liu, Yuhong Guo, Jieping Ye

In this paper, we present our proposed ensemble model with batch spectral regularization and data blending mechanisms for the Track 2 problem of the cross-domain few-shot learning (CD-FSL) challenge.

cross-domain few-shot learning

Bi-Dimensional Feature Alignment for Cross-Domain Object Detection

no code implementations14 Nov 2020 Zhen Zhao, Yuhong Guo, Jieping Ye

Recently the problem of cross-domain object detection has started drawing attention in the computer vision community.

Object Object Detection +1

Domain Adaptation with Incomplete Target Domains

no code implementations3 Dec 2020 Zhenpeng Li, Jianan Jiang, Yuhong Guo, Tiantian Tang, Chengxiang Zhuo, Jieping Ye

In the proposed model, we design a data imputation module to fill the missing feature values based on the partial observations in the target domain, while aligning the two domains via deep adversarial adaption.

Domain Adaptation Imputation

Selective Pseudo-Labeling with Reinforcement Learning for Semi-Supervised Domain Adaptation

no code implementations7 Dec 2020 Bingyu Liu, Yuhong Guo, Jieping Ye, Weihong Deng

Inspired by the effectiveness of pseudo-labels in domain adaptation, we propose a reinforcement learning based selective pseudo-labeling method for semi-supervised domain adaptation.

Q-Learning reinforcement-learning +3

Generalization of Reinforcement Learning with Policy-Aware Adversarial Data Augmentation

no code implementations29 Jun 2021 Hanping Zhang, Yuhong Guo

In this work, we propose a novel policy-aware adversarial data augmentation method to augment the standard policy learning method with automatically generated trajectory data.

Data Augmentation reinforcement-learning +1

Dual GNNs: Graph Neural Network Learning with Limited Supervision

no code implementations29 Jun 2021 Abdullah Alchihabi, Yuhong Guo

In this paper, we propose a novel Dual GNN learning framework to address this challenge task.

Node Classification

Contrastive Continual Learning with Feature Propagation

no code implementations3 Dec 2021 Xuejun Han, Yuhong Guo

To address this shortcoming, continual machine learners are elaborated to commendably learn a stream of tasks with domain and class shifts among different tasks.

Continual Learning Representation Learning

Exemplar Learning for Medical Image Segmentation

no code implementations3 Apr 2022 Qing En, Yuhong Guo

Medical image annotation typically requires expert knowledge and hence incurs time-consuming and expensive data annotation costs.

Image Segmentation Medical Image Segmentation +6

Safe Reinforcement Learning with Contrastive Risk Prediction

no code implementations10 Sep 2022 Hanping Zhang, Yuhong Guo

As safety violations can lead to severe consequences in real-world robotic applications, the increasing deployment of Reinforcement Learning (RL) in robotic domains has propelled the study of safe exploration for reinforcement learning (safe RL).

reinforcement-learning Reinforcement Learning (RL) +2

Dual Moving Average Pseudo-Labeling for Source-Free Inductive Domain Adaptation

no code implementations15 Dec 2022 Hao Yan, Yuhong Guo

We first split the unlabeled training set in the target domain into a pseudo-labeled confident subset and an unlabeled less-confident subset according to the prediction confidence scores from the pre-trained source model.

Source-Free Domain Adaptation Unsupervised Domain Adaptation

Annotation by Clicks: A Point-Supervised Contrastive Variance Method for Medical Semantic Segmentation

no code implementations17 Dec 2022 Qing En, Yuhong Guo

The proposed method trains the base segmentation network by using a novel contrastive variance (CV) loss to exploit the unlabeled pixels and a partial cross-entropy loss on the labeled pixels.

Image Segmentation Medical Image Segmentation +2

Evolving Dictionary Representation for Few-shot Class-incremental Learning

no code implementations3 May 2023 Xuejun Han, Yuhong Guo

In view of this, in this paper we tackle a challenging and practical continual learning scenario named few-shot class-incremental learning (FSCIL), in which labeled data are given for classes in a base session but very limited labeled instances are available for new incremental classes.

Dictionary Learning Few-Shot Class-Incremental Learning +2

Exemplar-FreeSOLO: Enhancing Unsupervised Instance Segmentation With Exemplars

no code implementations CVPR 2023 Taoseef Ishtiak, Qing En, Yuhong Guo

Moreover, a new exemplar embedding contrastive module is designed to enhance the discriminative capability of the segmentation model by exploiting the contrastive exemplar-based guidance knowledge in the embedding space.

Instance Segmentation Segmentation +2

Efficient Low-Rank GNN Defense Against Structural Attacks

no code implementations18 Sep 2023 Abdullah Alchihabi, Qing En, Yuhong Guo

As a result, instead of using the dense adjacency matrix directly, ELR-GNN can learn a low-rank and sparse estimate of it in a simple, efficient and easy to optimize manner.

GDM: Dual Mixup for Graph Classification with Limited Supervision

no code implementations18 Sep 2023 Abdullah Alchihabi, Yuhong Guo

In this work, we propose a novel mixup-based graph augmentation method, Graph Dual Mixup (GDM), that leverages both functional and structural information of the graph instances to generate new labeled graph samples.

Graph Classification Graph Sampling

Adaptive Weighted Co-Learning for Cross-Domain Few-Shot Learning

no code implementations6 Dec 2023 Abdullah Alchihabi, Marzi Heidari, Yuhong Guo

Due to the availability of only a few labeled instances for the novel target prediction task and the significant domain shift between the well annotated source domain and the target domain, cross-domain few-shot learning (CDFSL) induces a very challenging adaptation problem.

cross-domain few-shot learning

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