Search Results for author: Hang Wang

Found 37 papers, 17 papers with code

Heterogeneous Decision Making in Mixed Traffic: Uncertainty-aware Planning and Bounded Rationality

no code implementations25 Feb 2025 Hang Wang, Qiaoyi Fang, Junshan Zhang

Thus motivated, we study heterogeneous decision making by AVs and HVs in a mixed traffic environment, aiming to capture the interactions between human and machine decision-making and develop an AI foundation that enables vehicles to operate safely and efficiently.

Decision Making

AdaWM: Adaptive World Model based Planning for Autonomous Driving

no code implementations22 Jan 2025 Hang Wang, Xin Ye, Feng Tao, Chenbin Pan, Abhirup Mallik, Burhaneddin Yaman, Liu Ren, Junshan Zhang

World model based reinforcement learning (RL) has emerged as a promising approach for autonomous driving, which learns a latent dynamics model and uses it to train a planning policy.

Autonomous Driving Model-based Reinforcement Learning +1

Towards Unraveling and Improving Generalization in World Models

no code implementations31 Dec 2024 Qiaoyi Fang, Weiyu Du, Hang Wang, Junshan Zhang

World models have recently emerged as a promising approach to reinforcement learning (RL), achieving state-of-the-art performance across a wide range of visual control tasks.

Reinforcement Learning (RL)

Speech-Forensics: Towards Comprehensive Synthetic Speech Dataset Establishment and Analysis

no code implementations12 Dec 2024 Zhoulin Ji, Chenhao Lin, Hang Wang, Chao Shen

Detecting synthetic from real speech is increasingly crucial due to the risks of misinformation and identity impersonation.

Misinformation

Research on Cervical Cancer p16/Ki-67 Immunohistochemical Dual-Staining Image Recognition Algorithm Based on YOLO

no code implementations2 Dec 2024 Xiao-Jun Wu, Cai-Jun Zhao, Chun Meng, Hang Wang

This paper Proposes a novel cervical cancer dual-stained image recognition (DSIR-YOLO) model based on an YOLOv5.

Specificity

MSSIDD: A Benchmark for Multi-Sensor Denoising

1 code implementation18 Nov 2024 Shibin Mei, Hang Wang, Bingbing Ni

Furthermore, we propose a sensor consistency training framework that enables denoising models to learn the sensor-invariant features, thereby facilitating the generalization of the consistent model to unseen sensors.

Denoising

CarDreamer: Open-Source Learning Platform for World Model based Autonomous Driving

1 code implementation15 May 2024 Dechen Gao, Shuangyu Cai, Hanchu Zhou, Hang Wang, Iman Soltani, Junshan Zhang

2) Built-in tasks: CarDreamer offers a comprehensive set of highly configurable driving tasks which are compatible with Gym interfaces and are equipped with empirically optimized reward functions.

Autonomous Driving Navigate +1

IVAC-P2L: Leveraging Irregular Repetition Priors for Improving Video Action Counting

1 code implementation18 Mar 2024 Hang Wang, Zhi-Qi Cheng, Youtian Du, Lei Zhang

Our research addresses the shortfall by introducing a novel approach to VAC, called Irregular Video Action Counting (IVAC).

Activating Wider Areas in Image Super-Resolution

1 code implementation13 Mar 2024 Cheng Cheng, Hang Wang, Hongbin Sun

The prevalence of convolution neural networks (CNNs) and vision transformers (ViTs) has markedly revolutionized the area of single-image super-resolution (SISR).

Image Super-Resolution Mamba +1

CEPA: Consensus Embedded Perturbation for Agnostic Detection and Inversion of Backdoors

no code implementations3 Feb 2024 Guangmingmei Yang, Xi Li, Hang Wang, David J. Miller, George Kesidis

A variety of defenses have been proposed against Trojans planted in (backdoor attacks on) deep neural network (DNN) classifiers.

Image Classification

Meta-Adapter: An Online Few-shot Learner for Vision-Language Model

1 code implementation NeurIPS 2023 Cheng Cheng, Lin Song, Ruoyi Xue, Hang Wang, Hongbin Sun, Yixiao Ge, Ying Shan

Without bells and whistles, our approach outperforms the state-of-the-art online few-shot learning method by an average of 3. 6\% on eight image classification datasets with higher inference speed.

Few-Shot Learning Image Classification +5

Exploiting Facial Relationships and Feature Aggregation for Multi-Face Forgery Detection

no code implementations7 Oct 2023 Chenhao Lin, Fangbin Yi, Hang Wang, Qian Li, Deng Jingyi, Chao Shen

Face forgery techniques have emerged as a forefront concern, and numerous detection approaches have been proposed to address this challenge.

Post-Training Overfitting Mitigation in DNN Classifiers

no code implementations28 Sep 2023 Hang Wang, David J. Miller, George Kesidis

Well-known (non-malicious) sources of overfitting in deep neural net (DNN) classifiers include: i) large class imbalances; ii) insufficient training-set diversity; and iii) over-training.

Data Poisoning Diversity

Improved Activation Clipping for Universal Backdoor Mitigation and Test-Time Detection

1 code implementation8 Aug 2023 Hang Wang, Zhen Xiang, David J. Miller, George Kesidis

Deep neural networks are vulnerable to backdoor attacks (Trojans), where an attacker poisons the training set with backdoor triggers so that the neural network learns to classify test-time triggers to the attacker's designated target class.

Image Classification

Warm-Start Actor-Critic: From Approximation Error to Sub-optimality Gap

no code implementations20 Jun 2023 Hang Wang, Sen Lin, Junshan Zhang

To this end, the primary objective of this work is to build a fundamental understanding on ``\textit{whether and when online learning can be significantly accelerated by a warm-start policy from offline RL?}''.

Offline RL Reinforcement Learning (RL)

Adaptive Ensemble Q-learning: Minimizing Estimation Bias via Error Feedback

no code implementations NeurIPS 2021 Hang Wang, Sen Lin, Junshan Zhang

It is known that the estimation bias hinges heavily on the ensemble size (i. e., the number of Q-function approximators used in the target), and that determining the `right' ensemble size is highly nontrivial, because of the time-varying nature of the function approximation errors during the learning process.

MuJoCo Q-Learning

Omni Aggregation Networks for Lightweight Image Super-Resolution

1 code implementation CVPR 2023 Hang Wang, Xuanhong Chen, Bingbing Ni, Yutian Liu, Jinfan Liu

While lightweight ViT framework has made tremendous progress in image super-resolution, its uni-dimensional self-attention modeling, as well as homogeneous aggregation scheme, limit its effective receptive field (ERF) to include more comprehensive interactions from both spatial and channel dimensions.

Image Super-Resolution

Object-fabrication Targeted Attack for Object Detection

no code implementations13 Dec 2022 Xuchong Zhang, Changfeng Sun, Haoliang Han, Hang Wang, Hongbin Sun, Nanning Zheng

Evaluation results demonstrate that, the proposed object-fabrication targeted attack mode and the corresponding targeted feature space attack method show significant improvements in terms of image-specific attack, universal performance and generalization capability, compared with the previous targeted attack for object detection.

Adversarial Attack Object +2

MM-BD: Post-Training Detection of Backdoor Attacks with Arbitrary Backdoor Pattern Types Using a Maximum Margin Statistic

1 code implementation13 May 2022 Hang Wang, Zhen Xiang, David J. Miller, George Kesidis

Our detector leverages the influence of the backdoor attack, independent of the backdoor embedding mechanism, on the landscape of the classifier's outputs prior to the softmax layer.

Backdoor Attack backdoor defense +1

Self-supervised Graph-level Representation Learning with Local and Global Structure

1 code implementation8 Jun 2021 Minghao Xu, Hang Wang, Bingbing Ni, Hongyu Guo, Jian Tang

This paper studies unsupervised/self-supervised whole-graph representation learning, which is critical in many tasks such as molecule properties prediction in drug and material discovery.

Graph Representation Learning

X-volution: On the unification of convolution and self-attention

no code implementations4 Jun 2021 Xuanhong Chen, Hang Wang, Bingbing Ni

Convolution and self-attention are acting as two fundamental building blocks in deep neural networks, where the former extracts local image features in a linear way while the latter non-locally encodes high-order contextual relationships.

Image Classification Instance Segmentation +1

Anomaly Detection of Adversarial Examples using Class-conditional Generative Adversarial Networks

1 code implementation21 May 2021 Hang Wang, David J. Miller, George Kesidis

Deep Neural Networks (DNNs) have been shown vulnerable to Test-Time Evasion attacks (TTEs, or adversarial examples), which, by making small changes to the input, alter the DNN's decision.

Anomaly Detection Image Classification

3D Human Action Representation Learning via Cross-View Consistency Pursuit

1 code implementation CVPR 2021 Linguo Li, Minsi Wang, Bingbing Ni, Hang Wang, Jiancheng Yang, Wenjun Zhang

In this work, we propose a Cross-view Contrastive Learning framework for unsupervised 3D skeleton-based action Representation (CrosSCLR), by leveraging multi-view complementary supervision signal.

Action Recognition Contrastive Learning +2

Graphical Modeling for Multi-Source Domain Adaptation

2 code implementations27 Apr 2021 Minghao Xu, Hang Wang, Bingbing Ni

Multi-Source Domain Adaptation (MSDA) focuses on transferring the knowledge from multiple source domains to the target domain, which is a more practical and challenging problem compared to the conventional single-source domain adaptation.

Domain Adaptation

Shape Self-Correction for Unsupervised Point Cloud Understanding

no code implementations ICCV 2021 Ye Chen, Jinxian Liu, Bingbing Ni, Hang Wang, Jiancheng Yang, Ning Liu, Teng Li, Qi Tian

Then the destroyed shape and the normal shape are sent into a point cloud network to get representations, which are employed to segment points that belong to distorted parts and further reconstruct them to restore the shape to normal.

Self-Supervised Learning

GraphSAD: Learning Graph Representations with Structure-Attribute Disentanglement

no code implementations1 Jan 2021 Minghao Xu, Hang Wang, Bingbing Ni, Wenjun Zhang, Jian Tang

We propose to disentangle graph structure and node attributes into two distinct sets of representations, and such disentanglement can be done in either the input or the embedding space.

Attribute Disentanglement +1

Distributed Q-Learning with State Tracking for Multi-agent Networked Control

no code implementations22 Dec 2020 Hang Wang, Sen Lin, Hamid Jafarkhani, Junshan Zhang

Specifically, we assume that agents maintain local estimates of the global state based on their local information and communications with neighbors.

Q-Learning

System Identification via Meta-Learning in Linear Time-Varying Environments

no code implementations27 Oct 2020 Sen Lin, Hang Wang, Junshan Zhang

System identification is a fundamental problem in reinforcement learning, control theory and signal processing, and the non-asymptotic analysis of the corresponding sample complexity is challenging and elusive, even for linear time-varying (LTV) systems.

Meta-Learning

Learning to Combine: Knowledge Aggregation for Multi-Source Domain Adaptation

1 code implementation ECCV 2020 Hang Wang, Minghao Xu, Bingbing Ni, Wenjun Zhang

Transferring knowledges learned from multiple source domains to target domain is a more practical and challenging task than conventional single-source domain adaptation.

Domain Adaptation Multi-Source Unsupervised Domain Adaptation

Cross-domain Detection via Graph-induced Prototype Alignment

1 code implementation CVPR 2020 Minghao Xu, Hang Wang, Bingbing Ni, Qi Tian, Wenjun Zhang

To mitigate these problems, we propose a Graph-induced Prototype Alignment (GPA) framework to seek for category-level domain alignment via elaborate prototype representations.

Domain Adaptation object-detection +1

Wasserstein-Bounded Generative Adversarial Networks

no code implementations ICLR 2020 Peng Zhou, Bingbing Ni, Lingxi Xie, Xiaopeng Zhang, Hang Wang, Cong Geng, Qi Tian

In the field of Generative Adversarial Networks (GANs), how to design a stable training strategy remains an open problem.

Bi-stream Pose Guided Region Ensemble Network for Fingertip Localization from Stereo Images

no code implementations26 Feb 2019 Guijin Wang, Cairong Zhang, Xinghao Chen, Xiangyang Ji, Jing-Hao Xue, Hang Wang

To mitigate these limitations and promote further research on hand pose estimation from stereo images, we propose a new large-scale binocular hand pose dataset called THU-Bi-Hand, offering a new perspective for fingertip localization.

3D Hand Pose Estimation Missing Values

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