Search Results for author: He Zhao

Found 62 papers, 27 papers with code

On Diverse Asynchronous Activity Anticipation

no code implementations ECCV 2020 He Zhao, Richard P. Wildes

We investigate the joint anticipation of long-term activity labels and their corresponding times with the aim of improving both the naturalness and diversity of predictions.

A Label-Aware Autoregressive Framework for Cross-Domain NER

1 code implementation Findings (NAACL) 2022 Jinpeng Hu, He Zhao, Dan Guo, Xiang Wan, Tsung-Hui Chang

In doing so, label information contained in the embedding vectors can be effectively transferred to the target domain, and Bi-LSTM can further model the label relationship among different domains by pre-train and then fine-tune setting.

Cross-Domain Named Entity Recognition named-entity-recognition +2

Extracting Clean and Balanced Subset for Noisy Long-tailed Classification

no code implementations10 Apr 2024 Zhuo Li, He Zhao, Zhen Li, Tongliang Liu, Dandan Guo, Xiang Wan

To solve the joint issue of long-tailed distribution and label noise, most previous works usually aim to design a noise detector to distinguish the noisy and clean samples.

Pseudo Label

Optimal Transport for Structure Learning Under Missing Data

1 code implementation23 Feb 2024 Vy Vo, He Zhao, Trung Le, Edwin V. Bonilla, Dinh Phung

Merely filling in missing values with existing imputation methods and subsequently applying structure learning on the complete data is empirical shown to be sub-optimal.

Causal Discovery Imputation

Pretext Training Algorithms for Event Sequence Data

no code implementations16 Feb 2024 Yimu Wang, He Zhao, Ruizhi Deng, Frederick Tung, Greg Mori

Pretext training followed by task-specific fine-tuning has been a successful approach in vision and language domains.

Contrastive Learning

Bayesian Factorised Granger-Causal Graphs For Multivariate Time-series Data

no code implementations6 Feb 2024 He Zhao, Edwin V. Bonilla

We study the problem of automatically discovering Granger causal relations from observational multivariate time-series data.

Time Series Uncertainty Quantification

Variational DAG Estimation via State Augmentation With Stochastic Permutations

no code implementations4 Feb 2024 Edwin V. Bonilla, Pantelis Elinas, He Zhao, Maurizio Filippone, Vassili Kitsios, Terry O'Kane

Estimating the structure of a Bayesian network, in the form of a directed acyclic graph (DAG), from observational data is a statistically and computationally hard problem with essential applications in areas such as causal discovery.

Causal Discovery Uncertainty Quantification +1

A Class-aware Optimal Transport Approach with Higher-Order Moment Matching for Unsupervised Domain Adaptation

no code implementations29 Jan 2024 Tuan Nguyen, Van Nguyen, Trung Le, He Zhao, Quan Hung Tran, Dinh Phung

Additionally, we propose minimizing class-aware Higher-order Moment Matching (HMM) to align the corresponding class regions on the source and target domains.

Unsupervised Domain Adaptation

HGAttack: Transferable Heterogeneous Graph Adversarial Attack

no code implementations18 Jan 2024 He Zhao, Zhiwei Zeng, Yongwei Wang, Deheng Ye, Chunyan Miao

Heterogeneous Graph Neural Networks (HGNNs) are increasingly recognized for their performance in areas like the web and e-commerce, where resilience against adversarial attacks is crucial.

Adversarial Attack

Audio Deepfake Detection with Self-Supervised WavLM and Multi-Fusion Attentive Classifier

no code implementations13 Dec 2023 Yinlin Guo, Haofan Huang, Xi Chen, He Zhao, Yuehai Wang

In this paper, we report our efforts to combine the self-supervised WavLM model and Multi-Fusion Attentive classifier for audio deepfake detection.

DeepFake Detection

Cross-adversarial local distribution regularization for semi-supervised medical image segmentation

no code implementations2 Oct 2023 Thanh Nguyen-Duc, Trung Le, Roland Bammer, He Zhao, Jianfei Cai, Dinh Phung

Medical semi-supervised segmentation is a technique where a model is trained to segment objects of interest in medical images with limited annotated data.

Image Segmentation Segmentation +2

Towards Generalising Neural Topical Representations

1 code implementation24 Jul 2023 Xiaohao Yang, He Zhao, Dinh Phung, Lan Du

To do so, we propose to enhance NTMs by narrowing the semantical distance between similar documents, with the underlying assumption that documents from different corpora may share similar semantics.

Data Augmentation Topic Models

Multiscale Memory Comparator Transformer for Few-Shot Video Segmentation

1 code implementation15 Jul 2023 Mennatullah Siam, Rezaul Karim, He Zhao, Richard Wildes

We present a meta-learned Multiscale Memory Comparator (MMC) for few-shot video segmentation that combines information across scales within a transformer decoder.

Segmentation Semantic Segmentation +3

Learning Directed Graphical Models with Optimal Transport

1 code implementation25 May 2023 Vy Vo, Trung Le, Long-Tung Vuong, He Zhao, Edwin Bonilla, Dinh Phung

Estimating the parameters of a probabilistic directed graphical model from incomplete data remains a long-standing challenge.

Representation Learning

Generating Adversarial Examples with Task Oriented Multi-Objective Optimization

1 code implementation26 Apr 2023 Anh Bui, Trung Le, He Zhao, Quan Tran, Paul Montague, Dinh Phung

The key factor for the success of adversarial training is the capability to generate qualified and divergent adversarial examples which satisfy some objectives/goals (e. g., finding adversarial examples that maximize the model losses for simultaneously attacking multiple models).

A Unified Multiscale Encoder-Decoder Transformer for Video Segmentation

no code implementations CVPR 2023 Rezaul Karim, He Zhao, Richard P. Wildes, Mennatullah Siam

In this paper, we present an end-to-end trainable unified multiscale encoder-decoder transformer that is focused on dense prediction tasks in video.

Action Segmentation Optical Flow Estimation +6

Transformed Distribution Matching for Missing Value Imputation

1 code implementation20 Feb 2023 He Zhao, Ke Sun, Amir Dezfouli, Edwin Bonilla

The key to missing value imputation is to capture the data distribution with incomplete samples and impute the missing values accordingly.

Imputation

Vector Quantized Wasserstein Auto-Encoder

no code implementations12 Feb 2023 Tung-Long Vuong, Trung Le, He Zhao, Chuanxia Zheng, Mehrtash Harandi, Jianfei Cai, Dinh Phung

Learning deep discrete latent presentations offers a promise of better symbolic and summarized abstractions that are more useful to subsequent downstream tasks.

Clustering Image Reconstruction

Adaptive Distribution Calibration for Few-Shot Learning with Hierarchical Optimal Transport

no code implementations9 Oct 2022 Dandan Guo, Long Tian, He Zhao, Mingyuan Zhou, Hongyuan Zha

A recent solution to this problem is calibrating the distribution of these few sample classes by transferring statistics from the base classes with sufficient examples, where how to decide the transfer weights from base classes to novel classes is the key.

Domain Generalization Few-Shot Learning

Uncertainty Estimation for Multi-view Data: The Power of Seeing the Whole Picture

no code implementations6 Oct 2022 Myong Chol Jung, He Zhao, Joanna Dipnall, Belinda Gabbe, Lan Du

Uncertainty estimation is essential to make neural networks trustworthy in real-world applications.

Feature-based Learning for Diverse and Privacy-Preserving Counterfactual Explanations

1 code implementation27 Sep 2022 Vy Vo, Trung Le, Van Nguyen, He Zhao, Edwin Bonilla, Gholamreza Haffari, Dinh Phung

Interpretable machine learning seeks to understand the reasoning process of complex black-box systems that are long notorious for lack of explainability.

counterfactual feature selection +3

Sports Video Analysis on Large-Scale Data

1 code implementation9 Aug 2022 Dekun Wu, He Zhao, Xingce Bao, Richard P. Wildes

In this paper, we propose a novel large-scale NBA dataset for Sports Video Analysis (NSVA) with a focus on captioning, to address the above challenges.

Action Recognition

Learning to Re-weight Examples with Optimal Transport for Imbalanced Classification

no code implementations5 Aug 2022 Dandan Guo, Zhuo Li, Meixi Zheng, He Zhao, Mingyuan Zhou, Hongyuan Zha

Specifically, we view the training set as an imbalanced distribution over its samples, which is transported by OT to a balanced distribution obtained from the meta set.

Bilevel Optimization imbalanced classification

P3IV: Probabilistic Procedure Planning from Instructional Videos with Weak Supervision

1 code implementation CVPR 2022 He Zhao, Isma Hadji, Nikita Dvornik, Konstantinos G. Derpanis, Richard P. Wildes, Allan D. Jepson

Our model is based on a transformer equipped with a memory module, which maps the start and goal observations to a sequence of plausible actions.

Representing Mixtures of Word Embeddings with Mixtures of Topic Embeddings

2 code implementations ICLR 2022 Dongsheng Wang, Dandan Guo, He Zhao, Huangjie Zheng, Korawat Tanwisuth, Bo Chen, Mingyuan Zhou

This paper introduces a new topic-modeling framework where each document is viewed as a set of word embedding vectors and each topic is modeled as an embedding vector in the same embedding space.

Word Embeddings

A Unified Wasserstein Distributional Robustness Framework for Adversarial Training

1 code implementation ICLR 2022 Tuan Anh Bui, Trung Le, Quan Tran, He Zhao, Dinh Phung

We introduce a new Wasserstein cost function and a new series of risk functions, with which we show that standard AT methods are special cases of their counterparts in our framework.

Contrastively Enforcing Distinctiveness for Multi-Label Classification

no code implementations29 Sep 2021 Son Duy Dao, He Zhao, Dinh Phung, Jianfei Cai

Recently, as an effective way of learning latent representations, contrastive learning has been increasingly popular and successful in various domains.

Classification Contrastive Learning +2

Interpretable Deep Feature Propagation for Early Action Recognition

no code implementations11 Jul 2021 He Zhao, Richard P. Wildes

Early action recognition (action prediction) from limited preliminary observations plays a critical role for streaming vision systems that demand real-time inference, as video actions often possess elongated temporal spans which cause undesired latency.

Action Recognition

Improved and Efficient Text Adversarial Attacks using Target Information

no code implementations27 Apr 2021 Mahmoud Hossam, Trung Le, He Zhao, Viet Huynh, Dinh Phung

There has been recently a growing interest in studying adversarial examples on natural language models in the black-box setting.

Sentence

Cascade of correlated electron states in a kagome superconductor CsV3Sb5

no code implementations4 Mar 2021 He Zhao, Hong Li, Brenden R. Ortiz, Samuel M. L. Teicher, Taka Park, Mengxing Ye, Ziqiang Wang, Leon Balents, Stephen D. Wilson, Ilija Zeljkovic

At a temperature far above the superconducting transition Tc ~ 2. 5 K, we reveal a tri-directional charge order with a 2a0 period that breaks the translation symmetry of the lattice.

Superconductivity Strongly Correlated Electrons

Topic Modelling Meets Deep Neural Networks: A Survey

no code implementations28 Feb 2021 He Zhao, Dinh Phung, Viet Huynh, Yuan Jin, Lan Du, Wray Buntine

Topic modelling has been a successful technique for text analysis for almost twenty years.

Navigate Text Generation +1

Nanoscale decoupling of electronic nematicity and structural anisotropy in FeSe thin films

no code implementations8 Feb 2021 Zheng Ren, Hong Li, He Zhao, Shrinkhala Sharma, Ziqiang Wang, Ilija Zeljkovic

In this work, we discover that electronic nematicity can be locally decoupled from the underlying structural anisotropy in strain-engineered iron-selenide (FeSe) thin films.

Strongly Correlated Electrons Materials Science Superconductivity

Understanding and Achieving Efficient Robustness with Adversarial Supervised Contrastive Learning

1 code implementation25 Jan 2021 Anh Bui, Trung Le, He Zhao, Paul Montague, Seyit Camtepe, Dinh Phung

Central to this approach is the selection of positive (similar) and negative (dissimilar) sets to provide the model the opportunity to `contrast' between data and class representation in the latent space.

Contrastive Learning

Where Are You Heading? Dynamic Trajectory Prediction With Expert Goal Examples

1 code implementation ICCV 2021 He Zhao, Richard P. Wildes

Goal-conditioned approaches recently have been found very useful to human trajectory prediction, when adequate goal estimates are provided.

Trajectory Prediction

Learning to Attack with Fewer Pixels: A Probabilistic Post-hoc Framework for Refining Arbitrary Dense Adversarial Attacks

no code implementations13 Oct 2020 He Zhao, Thanh Nguyen, Trung Le, Paul Montague, Olivier De Vel, Tamas Abraham, Dinh Phung

Deep neural network image classifiers are reported to be susceptible to adversarial evasion attacks, which use carefully crafted images created to mislead a classifier.

Adversarial Attack Detection

Improving Ensemble Robustness by Collaboratively Promoting and Demoting Adversarial Robustness

1 code implementation21 Sep 2020 Anh Bui, Trung Le, He Zhao, Paul Montague, Olivier deVel, Tamas Abraham, Dinh Phung

An important technique of this approach is to control the transferability of adversarial examples among ensemble members.

Adversarial Robustness

Neural Topic Model via Optimal Transport

1 code implementation ICLR 2021 He Zhao, Dinh Phung, Viet Huynh, Trung Le, Wray Buntine

Recently, Neural Topic Models (NTMs) inspired by variational autoencoders have obtained increasingly research interest due to their promising results on text analysis.

Topic Models

MED-TEX: Transferring and Explaining Knowledge with Less Data from Pretrained Medical Imaging Models

no code implementations6 Aug 2020 Thanh Nguyen-Duc, He Zhao, Jianfei Cai, Dinh Phung

To interpret the teacher model and assist the learning of the student, an explainer module is introduced to highlight the regions of an input that are important for the predictions of the teacher model.

Image Classification Knowledge Distillation +1

SummPip: Unsupervised Multi-Document Summarization with Sentence Graph Compression

1 code implementation17 Jul 2020 Jinming Zhao, Ming Liu, Longxiang Gao, Yuan Jin, Lan Du, He Zhao, He Zhang, Gholamreza Haffari

Obtaining training data for multi-document summarization (MDS) is time consuming and resource-intensive, so recent neural models can only be trained for limited domains.

Clustering Document Summarization +2

Improving Adversarial Robustness by Enforcing Local and Global Compactness

1 code implementation ECCV 2020 Anh Bui, Trung Le, He Zhao, Paul Montague, Olivier deVel, Tamas Abraham, Dinh Phung

The fact that deep neural networks are susceptible to crafted perturbations severely impacts the use of deep learning in certain domains of application.

Adversarial Robustness Clustering

RDCFace: Radial Distortion Correction for Face Recognition

no code implementations CVPR 2020 He Zhao, Xianghua Ying, Yongjie Shi, Xin Tong, Jingsi Wen, Hongbin Zha

The effects of radial lens distortion often appear in wide-angle cameras of surveillance and safeguard systems, which may severely degrade performances of previous face recognition algorithms.

Face Recognition

Perturbations are not Enough: Generating Adversarial Examples with Spatial Distortions

no code implementations3 Oct 2019 He Zhao, Trung Le, Paul Montague, Olivier De Vel, Tamas Abraham, Dinh Phung

Deep neural network image classifiers are reported to be susceptible to adversarial evasion attacks, which use carefully crafted images created to mislead a classifier.

Adversarial Attack Translation

Spatiotemporal Feature Residual Propagation for Action Prediction

no code implementations ICCV 2019 He Zhao, Richard P. Wildes

Recognizing actions from limited preliminary video observations has seen considerable recent progress.

daBNN: A Super Fast Inference Framework for Binary Neural Networks on ARM devices

1 code implementation16 Aug 2019 Jianhao Zhang, Yingwei Pan, Ting Yao, He Zhao, Tao Mei

It is always well believed that Binary Neural Networks (BNNs) could drastically accelerate the inference efficiency by replacing the arithmetic operations in float-valued Deep Neural Networks (DNNs) with bit-wise operations.

Leveraging Meta Information in Short Text Aggregation

no code implementations ACL 2019 He Zhao, Lan Du, Guanfeng Liu, Wray Buntine

Short texts such as tweets often contain insufficient word co-occurrence information for training conventional topic models.

Clustering Topic Models

Variational Autoencoders for Sparse and Overdispersed Discrete Data

1 code implementation2 May 2019 He Zhao, Piyush Rai, Lan Du, Wray Buntine, Mingyuan Zhou

Many applications, such as text modelling, high-throughput sequencing, and recommender systems, require analysing sparse, high-dimensional, and overdispersed discrete (count-valued or binary) data.

Collaborative Filtering Multi-Label Learning +1

Dirichlet belief networks for topic structure learning

2 code implementations NeurIPS 2018 He Zhao, Lan Du, Wray Buntine, Mingyuan Zhou

Recently, considerable research effort has been devoted to developing deep architectures for topic models to learn topic structures.

Topic Models

MetaLDA: a Topic Model that Efficiently Incorporates Meta information

1 code implementation19 Sep 2017 He Zhao, Lan Du, Wray Buntine, Gang Liu

Besides the text content, documents and their associated words usually come with rich sets of meta informa- tion, such as categories of documents and semantic/syntactic features of words, like those encoded in word embeddings.

Topic Models Word Embeddings

Leveraging Node Attributes for Incomplete Relational Data

1 code implementation ICML 2017 He Zhao, Lan Du, Wray Buntine

Relational data are usually highly incomplete in practice, which inspires us to leverage side information to improve the performance of community detection and link prediction.

Community Detection Link Prediction

Synthesizing Filamentary Structured Images with GANs

1 code implementation7 Jun 2017 He Zhao, Huiqi Li, Li Cheng

This paper aims at synthesizing filamentary structured images such as retinal fundus images and neuronal images, as follows: Given a ground-truth, to generate multiple realistic looking phantoms.

Style Transfer

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