Search Results for author: Jiaxing Huang

Found 39 papers, 20 papers with code

Masked AutoDecoder is Effective Multi-Task Vision Generalist

1 code implementation12 Mar 2024 Han Qiu, Jiaxing Huang, Peng Gao, Lewei Lu, Xiaoqin Zhang, Shijian Lu

Inspired by the success of general-purpose models in NLP, recent studies attempt to unify different vision tasks in the same sequence format and employ autoregressive Transformers for sequence prediction.

LLMs Meet VLMs: Boost Open Vocabulary Object Detection with Fine-grained Descriptors

no code implementations7 Feb 2024 Sheng Jin, Xueying Jiang, Jiaxing Huang, Lewei Lu, Shijian Lu

This paper presents DVDet, a Descriptor-Enhanced Open Vocabulary Detector that introduces conditional context prompts and hierarchical textual descriptors that enable precise region-text alignment as well as open-vocabulary detection training in general.

Image Classification object-detection +1

Domain Adaptation for Large-Vocabulary Object Detectors

no code implementations13 Jan 2024 Kai Jiang, Jiaxing Huang, Weiying Xie, Yunsong Li, Ling Shao, Shijian Lu

Large-vocabulary object detectors (LVDs) aim to detect objects of many categories, which learn super objectness features and can locate objects accurately while applied to various downstream data.

Domain Adaptation Knowledge Graphs +2

Learning to Prompt Segment Anything Models

no code implementations9 Jan 2024 Jiaxing Huang, Kai Jiang, Jingyi Zhang, Han Qiu, Lewei Lu, Shijian Lu, Eric Xing

SAMs work with two types of prompts including spatial prompts (e. g., points) and semantic prompts (e. g., texts), which work together to prompt SAMs to segment anything on downstream datasets.

Image Segmentation Segmentation +1

Visual Instruction Tuning towards General-Purpose Multimodal Model: A Survey

no code implementations27 Dec 2023 Jiaxing Huang, Jingyi Zhang, Kai Jiang, Han Qiu, Shijian Lu

Traditional computer vision generally solves each single task independently by a dedicated model with the task instruction implicitly designed in the model architecture, arising two limitations: (1) it leads to task-specific models, which require multiple models for different tasks and restrict the potential synergies from diverse tasks; (2) it leads to a pre-defined and fixed model interface that has limited interactivity and adaptability in following user' task instructions.

Instruction Following

Domain Generalization via Balancing Training Difficulty and Model Capability

no code implementations ICCV 2023 Xueying Jiang, Jiaxing Huang, Sheng Jin, Shijian Lu

Despite its recent progress, most existing work suffers from the misalignment between the difficulty level of training samples and the capability of contemporarily trained models, leading to over-fitting or under-fitting in the trained generalization model.

Data Augmentation Domain Generalization

Prompt Ensemble Self-training for Open-Vocabulary Domain Adaptation

no code implementations29 Jun 2023 Jiaxing Huang, Jingyi Zhang, Han Qiu, Sheng Jin, Shijian Lu

Traditional domain adaptation assumes the same vocabulary across source and target domains, which often struggles with limited transfer flexibility and efficiency while handling target domains with different vocabularies.

Unsupervised Domain Adaptation

3D Semantic Segmentation in the Wild: Learning Generalized Models for Adverse-Condition Point Clouds

1 code implementation CVPR 2023 Aoran Xiao, Jiaxing Huang, Weihao Xuan, Ruijie Ren, Kangcheng Liu, Dayan Guan, Abdulmotaleb El Saddik, Shijian Lu, Eric Xing

In addition, we design a domain randomization technique that alternatively randomizes the geometry styles of point clouds and aggregates their embeddings, ultimately leading to a generalizable model that can improve 3DSS under various adverse weather effectively.

3D Semantic Segmentation Autonomous Driving

Vision-Language Models for Vision Tasks: A Survey

1 code implementation3 Apr 2023 Jingyi Zhang, Jiaxing Huang, Sheng Jin, Shijian Lu

Most visual recognition studies rely heavily on crowd-labelled data in deep neural networks (DNNs) training, and they usually train a DNN for each single visual recognition task, leading to a laborious and time-consuming visual recognition paradigm.

Benchmarking Knowledge Distillation +1

Semantic-Aligned Matching for Enhanced DETR Convergence and Multi-Scale Feature Fusion

1 code implementation28 Jul 2022 Gongjie Zhang, Zhipeng Luo, Jiaxing Huang, Shijian Lu, Eric P. Xing

The recently proposed DEtection TRansformer (DETR) has established a fully end-to-end paradigm for object detection.

Object object-detection +1

Contextual Text Block Detection towards Scene Text Understanding

no code implementations26 Jul 2022 Chuhui Xue, Jiaxing Huang, Shijian Lu, Changhu Wang, Song Bai

We formulate the new setup by a dual detection task which first detects integral text units and then groups them into a CTB.

text-classification Text Classification +2

Domain Adaptive Video Segmentation via Temporal Pseudo Supervision

1 code implementation6 Jul 2022 Yun Xing, Dayan Guan, Jiaxing Huang, Shijian Lu

Specifically, we design cross-frame pseudo labelling to provide pseudo supervision from previous video frames while learning from the augmented current video frames.

Segmentation Semantic Segmentation +2

Unbiased Subclass Regularization for Semi-Supervised Semantic Segmentation

1 code implementation CVPR 2022 Dayan Guan, Jiaxing Huang, Aoran Xiao, Shijian Lu

We build the balanced subclass distributions by clustering pixels of each original class into multiple subclasses of similar sizes, which provide class-balanced pseudo supervision to regularize the class-biased segmentation.

Segmentation Semi-Supervised Semantic Segmentation

Unsupervised Point Cloud Representation Learning with Deep Neural Networks: A Survey

1 code implementation28 Feb 2022 Aoran Xiao, Jiaxing Huang, Dayan Guan, Xiaoqin Zhang, Shijian Lu, Ling Shao

The convergence of point cloud and DNNs has led to many deep point cloud models, largely trained under the supervision of large-scale and densely-labelled point cloud data.

Autonomous Driving Representation Learning

Model Adaptation: Historical Contrastive Learning for Unsupervised Domain Adaptation without Source Data

1 code implementation NeurIPS 2021 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu

To this end, we design an innovative historical contrastive learning (HCL) technique that exploits historical source hypothesis to make up for the absence of source data in UMA.

Contrastive Learning Unsupervised Domain Adaptation

GenCo: Generative Co-training for Generative Adversarial Networks with Limited Data

1 code implementation4 Oct 2021 Kaiwen Cui, Jiaxing Huang, Zhipeng Luo, Gongjie Zhang, Fangneng Zhan, Shijian Lu

Specifically, we design GenCo, a Generative Co-training network that mitigates the discriminator over-fitting issue by introducing multiple complementary discriminators that provide diverse supervision from multiple distinctive views in training.

Data Augmentation Image Generation

Contextual Text Detection

no code implementations29 Sep 2021 Chuhui Xue, Jiaxing Huang, Wenqing Zhang, Shijian Lu, Song Bai, Changhu Wang

This paper presents Contextual Text Detection, a new setup that detects contextual text blocks for better understanding of texts in scenes.

Text Detection

Domain Adaptive Video Segmentation via Temporal Consistency Regularization

1 code implementation ICCV 2021 Dayan Guan, Jiaxing Huang, Aoran Xiao, Shijian Lu

This paper presents DA-VSN, a domain adaptive video segmentation network that addresses domain gaps in videos by temporal consistency regularization (TCR) for consecutive frames of target-domain videos.

Segmentation Unsupervised Domain Adaptation +1

Transfer Learning from Synthetic to Real LiDAR Point Cloud for Semantic Segmentation

1 code implementation12 Jul 2021 Aoran Xiao, Jiaxing Huang, Dayan Guan, Fangneng Zhan, Shijian Lu

Extensive experiments show that SynLiDAR provides a high-quality data source for studying 3D transfer and the proposed PCT achieves superior point cloud translation consistently across the three setups.

3D Unsupervised Domain Adaptation Data Augmentation +5

Spectral Unsupervised Domain Adaptation for Visual Recognition

no code implementations CVPR 2022 Jingyi Zhang, Jiaxing Huang, Zichen Tian, Shijian Lu

Second, it introduces multi-view spectral learning that learns useful unsupervised representations by maximizing mutual information among multiple ST-generated spectral views of each target sample.

Image Classification object-detection +3

Semi-Supervised Domain Adaptation via Adaptive and Progressive Feature Alignment

no code implementations5 Jun 2021 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu

We position the few labeled target samples as references that gauge the similarity between source and target features and guide adaptive inter-domain alignment for learning more similar source features.

Domain Adaptation Image Classification +4

RDA: Robust Domain Adaptation via Fourier Adversarial Attacking

1 code implementation ICCV 2021 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu

With FAA-generated samples, the training can continue the 'random walk' and drift into an area with a flat loss landscape, leading to more robust domain adaptation.

Unsupervised Domain Adaptation

Category Contrast for Unsupervised Domain Adaptation in Visual Tasks

1 code implementation CVPR 2022 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu, Ling Shao

In this work, we explore the idea of instance contrastive learning in unsupervised domain adaptation (UDA) and propose a novel Category Contrast technique (CaCo) that introduces semantic priors on top of instance discrimination for visual UDA tasks.

Contrastive Learning Representation Learning +1

I2C2W: Image-to-Character-to-Word Transformers for Accurate Scene Text Recognition

no code implementations18 May 2021 Chuhui Xue, Jiaxing Huang, Wenqing Zhang, Shijian Lu, Changhu Wang, Song Bai

The first task focuses on image-to-character (I2C) mapping which detects a set of character candidates from images based on different alignments of visual features in an non-sequential way.

Scene Text Recognition

DA-DETR: Domain Adaptive Detection Transformer with Information Fusion

no code implementations CVPR 2023 Jingyi Zhang, Jiaxing Huang, Zhipeng Luo, Gongjie Zhang, Xiaoqin Zhang, Shijian Lu

DA-DETR introduces a novel CNN-Transformer Blender (CTBlender) that fuses the CNN features and Transformer features ingeniously for effective feature alignment and knowledge transfer across domains.

Domain Adaptation Object +3

MLAN: Multi-Level Adversarial Network for Domain Adaptive Semantic Segmentation

no code implementations24 Mar 2021 Jiaxing Huang, Dayan Guan, Shijian Lu, Aoran Xiao

Recent progresses in domain adaptive semantic segmentation demonstrate the effectiveness of adversarial learning (AL) in unsupervised domain adaptation.

Image-to-Image Translation Semantic Segmentation +2

FSDR: Frequency Space Domain Randomization for Domain Generalization

1 code implementation CVPR 2021 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu

It has been studied widely by domain randomization that transfers source images to different styles in spatial space for learning domain-agnostic features.

Domain Generalization

Cross-View Regularization for Domain Adaptive Panoptic Segmentation

1 code implementation CVPR 2021 Jiaxing Huang, Dayan Guan, Aoran Xiao, Shijian Lu

The inter-task regularization exploits the complementary nature of instance segmentation and semantic segmentation and uses it as a constraint for better feature alignment across domains.

Domain Adaptation Instance Segmentation +2

FPS-Net: A Convolutional Fusion Network for Large-Scale LiDAR Point Cloud Segmentation

1 code implementation1 Mar 2021 Aoran Xiao, Xiaofei Yang, Shijian Lu, Dayan Guan, Jiaxing Huang

Specifically, we design a residual dense block with multiple receptive fields as a building block in the encoder which preserves detailed information in each modality and learns hierarchical modality-specific and fused features effectively.

3D Semantic Segmentation Point Cloud Segmentation +2

Uncertainty-Aware Unsupervised Domain Adaptation in Object Detection

3 code implementations27 Feb 2021 Dayan Guan, Jiaxing Huang, Aoran Xiao, Shijian Lu, Yanpeng Cao

Specifically, we design an uncertainty metric that assesses the alignment of each sample and adjusts the strength of adversarial learning for well-aligned and poorly-aligned samples adaptively.

Object object-detection +2

Contextual-Relation Consistent Domain Adaptation for Semantic Segmentation

1 code implementation ECCV 2020 Jiaxing Huang, Shijian Lu, Dayan Guan, Xiaobing Zhang

Recent advances in unsupervised domain adaptation for semantic segmentation have shown great potentials to relieve the demand of expensive per-pixel annotations.

Relation Segmentation +2

Hierarchy Composition GAN for High-fidelity Image Synthesis

no code implementations12 May 2019 Fangneng Zhan, Jiaxing Huang, Shijian Lu

Despite the rapid progress of generative adversarial networks (GANs) in image synthesis in recent years, the existing image synthesis approaches work in either geometry domain or appearance domain alone which often introduces various synthesis artifacts.

Image Generation Vocal Bursts Intensity Prediction

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