Search Results for author: Zhi Zhang

Found 51 papers, 22 papers with code

Bag of Tricks for Image Classification with Convolutional Neural Networks

26 code implementations CVPR 2019 Tong He, Zhi Zhang, Hang Zhang, Zhongyue Zhang, Junyuan Xie, Mu Li

Much of the recent progress made in image classification research can be credited to training procedure refinements, such as changes in data augmentations and optimization methods.

Domain Generalization General Classification +4

GluonCV and GluonNLP: Deep Learning in Computer Vision and Natural Language Processing

4 code implementations9 Jul 2019 Jian Guo, He He, Tong He, Leonard Lausen, Mu Li, Haibin Lin, Xingjian Shi, Chenguang Wang, Junyuan Xie, Sheng Zha, Aston Zhang, Hang Zhang, Zhi Zhang, Zhongyue Zhang, Shuai Zheng, Yi Zhu

We present GluonCV and GluonNLP, the deep learning toolkits for computer vision and natural language processing based on Apache MXNet (incubating).

Backdoor Attacks and Countermeasures on Deep Learning: A Comprehensive Review

1 code implementation21 Jul 2020 Yansong Gao, Bao Gia Doan, Zhi Zhang, Siqi Ma, Jiliang Zhang, Anmin Fu, Surya Nepal, Hyoungshick Kim

We have also reviewed the flip side of backdoor attacks, which are explored for i) protecting intellectual property of deep learning models, ii) acting as a honeypot to catch adversarial example attacks, and iii) verifying data deletion requested by the data contributor. Overall, the research on defense is far behind the attack, and there is no single defense that can prevent all types of backdoor attacks.

Spatially Supervised Recurrent Convolutional Neural Networks for Visual Object Tracking

2 code implementations19 Jul 2016 Guanghan Ning, Zhi Zhang, Chen Huang, Zhihai He, Xiaobo Ren, Haohong Wang

In this paper, we develop a new approach of spatially supervised recurrent convolutional neural networks for visual object tracking.

Binary Classification object-detection +3

CrossNorm and SelfNorm for Generalization under Distribution Shifts

1 code implementation ICCV 2021 Zhiqiang Tang, Yunhe Gao, Yi Zhu, Zhi Zhang, Mu Li, Dimitris Metaxas

Can we develop new normalization methods to improve generalization robustness under distribution shifts?

Attention in Attention Network for Image Super-Resolution

2 code implementations19 Apr 2021 Haoyu Chen, Jinjin Gu, Zhi Zhang

In this work, we attempt to quantify and visualize attention mechanisms in SISR and show that not all attention modules are equally beneficial.

Image Super-Resolution

Knowledge-Guided Deep Fractal Neural Networks for Human Pose Estimation

1 code implementation5 May 2017 Guanghan Ning, Zhi Zhang, Zhihai He

Human pose estimation using deep neural networks aims to map input images with large variations into multiple body keypoints which must satisfy a set of geometric constraints and inter-dependency imposed by the human body model.

Pose Estimation

Progressive Coordinate Transforms for Monocular 3D Object Detection

1 code implementation NeurIPS 2021 Li Wang, Li Zhang, Yi Zhu, Zhi Zhang, Tong He, Mu Li, xiangyang xue

Recognizing and localizing objects in the 3D space is a crucial ability for an AI agent to perceive its surrounding environment.

Monocular 3D Object Detection Object +2

Deep AutoAugment

1 code implementation11 Mar 2022 Yu Zheng, Zhi Zhang, Shen Yan, Mi Zhang

In this work, instead of fixing a set of hand-picked default augmentations alongside the searched data augmentations, we propose a fully automated approach for data augmentation search named Deep AutoAugment (DeepAA).

AutoML Data Augmentation +1

Dynamic Mini-batch SGD for Elastic Distributed Training: Learning in the Limbo of Resources

2 code implementations26 Apr 2019 Haibin Lin, Hang Zhang, Yifei Ma, Tong He, Zhi Zhang, Sheng Zha, Mu Li

One difficulty we observe is that the noise in the stochastic momentum estimation is accumulated over time and will have delayed effects when the batch size changes.

Image Classification object-detection +3

Evaluation and Optimization of Distributed Machine Learning Techniques for Internet of Things

1 code implementation3 Mar 2021 Yansong Gao, Minki Kim, Chandra Thapa, Sharif Abuadbba, Zhi Zhang, Seyit A. Camtepe, Hyoungshick Kim, Surya Nepal

Federated learning (FL) and split learning (SL) are state-of-the-art distributed machine learning techniques to enable machine learning training without accessing raw data on clients or end devices.

BIG-bench Machine Learning Federated Learning

Self-Infilling Code Generation

1 code implementation29 Nov 2023 Lin Zheng, Jianbo Yuan, Zhi Zhang, Hongxia Yang, Lingpeng Kong

This work introduces self-infilling code generation, a general framework that incorporates infilling operations into auto-regressive decoding.

Code Generation

CK-Transformer: Commonsense Knowledge Enhanced Transformers for Referring Expression Comprehension

1 code implementation17 Feb 2023 Zhi Zhang, Helen Yannakoudakis, XianTong Zhen, Ekaterina Shutova

The task of multimodal referring expression comprehension (REC), aiming at localizing an image region described by a natural language expression, has recently received increasing attention within the research comminity.

Referring Expression Referring Expression Comprehension

Progressive Neural Networks for Image Classification

no code implementations25 Apr 2018 Zhi Zhang, Guanghan Ning, Yigang Cen, Yang Li, Zhiqun Zhao, Hao Sun, Zhihai He

The inference structures and computational complexity of existing deep neural networks, once trained, are fixed and remain the same for all test images.

Classification General Classification +1

Knowledge Projection for Deep Neural Networks

no code implementations26 Oct 2017 Zhi Zhang, Guanghan Ning, Zhihai He

In this paper, we will develop a new framework for training deep neural networks on datasets with limited labeled samples using cross-network knowledge projection which is able to improve the network performance while reducing the overall computational complexity significantly.

Still Hammerable and Exploitable: on the Effectiveness of Software-only Physical Kernel Isolation

no code implementations20 Feb 2018 Yueqiang Cheng, Zhi Zhang, Surya Nepal, Zhi Wang

The exploit is motivated by our key observation that the modern OSes have double-owned kernel buffers (e. g., video buffers) owned concurrently by the kernel and user domains.

Cryptography and Security

KASR: A Reliable and Practical Approach to Attack Surface Reduction of Commodity OS Kernels

no code implementations20 Feb 2018 Zhi Zhang, Yueqiang Cheng, Surya Nepal, Dongxi Liu, Qingni Shen, Fethi Rabhi

In this paper, we propose a reliable and practical system, named KASR, which transparently reduces attack surfaces of commodity OS kernels at runtime without requiring their source code.

Cryptography and Security Operating Systems

Integrating independent and centralized multi-agent reinforcement learning for traffic signal network optimization

no code implementations23 Sep 2019 Zhi Zhang, Jiachen Yang, Hongyuan Zha

Traffic congestion in metropolitan areas is a world-wide problem that can be ameliorated by traffic lights that respond dynamically to real-time conditions.

Multi-agent Reinforcement Learning reinforcement-learning +1

Improving Semantic Segmentation via Self-Training

no code implementations30 Apr 2020 Yi Zhu, Zhongyue Zhang, Chongruo wu, Zhi Zhang, Tong He, Hang Zhang, R. Manmatha, Mu Li, Alexander Smola

In the case of semantic segmentation, this means that large amounts of pixelwise annotations are required to learn accurate models.

Domain Generalization Segmentation +1

Unity of Opposites: SelfNorm and CrossNorm for Model Robustness

no code implementations1 Jan 2021 Zhiqiang Tang, Yunhe Gao, Yi Zhu, Zhi Zhang, Mu Li, Dimitris N. Metaxas

CrossNorm exchanges styles between feature channels to perform style augmentation, diversifying the content and style mixtures.

Object Recognition Unity

Insight-HXMT observations of Swift J0243.6+6124: the evolution of RMS pulse fractions at super-Eddington luminosity

no code implementations24 Dec 2020 P. J. Wang, L. D. Kong, S. Zhang, Y. P. Chen, S. N. Zhang, J. L. Qu, L. Ji, L. Tao, M. Y. Ge, F. J. Lu, L. Chen, L. M. Song, T. P. Li, Y. P. Xu, X. L. Cao, Y. Chen, C. Z. Liu, Q. C. Bu, C. Cai, Z. Chang, G. Chen, T. X. Chen, Y. B. Chen, W. Cui, W. W. Cui, J. K. Deng, Y. W. Dong, Y. Y. Du, M. X. Fu, G. H. Gao, H. Gao, M. Gao, Y. D. Gu, J. Guan, C. C. Guo, D. W. Han, Y. Huang, J. Huo, S. M. Jia, L. H. Jiang, W. C. Jiang, J. Jin, Y. J. Jin, B. Li, C. K. Li, G. Li, M. S. Li, W. Li, X. Li, X. B. Li, X. F. Li, Y. G. Li, Z. W. Li, X. H. Liang, J. Y. Liao, B. S. Liu, G. Q. Liu, H. W. Liu, X. J. Liu, Y. N. Liu, B. Lu, X. F. Lu, Q. Luo, T. Luo, X. Ma, B. Meng, Y. Nang, J. Y. Nie, G. Ou, N. Sai, R. C. Shang, X. Y. Song, L. Sun, Y. Tan, Y. L. Tuo, C. Wang, G. F. Wang, J. Wang, L. J. Wang, W. S. Wang, Y. S. Wang, X. Y. Wen, B. Y. Wu, B. B. Wu, M. Wu, G. C. Xiao, S. Xiao, S. L. Xiong, J. W. Yang, S. Yang, Yan Ji Yang, Yi Jung Yang, Q. B. Yi, Q. Q. Yin, Y. You, A. M. Zhang, C. M. Zhang, F. Zhang, H. M. Zhang, J. Zhang, T. Zhang, W. C. Zhang, W. Zhang, W. Z. Zhang, Y. F. Zhang, Y. J. Zhang, Y. Zhang, Zhao Zhang, Zhi Zhang, Z. L. Zhang, H. S. Zhao, X. F. Zhao, S. J. Zheng, Y. G. Zheng, D. K. Zhou, J. F. Zhou, Y. X. Zhu, Y. Zhu, R. L. Zhuang

The results show a general trend of the pulse fraction increasing with luminosity and energy at super-critical luminosity.

High Energy Astrophysical Phenomena

RBNN: Memory-Efficient Reconfigurable Deep Binary Neural Network with IP Protection for Internet of Things

no code implementations9 May 2021 Huming Qiu, Hua Ma, Zhi Zhang, Yifeng Zheng, Anmin Fu, Pan Zhou, Yansong Gao, Derek Abbott, Said F. Al-Sarawi

To this end, a 1-bit quantized DNN model or deep binary neural network maximizes the memory efficiency, where each parameter in a BNN model has only 1-bit.

Quantization

AI Enlightens Wireless Communication: Analyses, Solutions and Opportunities on CSI Feedback

no code implementations12 Jun 2021 Han Xiao, Zhiqin Wang, Wenqiang Tian, Xiaofeng Liu, Wendong Liu, Shi Jin, Jia Shen, Zhi Zhang, Ning Yang

In this paper, we give a systematic description of the 1st Wireless Communication Artificial Intelligence (AI) Competition (WAIC) which is hosted by IMT-2020(5G) Promotion Group 5G+AI Work Group.

Quantization

GANSER: A Self-supervised Data Augmentation Framework for EEG-based Emotion Recognition

no code implementations7 Sep 2021 Zhi Zhang, Sheng-hua Zhong, Yan Liu

Data augmentation has recently achieved considerable performance improvement for deep learning models: increased accuracy, stability, and reduced over-fitting.

Data Augmentation EEG +4

Reinforcement Learning under a Multi-agent Predictive State Representation Model: Method and Theory

no code implementations ICLR 2022 Zhi Zhang, Zhuoran Yang, Han Liu, Pratap Tokekar, Furong Huang

This paper proposes a new algorithm for learning the optimal policies under a novel multi-agent predictive state representation reinforcement learning model.

reinforcement-learning Reinforcement Learning (RL)

NTD: Non-Transferability Enabled Backdoor Detection

no code implementations22 Nov 2021 Yinshan Li, Hua Ma, Zhi Zhang, Yansong Gao, Alsharif Abuadbba, Anmin Fu, Yifeng Zheng, Said F. Al-Sarawi, Derek Abbott

A backdoor deep learning (DL) model behaves normally upon clean inputs but misbehaves upon trigger inputs as the backdoor attacker desires, posing severe consequences to DL model deployments.

Face Recognition Traffic Sign Recognition

PPA: Preference Profiling Attack Against Federated Learning

no code implementations10 Feb 2022 Chunyi Zhou, Yansong Gao, Anmin Fu, Kai Chen, Zhiyang Dai, Zhi Zhang, Minhui Xue, Yuqing Zhang

By observing a user model's gradient sensitivity to a class, PPA can profile the sample proportion of the class in the user's local dataset, and thus the user's preference of the class is exposed.

Federated Learning Inference Attack

Towards A Critical Evaluation of Robustness for Deep Learning Backdoor Countermeasures

no code implementations13 Apr 2022 Huming Qiu, Hua Ma, Zhi Zhang, Alsharif Abuadbba, Wei Kang, Anmin Fu, Yansong Gao

Since Deep Learning (DL) backdoor attacks have been revealed as one of the most insidious adversarial attacks, a number of countermeasures have been developed with certain assumptions defined in their respective threat models.

CASSOCK: Viable Backdoor Attacks against DNN in The Wall of Source-Specific Backdoor Defences

no code implementations31 May 2022 Shang Wang, Yansong Gao, Anmin Fu, Zhi Zhang, Yuqing Zhang, Willy Susilo, Dongxi Liu

Compared with a representative SSBA as a baseline ($SSBA_{Base}$), $CASSOCK$-based attacks have significantly advanced the attack performance, i. e., higher ASR and lower FPR with comparable CDA (clean data accuracy).

AI Enlightens Wireless Communication: A Transformer Backbone for CSI Feedback

no code implementations16 Jun 2022 Han Xiao, Zhiqin Wang, Dexin Li, Wenqiang Tian, Xiaofeng Liu, Wendong Liu, Shi Jin, Jia Shen, Zhi Zhang, Ning Yang

This paper is based on the background of the 2nd Wireless Communication Artificial Intelligence (AI) Competition (WAIC) which is hosted by IMT-2020(5G) Promotion Group 5G+AIWork Group, where the framework of the eigenvector-based channel state information (CSI) feedback problem is firstly provided.

Data Augmentation

TransCAB: Transferable Clean-Annotation Backdoor to Object Detection with Natural Trigger in Real-World

1 code implementation6 Sep 2022 Hua Ma, Yinshan Li, Yansong Gao, Zhi Zhang, Alsharif Abuadbba, Anmin Fu, Said F. Al-Sarawi, Nepal Surya, Derek Abbott

We observe that the backdoor effect of both misclassification and the cloaking are robustly achieved in the wild when the backdoor is activated with inconspicuously natural physical triggers.

Event Detection Image Classification +4

A Knowledge-Driven Meta-Learning Method for CSI Feedback

no code implementations31 Jan 2023 Han Xiao, Wenqiang Tian, Wendong Liu, Zhi Zhang, Zhihua Shi, Li Guo, Jia Shen

Recently, deep learning (DL) has been introduced to enhance CSI feedback in massive MIMO application, where the massive collected training data and lengthy training time are costly and impractical for realistic deployment.

Meta-Learning

Numerical analysis of a multistable capsule system under the delayed feedback control with a constant delay

no code implementations13 Feb 2023 Zhi Zhang, Joseph Páez Chávez, Jan Sieber, Yang Liu

In this paper, we study the control of coexisting attractors in this system by using a delayed feedback controller (DFC) with a constant delay.

Event Detection

Knowledge-driven Meta-learning for CSI Feedback

no code implementations24 Oct 2023 Han Xiao, Wenqiang Tian, Wendong Liu, Jiajia Guo, Zhi Zhang, Shi Jin, Zhihua Shi, Li Guo, Jia Shen

In this article, a knowledge-driven meta-learning approach is proposed, where the DL model initialized by the meta model obtained from meta training phase is able to achieve rapid convergence when facing a new scenario during target retraining phase.

Meta-Learning

Gradient-based Parameter Selection for Efficient Fine-Tuning

no code implementations15 Dec 2023 Zhi Zhang, Qizhe Zhang, Zijun Gao, Renrui Zhang, Ekaterina Shutova, Shiji Zhou, Shanghang Zhang

With the growing size of pre-trained models, full fine-tuning and storing all the parameters for various downstream tasks is costly and infeasible.

Image Classification Image Segmentation +2

Two Stones Hit One Bird: Bilevel Positional Encoding for Better Length Extrapolation

no code implementations29 Jan 2024 Zhenyu He, Guhao Feng, Shengjie Luo, Kai Yang, Di He, Jingjing Xu, Zhi Zhang, Hongxia Yang, LiWei Wang

In this work, we leverage the intrinsic segmentation of language sequences and design a new positional encoding method called Bilevel Positional Encoding (BiPE).

Disentanglement Position

Formal Verification of Unknown Stochastic Systems via Non-parametric Estimation

no code implementations8 Mar 2024 Zhi Zhang, Chenyu Ma, Saleh Soudijani, Sadegh Soudjani

A novel data-driven method for formal verification is proposed to study complex systems operating in safety-critical domains.

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