Search Results for author: Baosheng Yu

Found 44 papers, 22 papers with code

Federated Distillation: A Survey

no code implementations2 Apr 2024 Lin Li, Jianping Gou, Baosheng Yu, Lan Du, Zhang Yiand Dacheng Tao

Federated Learning (FL) seeks to train a model collaboratively without sharing private training data from individual clients.

Federated Learning Knowledge Distillation +1

Healthcare Copilot: Eliciting the Power of General LLMs for Medical Consultation

no code implementations20 Feb 2024 Zhiyao Ren, Yibing Zhan, Baosheng Yu, Liang Ding, DaCheng Tao

The copilot framework, which aims to enhance and tailor large language models (LLMs) for specific complex tasks without requiring fine-tuning, is gaining increasing attention from the community.

PointHR: Exploring High-Resolution Architectures for 3D Point Cloud Segmentation

1 code implementation11 Oct 2023 Haibo Qiu, Baosheng Yu, Yixin Chen, DaCheng Tao

Significant progress has been made recently in point cloud segmentation utilizing an encoder-decoder framework, which initially encodes point clouds into low-resolution representations and subsequently decodes high-resolution predictions.

Point Cloud Segmentation Semantic Segmentation

ChartDETR: A Multi-shape Detection Network for Visual Chart Recognition

no code implementations15 Aug 2023 Wenyuan Xue, Dapeng Chen, Baosheng Yu, Yifei Chen, Sai Zhou, Wei Peng

Visual chart recognition systems are gaining increasing attention due to the growing demand for automatically identifying table headers and values from chart images.

Keypoint Detection

Patch-Wise Point Cloud Generation: A Divide-and-Conquer Approach

1 code implementation22 Jul 2023 Cheng Wen, Baosheng Yu, Rao Fu, DaCheng Tao

A generative model for high-fidelity point clouds is of great importance in synthesizing 3d environments for applications such as autonomous driving and robotics.

Autonomous Driving Point Cloud Generation

Free-Form Composition Networks for Egocentric Action Recognition

no code implementations13 Jul 2023 Haoran Wang, Qinghua Cheng, Baosheng Yu, Yibing Zhan, Dapeng Tao, Liang Ding, Haibin Ling

We evaluated our method on three popular egocentric action recognition datasets, Something-Something V2, H2O, and EPIC-KITCHENS-100, and the experimental results demonstrate the effectiveness of the proposed method for handling data scarcity problems, including long-tailed and few-shot egocentric action recognition.

Action Recognition Temporal Action Localization

On Exploring Node-feature and Graph-structure Diversities for Node Drop Graph Pooling

1 code implementation22 Jun 2023 Chuang Liu, Yibing Zhan, Baosheng Yu, Liu Liu, Bo Du, Wenbin Hu, Tongliang Liu

A pooling operation is essential for effective graph-level representation learning, where the node drop pooling has become one mainstream graph pooling technology.

Graph Classification Representation Learning

Collect-and-Distribute Transformer for 3D Point Cloud Analysis

1 code implementation2 Jun 2023 Haibo Qiu, Baosheng Yu, DaCheng Tao

In this paper, we propose a new transformer network equipped with a collect-and-distribute mechanism to communicate short- and long-range contexts of point clouds, which we refer to as CDFormer.

Point Cloud Classification Position

Compositional 3D Human-Object Neural Animation

no code implementations27 Apr 2023 Zhi Hou, Baosheng Yu, DaCheng Tao

Human-object interactions (HOIs) are crucial for human-centric scene understanding applications such as human-centric visual generation, AR/VR, and robotics.

Human-Object Interaction Detection Object +1

Pseudo Contrastive Learning for Graph-based Semi-supervised Learning

no code implementations19 Feb 2023 Weigang Lu, Ziyu Guan, Wei Zhao, Yaming Yang, Yuanhai Lv, Lining Xing, Baosheng Yu, DaCheng Tao

Pseudo Labeling is a technique used to improve the performance of semi-supervised Graph Neural Networks (GNNs) by generating additional pseudo-labels based on confident predictions.

Contrastive Learning Data Augmentation

PointWavelet: Learning in Spectral Domain for 3D Point Cloud Analysis

no code implementations10 Feb 2023 Cheng Wen, Jianzhi Long, Baosheng Yu, DaCheng Tao

In this paper, we introduce a new method, PointWavelet, to explore local graphs in the spectral domain via a learnable graph wavelet transform.

Autonomous Driving Point Cloud Classification

Learnable Skeleton-Aware 3D Point Cloud Sampling

no code implementations CVPR 2023 Cheng Wen, Baosheng Yu, DaCheng Tao

In this paper, we introduce a new skeleton-aware learning-to-sample method by learning object skeletons as the prior knowledge to preserve the object geometry and topology information during sampling.

Object Point Cloud Classification +1

Responsible Active Learning via Human-in-the-loop Peer Study

no code implementations24 Nov 2022 Yu-Tong Cao, Jingya Wang, Baosheng Yu, DaCheng Tao

To further enhance the active learner via large-scale unlabelled data, we introduce multiple peer students into the active learner which is trained by a novel learning paradigm, including the In-Class Peer Study on labelled data and the Out-of-Class Peer Study on unlabelled data.

Active Learning Cloud Computing

Knowledge-Aware Federated Active Learning with Non-IID Data

2 code implementations ICCV 2023 Yu-Tong Cao, Ye Shi, Baosheng Yu, Jingya Wang, DaCheng Tao

In this paper, we propose a federated active learning paradigm to efficiently learn a global model with limited annotation budget while protecting data privacy in a decentralized learning way.

Active Learning Federated Learning

Domain-Specific Risk Minimization for Out-of-Distribution Generalization

1 code implementation18 Aug 2022 Yi-Fan Zhang, Jindong Wang, Jian Liang, Zhang Zhang, Baosheng Yu, Liang Wang, DaCheng Tao, Xing Xie

Our bound motivates two strategies to reduce the gap: the first one is ensembling multiple classifiers to enrich the hypothesis space, then we propose effective gap estimation methods for guiding the selection of a better hypothesis for the target.

Domain Generalization Out-of-Distribution Generalization

Improving Fine-Grained Visual Recognition in Low Data Regimes via Self-Boosting Attention Mechanism

1 code implementation1 Aug 2022 Yangyang Shu, Baosheng Yu, HaiMing Xu, Lingqiao Liu

In low data regimes, a network often struggles to choose the correct regions for recognition and tends to overfit spurious correlated patterns from the training data.

Fine-Grained Visual Recognition

MeshMAE: Masked Autoencoders for 3D Mesh Data Analysis

no code implementations20 Jul 2022 Yaqian Liang, Shanshan Zhao, Baosheng Yu, Jing Zhang, Fazhi He

We first randomly mask some patches of the mesh and feed the corrupted mesh into Mesh Transformers.

Deep Dictionary Learning with An Intra-class Constraint

no code implementations14 Jul 2022 Xia Yuan, Jianping Gou, Baosheng Yu, Jiali Yu, Zhang Yi

Specifically, we design the intra-class compactness constraint on the intermediate representation at different levels to encourage the intra-class representations to be closer to each other, and eventually the learned representation becomes more discriminative.~Unlike the traditional DDL methods, during the classification stage, our DDLIC performs a layer-wise greedy optimization in a similar way to the training stage.

Dictionary Learning Representation Learning

GFNet: Geometric Flow Network for 3D Point Cloud Semantic Segmentation

1 code implementation6 Jul 2022 Haibo Qiu, Baosheng Yu, DaCheng Tao

However, recent projection-based methods for point cloud semantic segmentation usually utilize a vanilla late fusion strategy for the predictions of different views, failing to explore the complementary information from a geometric perspective during the representation learning.

LIDAR Semantic Segmentation Representation Learning +2

BatchFormerV2: Exploring Sample Relationships for Dense Representation Learning

1 code implementation4 Apr 2022 Zhi Hou, Baosheng Yu, Chaoyue Wang, Yibing Zhan, DaCheng Tao

Specifically, when applying the proposed module, it employs a two-stream pipeline during training, i. e., either with or without a BatchFormerV2 module, where the batchformer stream can be removed for testing.

Image Classification object-detection +3

Exploring High-Order Structure for Robust Graph Structure Learning

no code implementations22 Mar 2022 Guangqian Yang, Yibing Zhan, Jinlong Li, Baosheng Yu, Liu Liu, Fengxiang He

In this paper, we analyze the adversarial attack on graphs from the perspective of feature smoothness which further contributes to an efficient new adversarial defensive algorithm for GNNs.

Adversarial Attack Graph structure learning +1

Learning Affinity from Attention: End-to-End Weakly-Supervised Semantic Segmentation with Transformers

1 code implementation CVPR 2022 Lixiang Ru, Yibing Zhan, Baosheng Yu, Bo Du

Motivated by the inherent consistency between the self-attention in Transformers and the semantic affinity, we propose an Affinity from Attention (AFA) module to learn semantic affinity from the multi-head self-attention (MHSA) in Transformers.

Weakly supervised Semantic Segmentation Weakly-Supervised Semantic Segmentation

BatchFormer: Learning to Explore Sample Relationships for Robust Representation Learning

1 code implementation CVPR 2022 Zhi Hou, Baosheng Yu, DaCheng Tao

We perform extensive experiments on over ten datasets and the proposed method achieves significant improvements on different data scarcity applications without any bells and whistles, including the tasks of long-tailed recognition, compositional zero-shot learning, domain generalization, and contrastive learning.

Compositional Zero-Shot Learning Contrastive Learning +4

Hyper-relationship Learning Network for Scene Graph Generation

no code implementations15 Feb 2022 Yibing Zhan, Zhi Chen, Jun Yu, Baosheng Yu, DaCheng Tao, Yong Luo

As a result, HLN significantly improves the performance of scene graph generation by integrating and reasoning from object interactions, relationship interactions, and transitive inference of hyper-relationships.

Graph Attention Graph Generation +1

Resistance Training using Prior Bias: toward Unbiased Scene Graph Generation

1 code implementation18 Jan 2022 Chao Chen, Yibing Zhan, Baosheng Yu, Liu Liu, Yong Luo, Bo Du

To address this problem, we propose Resistance Training using Prior Bias (RTPB) for the scene graph generation.

Graph Generation Unbiased Scene Graph Generation

SkipNode: On Alleviating Performance Degradation for Deep Graph Convolutional Networks

no code implementations22 Dec 2021 Weigang Lu, Yibing Zhan, Binbin Lin, Ziyu Guan, Liu Liu, Baosheng Yu, Wei Zhao, Yaming Yang, DaCheng Tao

In this paper, we conduct theoretical and experimental analysis to explore the fundamental causes of performance degradation in deep GCNs: over-smoothing and gradient vanishing have a mutually reinforcing effect that causes the performance to deteriorate more quickly in deep GCNs.

Link Prediction Node Classification

Contrastive Graph Poisson Networks: Semi-Supervised Learning with Extremely Limited Labels

no code implementations NeurIPS 2021 Sheng Wan, Yibing Zhan, Liu Liu, Baosheng Yu, Shirui Pan, Chen Gong

Essentially, our CGPN can enhance the learning performance of GNNs under extremely limited labels by contrastively propagating the limited labels to the entire graph.

Graph Attention Node Classification +1

SynFace: Face Recognition with Synthetic Data

1 code implementation ICCV 2021 Haibo Qiu, Baosheng Yu, Dihong Gong, Zhifeng Li, Wei Liu, DaCheng Tao

We then analyze the underlying causes behind the performance gap, e. g., the poor intra-class variations and the domain gap between synthetic and real face images.

Face Generation Face Recognition

TGRNet: A Table Graph Reconstruction Network for Table Structure Recognition

1 code implementation ICCV 2021 Wenyuan Xue, Baosheng Yu, Wen Wang, DaCheng Tao, Qingyong Li

A table arranging data in rows and columns is a very effective data structure, which has been widely used in business and scientific research.

Cell Detection Graph Reconstruction +1

Learning Progressive Point Embeddings for 3D Point Cloud Generation

no code implementations CVPR 2021 Cheng Wen, Baosheng Yu, DaCheng Tao

The proposed dual-generators framework thus is able to progressively learn effective point embeddings for accurate point cloud generation.

Autonomous Driving Object Reconstruction +2

Affordance Transfer Learning for Human-Object Interaction Detection

2 code implementations CVPR 2021 Zhi Hou, Baosheng Yu, Yu Qiao, Xiaojiang Peng, DaCheng Tao

The proposed method can thus be used to 1) improve the performance of HOI detection, especially for the HOIs with unseen objects; and 2) infer the affordances of novel objects.

Affordance Detection Affordance Recognition +4

Detecting Human-Object Interaction via Fabricated Compositional Learning

1 code implementation CVPR 2021 Zhi Hou, Baosheng Yu, Yu Qiao, Xiaojiang Peng, DaCheng Tao

With the proposed object fabricator, we are able to generate large-scale HOI samples for rare and unseen categories to alleviate the open long-tailed issues in HOI detection.

Affordance Recognition Object +1

Collaborative Teacher-Student Learning via Multiple Knowledge Transfer

no code implementations21 Jan 2021 Liyuan Sun, Jianping Gou, Baosheng Yu, Lan Du, DaCheng Tao

However, most of the existing knowledge distillation methods consider only one type of knowledge learned from either instance features or instance relations via a specific distillation strategy in teacher-student learning.

Knowledge Distillation Model Compression +2

Not All Operations Contribute Equally: Hierarchical Operation-Adaptive Predictor for Neural Architecture Search

no code implementations ICCV 2021 Ziye Chen, Yibing Zhan, Baosheng Yu, Mingming Gong, Bo Du

Despite their efficiency, current graph-based predictors treat all operations equally, resulting in biased topological knowledge of cell architectures.

Neural Architecture Search

Heatmap Regression via Randomized Rounding

2 code implementations1 Sep 2020 Baosheng Yu, DaCheng Tao

Previous methods to overcome the sub-pixel localization problem usually rely on high-resolution heatmaps.

Face Alignment Pose Estimation +2

Knowledge Distillation: A Survey

no code implementations9 Jun 2020 Jianping Gou, Baosheng Yu, Stephen John Maybank, DaCheng Tao

To this end, a variety of model compression and acceleration techniques have been developed.

Knowledge Distillation Model Compression +2

Unsupervised Domain Adaptation on Reading Comprehension

1 code implementation13 Nov 2019 Yu Cao, Meng Fang, Baosheng Yu, Joey Tianyi Zhou

On the other hand, it further reduces domain distribution discrepancy through conditional adversarial learning across domains.

Reading Comprehension Unsupervised Domain Adaptation

Building Effective Large-Scale Traffic State Prediction System: Traffic4cast Challenge Solution

1 code implementation11 Nov 2019 Yang Liu, Fanyou Wu, Baosheng Yu, Zhiyuan Liu, Jieping Ye

How to build an effective large-scale traffic state prediction system is a challenging but highly valuable problem.

Time Series Time Series Prediction

Deep Metric Learning With Tuplet Margin Loss

no code implementations ICCV 2019 Baosheng Yu, Dacheng Tao

Deep metric learning, in which the loss function plays a key role, has proven to be extremely useful in visual recognition tasks.

Metric Learning

Correcting the Triplet Selection Bias for Triplet Loss

1 code implementation ECCV 2018 Baosheng Yu, Tongliang Liu, Mingming Gong, Changxing Ding, DaCheng Tao

Considering that the number of triplets grows cubically with the size of training data, triplet mining is thus indispensable for efficiently training with triplet loss.

Face Recognition Fine-Grained Image Classification +5

Anchor Cascade for Efficient Face Detection

no code implementations9 May 2018 Baosheng Yu, DaCheng Tao

Face detection is essential to facial analysis tasks such as facial reenactment and face recognition.

Face Detection Face Recognition +1

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