Search Results for author: Binh-Son Hua

Found 40 papers, 26 papers with code

Improving Referring Image Segmentation using Vision-Aware Text Features

no code implementations12 Apr 2024 Hai Nguyen-Truong, E-Ro Nguyen, Tuan-Anh Vu, Minh-Triet Tran, Binh-Son Hua, Sai-Kit Yeung

Our method involves using CLIP to derive a CLIP Prior that integrates an object-centric visual heatmap with text description, which can be used as the initial query in DETR-based architecture for the segmentation task.

Image Segmentation Segmentation +1

Self-supervised Video Object Segmentation with Distillation Learning of Deformable Attention

no code implementations25 Jan 2024 Quang-Trung Truong, Duc Thanh Nguyen, Binh-Son Hua, Sai-Kit Yeung

This is enabled by deformable attention mechanism, where the keys and values capturing the memory of a video sequence in the attention module have flexible locations updated across frames.

Ranked #8 on Unsupervised Video Object Segmentation on DAVIS 2016 val (using extra training data)

Knowledge Distillation Object +5

Leveraging Open-Vocabulary Diffusion to Camouflaged Instance Segmentation

no code implementations29 Dec 2023 Tuan-Anh Vu, Duc Thanh Nguyen, Qing Guo, Binh-Son Hua, Nhat Minh Chung, Ivor W. Tsang, Sai-Kit Yeung

Such cross-domain representations are desirable in segmenting camouflaged objects where visual cues are subtle to distinguish the objects from the background, especially in segmenting novel objects which are not seen in training.

Instance Segmentation Segmentation +1

DiverseDream: Diverse Text-to-3D Synthesis with Augmented Text Embedding

no code implementations2 Dec 2023 Uy Dieu Tran, Minh Luu, Phong Nguyen, Janne Heikkila, Khoi Nguyen, Binh-Son Hua

Text-to-3D synthesis has recently emerged as a new approach to sampling 3D models by adopting pretrained text-to-image models as guiding visual priors.

Text to 3D

Advances in 3D Neural Stylization: A Survey

1 code implementation30 Nov 2023 Yingshu Chen, Guocheng Shao, Ka Chun Shum, Binh-Son Hua, Sai-Kit Yeung

Building on such taxonomy, our survey first revisits the background of neural stylization on 2D images, and then provides in-depth discussions on recent neural stylization methods for 3D data, where we also provide a mini-benchmark on artistic stylization methods.

Neural Stylization Style Transfer

Test-Time Augmentation for 3D Point Cloud Classification and Segmentation

no code implementations22 Nov 2023 Tuan-Anh Vu, Srinjay Sarkar, Zhiyuan Zhang, Binh-Son Hua, Sai-Kit Yeung

We are inspired by the recent revolution of learning implicit representation and point cloud upsampling, which can produce high-quality 3D surface reconstruction and proximity-to-surface, respectively.

3D Point Cloud Classification Data Augmentation +3

Language-driven Object Fusion into Neural Radiance Fields with Pose-Conditioned Dataset Updates

1 code implementation20 Sep 2023 Ka Chun Shum, Jaeyeon Kim, Binh-Son Hua, Duc Thanh Nguyen, Sai-Kit Yeung

Specifically, to insert a new foreground object represented by a set of multi-view images into a background radiance field, we use a text-to-image diffusion model to learn and generate combined images that fuse the object of interest into the given background across views.

3D Reconstruction Object +1

GaPro: Box-Supervised 3D Point Cloud Instance Segmentation Using Gaussian Processes as Pseudo Labelers

1 code implementation ICCV 2023 Tuan Duc Ngo, Binh-Son Hua, Khoi Nguyen

Furthermore, we demonstrate the robustness of our approach, where we can adapt various state-of-the-art fully supervised methods to the weak supervision task by using our pseudo labels for training.

3D Instance Segmentation Gaussian Processes +2

ISBNet: a 3D Point Cloud Instance Segmentation Network with Instance-aware Sampling and Box-aware Dynamic Convolution

2 code implementations CVPR 2023 Tuan Duc Ngo, Binh-Son Hua, Khoi Nguyen

Existing 3D instance segmentation methods are predominated by the bottom-up design -- manually fine-tuned algorithm to group points into clusters followed by a refinement network.

3D Instance Segmentation Semantic Segmentation

Single-Image HDR Reconstruction by Multi-Exposure Generation

1 code implementation28 Oct 2022 Phuoc-Hieu Le, Quynh Le, Rang Nguyen, Binh-Son Hua

In this work, we propose a weakly supervised learning method that inverts the physical image formation process for HDR reconstruction via learning to generate multiple exposures from a single image.

HDR Reconstruction Tone Mapping +1

Self-Supervised Learning with Multi-View Rendering for 3D Point Cloud Analysis

1 code implementation28 Oct 2022 Bach Tran, Binh-Son Hua, Anh Tuan Tran, Minh Hoai

Inspired by the success of deep learning in the image domain, we devise a novel pre-training technique for better model initialization by utilizing the multi-view rendering of the 3D data.

Knowledge Distillation Self-Supervised Learning

Time-of-Day Neural Style Transfer for Architectural Photographs

1 code implementation13 Sep 2022 Yingshu Chen, Tuan-Anh Vu, Ka-Chun Shum, Binh-Son Hua, Sai-Kit Yeung

Architectural photography is a genre of photography that focuses on capturing a building or structure in the foreground with dramatic lighting in the background.

Image-to-Image Translation Style Transfer +1

POODLE: Improving Few-shot Learning via Penalizing Out-of-Distribution Samples

1 code implementation NeurIPS 2021 Duong H. Le, Khoi D. Nguyen, Khoi Nguyen, Quoc-Huy Tran, Rang Nguyen, Binh-Son Hua

In this work, we propose to use out-of-distribution samples, i. e., unlabeled samples coming from outside the target classes, to improve few-shot learning.

Few-Shot Learning

RFNet-4D++: Joint Object Reconstruction and Flow Estimation from 4D Point Clouds with Cross-Attention Spatio-Temporal Features

1 code implementation30 Mar 2022 Tuan-Anh Vu, Duc Thanh Nguyen, Binh-Son Hua, Quang-Hieu Pham, Sai-Kit Yeung

The key insight is simultaneously performing both tasks via learning of spatial and temporal features from a sequence of point clouds can leverage individual tasks, leading to improved overall performance.

3D Human Reconstruction 3D Reconstruction +3

3D-UCaps: 3D Capsules Unet for Volumetric Image Segmentation

2 code implementations16 Mar 2022 Tan Nguyen, Binh-Son Hua, Ngan Le

Medical image segmentation has been so far achieving promising results with Convolutional Neural Networks (CNNs).

Hippocampus Image Segmentation +3

Point-Unet: A Context-aware Point-based Neural Network for Volumetric Segmentation

1 code implementation16 Mar 2022 Ngoc-Vuong Ho, Tan Nguyen, Gia-Han Diep, Ngan Le, Binh-Son Hua

In this paper, we propose Point-Unet, a novel method that incorporates the efficiency of deep learning with 3D point clouds into volumetric segmentation.

Image Segmentation Medical Image Segmentation +2

RIConv++: Effective Rotation Invariant Convolutions for 3D Point Clouds Deep Learning

1 code implementation26 Feb 2022 Zhiyuan Zhang, Binh-Son Hua, Sai-Kit Yeung

3D point clouds deep learning is a promising field of research that allows a neural network to learn features of point clouds directly, making it a robust tool for solving 3D scene understanding tasks.

3D Point Cloud Classification Point Cloud Segmentation +2

SS-3DCapsNet: Self-supervised 3D Capsule Networks for Medical Segmentation on Less Labeled Data

no code implementations15 Jan 2022 Minh Tran, Loi Ly, Binh-Son Hua, Ngan Le

Capsule network is a recent new deep network architecture that has been applied successfully for medical image segmentation tasks.

Hippocampus Image Segmentation +4

TISE: Bag of Metrics for Text-to-Image Synthesis Evaluation

1 code implementation2 Dec 2021 Tan M. Dinh, Rang Nguyen, Binh-Son Hua

Our study outlines several issues in the current evaluation pipeline: (i) for image quality assessment, a commonly used metric, e. g., Inception Score (IS), is often either miscalibrated for the single-object case or misused for the multi-object case; (ii) for text relevance and object accuracy assessment, there is an overfitting phenomenon in the existing R-precision (RP) and Semantic Object Accuracy (SOA) metrics, respectively; (iii) for multi-object case, many vital factors for evaluation, e. g., object fidelity, positional alignment, counting alignment, are largely dismissed; (iv) the ranking of the methods based on current metrics is highly inconsistent with real images.

Benchmarking Image Generation +2

HyperInverter: Improving StyleGAN Inversion via Hypernetwork

1 code implementation CVPR 2022 Tan M. Dinh, Anh Tuan Tran, Rang Nguyen, Binh-Son Hua

In the first phase, we train an encoder to map the input image to StyleGAN2 $\mathcal{W}$-space, which was proven to have excellent editability but lower reconstruction quality.

Image Manipulation

Neural Scene Decoration from a Single Photograph

1 code implementation4 Aug 2021 Hong-Wing Pang, Yingshu Chen, Phuoc-Hieu Le, Binh-Son Hua, Duc Thanh Nguyen, Sai-Kit Yeung

In this paper, we introduce a new problem of domain-specific indoor scene image synthesis, namely neural scene decoration.

Image Generation Scene Generation

Network Pruning That Matters: A Case Study on Retraining Variants

1 code implementation ICLR 2021 Duong H. Le, Binh-Son Hua

Our results emphasize the cruciality of the learning rate schedule in pruned network retraining - a detail often overlooked by practitioners during the implementation of network pruning.

Network Pruning Sentence

Point-set Distances for Learning Representations of 3D Point Clouds

1 code implementation ICCV 2021 Trung Nguyen, Quang-Hieu Pham, Tam Le, Tung Pham, Nhat Ho, Binh-Son Hua

From this study, we propose to use sliced Wasserstein distance and its variants for learning representations of 3D point clouds.

Point Cloud Registration Transfer Learning

Minimal Adversarial Examples for Deep Learning on 3D Point Clouds

no code implementations ICCV 2021 Jaeyeon Kim, Binh-Son Hua, Duc Thanh Nguyen, Sai-Kit Yeung

With recent developments of convolutional neural networks, deep learning for 3D point clouds has shown significant progress in various 3D scene understanding tasks, e. g., object recognition, semantic segmentation.

3D Object Recognition Object Detection +3

Global Context Aware Convolutions for 3D Point Cloud Understanding

no code implementations7 Aug 2020 Zhiyuan Zhang, Binh-Son Hua, Wei Chen, Yibin Tian, Sai-Kit Yeung

We found that a key reason is that compared to point coordinates, rotation-invariant features consumed by point cloud convolution are not as distinctive.

Point Cloud Classification Retrieval +1

LCD: Learned Cross-Domain Descriptors for 2D-3D Matching

1 code implementation21 Nov 2019 Quang-Hieu Pham, Mikaela Angelina Uy, Binh-Son Hua, Duc Thanh Nguyen, Gemma Roig, Sai-Kit Yeung

In this work, we present a novel method to learn a local cross-domain descriptor for 2D image and 3D point cloud matching.

3D Point Cloud Matching Depth Estimation +1

Rotation Invariant Convolutions for 3D Point Clouds Deep Learning

1 code implementation17 Aug 2019 Zhiyuan Zhang, Binh-Son Hua, David W. Rosen, Sai-Kit Yeung

Our core idea is to use low-level rotation invariant geometric features such as distances and angles to design a convolution operator for point cloud learning.

Scene Understanding Translation

ShellNet: Efficient Point Cloud Convolutional Neural Networks using Concentric Shells Statistics

1 code implementation ICCV 2019 Zhiyuan Zhang, Binh-Son Hua, Sai-Kit Yeung

Deep learning with 3D data has progressed significantly since the introduction of convolutional neural networks that can handle point order ambiguity in point cloud data.

3D Point Cloud Classification 3D Semantic Segmentation +2

Revisiting Point Cloud Classification: A New Benchmark Dataset and Classification Model on Real-World Data

1 code implementation ICCV 2019 Mikaela Angelina Uy, Quang-Hieu Pham, Binh-Son Hua, Duc Thanh Nguyen, Sai-Kit Yeung

From our comprehensive benchmark, we show that our dataset poses great challenges to existing point cloud classification techniques as objects from real-world scans are often cluttered with background and/or are partial due to occlusions.

3D Object Classification Classification +3

Real-time Progressive 3D Semantic Segmentation for Indoor Scene

no code implementations1 Apr 2018 Quang-Hieu Pham, Binh-Son Hua, Duc Thanh Nguyen, Sai-Kit Yeung

The widespread adoption of autonomous systems such as drones and assistant robots has created a need for real-time high-quality semantic scene segmentation.

3D Semantic Segmentation Clustering +2

Pointwise Convolutional Neural Networks

1 code implementation CVPR 2018 Binh-Son Hua, Minh-Khoi Tran, Sai-Kit Yeung

Deep learning with 3D data such as reconstructed point clouds and CAD models has received great research interests recently.

Object Object Recognition +2

Calibration of depth cameras using denoised depth images

no code implementations8 Sep 2017 Ramanpreet Singh Pahwa, Minh N. Do, Tian Tsong Ng, Binh-Son Hua

Depth sensing devices have created various new applications in scientific and commercial research with the advent of Microsoft Kinect and PMD (Photon Mixing Device) cameras.

Camera Calibration Denoising

A Field Model for Repairing 3D Shapes

no code implementations CVPR 2016 Duc Thanh Nguyen, Binh-Son Hua, Khoi Tran, Quang-Hieu Pham, Sai-Kit Yeung

The proposed method was evaluated on both artificial data and real data obtained from reconstruction of practical scenes.

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