Search Results for author: Vu Nguyen

Found 35 papers, 16 papers with code

High-dimensional Bayesian Optimization via Covariance Matrix Adaptation Strategy

1 code implementation5 Feb 2024 Lam Ngo, Huong Ha, Jeffrey Chan, Vu Nguyen, Hongyu Zhang

To address this issue, a promising solution is to use a local search strategy that partitions the search domain into local regions with high likelihood of containing the global optimum, and then use BO to optimize the objective function within these regions.

Bayesian Optimization

Provably Efficient Bayesian Optimization with Unbiased Gaussian Process Hyperparameter Estimation

no code implementations12 Jun 2023 Huong Ha, Vu Nguyen, Hongyu Zhang, Anton Van Den Hengel

Our method uses a multi-armed bandit technique (EXP3) to add random data points to the BO process, and employs a novel training loss function for the GP hyperparameter estimation process that ensures unbiased estimation from the observed data.

Bayesian Optimization

Zero-shot Object Counting

1 code implementation CVPR 2023 Jingyi Xu, Hieu Le, Vu Nguyen, Viresh Ranjan, Dimitris Samaras

By applying this model to all the candidate patches, we can select the most suitable patches as exemplars for counting.

Object Object Counting +1

Bayesian Generational Population-Based Training

2 code implementations19 Jul 2022 Xingchen Wan, Cong Lu, Jack Parker-Holder, Philip J. Ball, Vu Nguyen, Binxin Ru, Michael A. Osborne

Leveraging the new highly parallelizable Brax physics engine, we show that these innovations lead to large performance gains, significantly outperforming the tuned baseline while learning entire configurations on the fly.

Bayesian Optimization Reinforcement Learning (RL)

Confident Sinkhorn Allocation for Pseudo-Labeling

1 code implementation13 Jun 2022 Vu Nguyen, Hisham Husain, Sachin Farfade, Anton Van Den Hengel

CSA outperforms the current state-of-the-art in this practically important area of semi-supervised learning.

Data Augmentation Pseudo Label

Automated Reinforcement Learning (AutoRL): A Survey and Open Problems

no code implementations11 Jan 2022 Jack Parker-Holder, Raghu Rajan, Xingyou Song, André Biedenkapp, Yingjie Miao, Theresa Eimer, Baohe Zhang, Vu Nguyen, Roberto Calandra, Aleksandra Faust, Frank Hutter, Marius Lindauer

The combination of Reinforcement Learning (RL) with deep learning has led to a series of impressive feats, with many believing (deep) RL provides a path towards generally capable agents.

AutoML Meta-Learning +2

Gaussian Process Sampling and Optimization with Approximate Upper and Lower Bounds

no code implementations22 Oct 2021 Vu Nguyen, Marc Peter Deisenroth, Michael A. Osborne

More specifically, we propose the first use of such bounds to improve Gaussian process (GP) posterior sampling and Bayesian optimization (BO).

Bayesian Optimization

Bayesian Topic Regression for Causal Inference

1 code implementation EMNLP 2021 Maximilian Ahrens, Julian Ashwin, Jan-Peter Calliess, Vu Nguyen

To this end, we combine a supervised Bayesian topic model with a Bayesian regression framework and perform supervised representation learning for the text features jointly with the regression parameter training, respecting the Frisch-Waugh-Lovell theorem.

Causal Inference regression +1

A Vietnamese Dataset for Evaluating Machine Reading Comprehension

no code implementations COLING 2020 Kiet Nguyen, Vu Nguyen, Anh Nguyen, Ngan Nguyen

Due to the lack of benchmark datasets for Vietnamese, we present the Vietnamese Question Answering Dataset (UIT-ViQuAD), a new dataset for the low-resource language as Vietnamese to evaluate MRC models.

Machine Reading Comprehension Question Answering +1

Gaussian Process Bandit Optimization of the Thermodynamic Variational Objective

1 code implementation NeurIPS 2020 Vu Nguyen, Vaden Masrani, Rob Brekelmans, Michael A. Osborne, Frank Wood

Achieving the full promise of the Thermodynamic Variational Objective (TVO), a recently proposed variational lower bound on the log evidence involving a one-dimensional Riemann integral approximation, requires choosing a "schedule" of sorted discretization points.

Optimal Transport Kernels for Sequential and Parallel Neural Architecture Search

1 code implementation13 Jun 2020 Vu Nguyen, Tam Le, Makoto Yamada, Michael A. Osborne

Building upon tree-Wasserstein (TW), which is a negative definite variant of OT, we develop a novel discrepancy for neural architectures, and demonstrate it within a Gaussian process surrogate model for the sequential NAS settings.

Neural Architecture Search

Provably Efficient Online Hyperparameter Optimization with Population-Based Bandits

2 code implementations NeurIPS 2020 Jack Parker-Holder, Vu Nguyen, Stephen Roberts

A recent solution to this problem is Population Based Training (PBT) which updates both weights and hyperparameters in a single training run of a population of agents.

Hyperparameter Optimization Reinforcement Learning (RL)

Hierarchical Indian Buffet Neural Networks for Bayesian Continual Learning

no code implementations4 Dec 2019 Samuel Kessler, Vu Nguyen, Stefan Zohren, Stephen Roberts

We place an Indian Buffet process (IBP) prior over the structure of a Bayesian Neural Network (BNN), thus allowing the complexity of the BNN to increase and decrease automatically.

Continual Learning Variational Inference

Bayesian Optimization for Iterative Learning

1 code implementation NeurIPS 2020 Vu Nguyen, Sebastian Schulze, Michael A. Osborne

We demonstrate the efficiency of our algorithm by tuning hyperparameters for the training of deep reinforcement learning agents and convolutional neural networks.

Bayesian Optimization reinforcement-learning +1

Accelerating Experimental Design by Incorporating Experimenter Hunches

no code implementations22 Jul 2019 Cheng Li, Santu Rana, Sunil Gupta, Vu Nguyen, Svetha Venkatesh, Alessandra Sutti, David Rubin, Teo Slezak, Murray Height, Mazher Mohammed, Ian Gibson

In this paper, we consider per-variable monotonic trend in the underlying property that results in a unimodal trend in those variables for a target value optimization.

Bayesian Optimization Experimental Design

Bayesian Optimisation over Multiple Continuous and Categorical Inputs

2 code implementations ICML 2020 Binxin Ru, Ahsan S. Alvi, Vu Nguyen, Michael A. Osborne, Stephen J. Roberts

Efficient optimisation of black-box problems that comprise both continuous and categorical inputs is important, yet poses significant challenges.

Bayesian Optimisation Multi-Armed Bandits

Knowing The What But Not The Where in Bayesian Optimization

1 code implementation ICML 2020 Vu Nguyen, Michael A. Osborne

In this paper, we consider a new setting in BO in which the knowledge of the optimum output f* is available.

Bayesian Optimization

Practical Batch Bayesian Optimization for Less Expensive Functions

no code implementations5 Nov 2018 Vu Nguyen, Sunil Gupta, Santu Rana, Cheng Li, Svetha Venkatesh

Bayesian optimization (BO) and its batch extensions are successful for optimizing expensive black-box functions.

Bayesian Optimization

High Dimensional Bayesian Optimization Using Dropout

no code implementations15 Feb 2018 Cheng Li, Sunil Gupta, Santu Rana, Vu Nguyen, Svetha Venkatesh, Alistair Shilton

Scaling Bayesian optimization to high dimensions is challenging task as the global optimization of high-dimensional acquisition function can be expensive and often infeasible.

Bayesian Optimization Vocal Bursts Intensity Prediction

A+D Net: Training a Shadow Detector with Adversarial Shadow Attenuation

1 code implementation ECCV 2018 Hieu Le, Tomas F. Yago Vicente, Vu Nguyen, Minh Hoai, Dimitris Samaras

The A-Net modifies the original training images constrained by a simplified physical shadow model and is focused on fooling the D-Net's shadow predictions.

Detecting Shadows Shadow Detection

Shadow Detection With Conditional Generative Adversarial Networks

no code implementations ICCV 2017 Vu Nguyen, Tomas F. Yago Vicente, Maozheng Zhao, Minh Hoai, Dimitris Samaras

We introduce scGAN, a novel extension of conditional Generative Adversarial Networks (GAN) tailored for the challenging problem of shadow detection in images.

Shadow Detection

High Dimensional Bayesian Optimization with Elastic Gaussian Process

no code implementations ICML 2017 Santu Rana, Cheng Li, Sunil Gupta, Vu Nguyen, Svetha Venkatesh

Bayesian optimization is an efficient way to optimize expensive black-box functions such as designing a new product with highest quality or hyperparameter tuning of a machine learning algorithm.

Bayesian Optimization Vocal Bursts Intensity Prediction

Sparse Autoencoder for Unsupervised Nucleus Detection and Representation in Histopathology Images

no code implementations3 Apr 2017 Le Hou, Vu Nguyen, Dimitris Samaras, Tahsin M. Kurc, Yi Gao, Tianhao Zhao, Joel H. Saltz

In this work, we propose a sparse Convolutional Autoencoder (CAE) for fully unsupervised, simultaneous nucleus detection and feature extraction in histopathology tissue images.

Geodesic Distance Histogram Feature for Video Segmentation

no code implementations31 Mar 2017 Hieu Le, Vu Nguyen, Chen-Ping Yu, Dimitris Samaras

This paper proposes a geodesic-distance-based feature that encodes global information for improved video segmentation algorithms.

Segmentation Superpixels +2

Budgeted Batch Bayesian Optimization With Unknown Batch Sizes

no code implementations15 Mar 2017 Vu Nguyen, Santu Rana, Sunil Gupta, Cheng Li, Svetha Venkatesh

Current batch BO approaches are restrictive in that they fix the number of evaluations per batch, and this can be wasteful when the number of specified evaluations is larger than the number of real maxima in the underlying acquisition function.

Bayesian Optimization BIG-bench Machine Learning +1

Dual Space Gradient Descent for Online Learning

no code implementations NeurIPS 2016 Trung Le, Tu Nguyen, Vu Nguyen, Dinh Phung

However, this approach still suffers from a serious shortcoming as it needs to use a high dimensional random feature space to achieve a sufficiently accurate kernel approximation.

Scalable Semi-supervised Learning with Graph-based Kernel Machine

no code implementations22 Jun 2016 Trung Le, Khanh Nguyen, Van Nguyen, Vu Nguyen, Dinh Phung

Acquiring labels are often costly, whereas unlabeled data are usually easy to obtain in modern machine learning applications.

BIG-bench Machine Learning

Approximation Vector Machines for Large-scale Online Learning

1 code implementation22 Apr 2016 Trung Le, Tu Dinh Nguyen, Vu Nguyen, Dinh Phung

One of the most challenging problems in kernel online learning is to bound the model size and to promote the model sparsity.

General Classification regression

Bayesian Nonparametric Multilevel Clustering with Group-Level Contexts

no code implementations9 Jan 2014 Vu Nguyen, Dinh Phung, XuanLong Nguyen, Svetha Venkatesh, Hung Hai Bui

We present a Bayesian nonparametric framework for multilevel clustering which utilizes group-level context information to simultaneously discover low-dimensional structures of the group contents and partitions groups into clusters.

Clustering

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