Search Results for author: Bohyung Han

Found 84 papers, 31 papers with code

Traffic Accident Benchmark for Causality Recognition

1 code implementation ECCV 2020 Tackgeun You, Bohyung Han

We propose a brand new benchmark for analyzing causality in traffic accident videos by decomposing an accident into a pair of events, cause and effect.

Accident Anticipation

Task-Aware Quantization Network for JPEG Image Compression

no code implementations ECCV 2020 Jinyoung Choi, Bohyung Han

We propose to learn a deep neural network for JPEG image compression, which predicts image-specific optimized quantization tables fully compatible with the standard JPEG encoder and decoder.

Image Compression Quantization

Leveraging Temporal Contextualization for Video Action Recognition

no code implementations15 Apr 2024 Minji Kim, Dongyoon Han, Taekyung Kim, Bohyung Han

We propose Temporal Contextualization (TC), a novel layer-wise temporal information infusion mechanism for video that extracts core information from each frame, interconnects relevant information across the video to summarize into context tokens, and ultimately leverages the context tokens during the feature encoding process.

A Training-Free Defense Framework for Robust Learned Image Compression

no code implementations22 Jan 2024 Myungseo Song, Jinyoung Choi, Bohyung Han

We study the robustness of learned image compression models against adversarial attacks and present a training-free defense technique based on simple image transform functions.

Image Compression

Relaxed Contrastive Learning for Federated Learning

no code implementations10 Jan 2024 Seonguk Seo, Jinkyu Kim, Geeho Kim, Bohyung Han

We propose a novel contrastive learning framework to effectively address the challenges of data heterogeneity in federated learning.

Contrastive Learning Federated Learning

Learning with Noisy Labels: Interconnection of Two Expectation-Maximizations

no code implementations9 Jan 2024 Heewon Kim, Hyun Sung Chang, Kiho Cho, Jaeyun Lee, Bohyung Han

In this framework, we provide a proper objective function and an optimization algorithm based on two expectation-maximization (EM) cycles.

Learning with noisy labels

Observation-Guided Diffusion Probabilistic Models

1 code implementation6 Oct 2023 Junoh Kang, Jinyoung Choi, Sungik Choi, Bohyung Han

We propose a novel diffusion-based image generation method called the observation-guided diffusion probabilistic model (OGDM), which effectively addresses the tradeoff between quality control and fast sampling.

Denoising Image Generation

ContraNeRF: 3D-Aware Generative Model via Contrastive Learning with Unsupervised Implicit Pose Embedding

no code implementations27 Apr 2023 Mijeong Kim, Hyunjoon Lee, Bohyung Han

Although 3D-aware GANs based on neural radiance fields have achieved competitive performance, their applicability is still limited to objects or scenes with the ground-truths or prediction models for clearly defined canonical camera poses.

Contrastive Learning

Randomized Adversarial Style Perturbations for Domain Generalization

no code implementations4 Apr 2023 TaeHoon Kim, Bohyung Han

We propose a novel domain generalization technique, referred to as Randomized Adversarial Style Perturbation (RASP), which is motivated by the observation that the characteristics of each domain are captured by the feature statistics corresponding to style.

Domain Generalization

Cross-Class Feature Augmentation for Class Incremental Learning

no code implementations4 Apr 2023 TaeHoon Kim, Jaeyoo Park, Bohyung Han

The proposed approach has a unique perspective to utilize the previous knowledge in class incremental learning since it augments features of arbitrary target classes using examples in other classes via adversarial attacks on a previously learned classifier.

Class Incremental Learning Incremental Learning +1

On the Stability-Plasticity Dilemma of Class-Incremental Learning

no code implementations CVPR 2023 Dongwan Kim, Bohyung Han

A primary goal of class-incremental learning is to strike a balance between stability and plasticity, where models should be both stable enough to retain knowledge learned from previously seen classes, and plastic enough to learn concepts from new classes.

Class Incremental Learning Incremental Learning +1

Multi-Modal Representation Learning with Text-Driven Soft Masks

no code implementations CVPR 2023 Jaeyoo Park, Bohyung Han

We propose a visual-linguistic representation learning approach within a self-supervised learning framework by introducing a new operation, loss, and data augmentation strategy.

Contrastive Learning Data Augmentation +4

Variational Distribution Learning for Unsupervised Text-to-Image Generation

no code implementations CVPR 2023 Minsoo Kang, Doyup Lee, Jiseob Kim, Saehoon Kim, Bohyung Han

We propose a text-to-image generation algorithm based on deep neural networks when text captions for images are unavailable during training.

Image Captioning Text-to-Image Generation +2

Information-Theoretic GAN Compression with Variational Energy-based Model

no code implementations28 Mar 2023 Minsoo Kang, Hyewon Yoo, Eunhee Kang, Sehwan Ki, Hyong-Euk Lee, Bohyung Han

We propose an information-theoretic knowledge distillation approach for the compression of generative adversarial networks, which aims to maximize the mutual information between teacher and student networks via a variational optimization based on an energy-based model.

Image Enhancement Knowledge Distillation +1

Towards Sequence-Level Training for Visual Tracking

2 code implementations11 Aug 2022 Minji Kim, Seungkwan Lee, Jungseul Ok, Bohyung Han, Minsu Cho

Despite the extensive adoption of machine learning on the task of visual object tracking, recent learning-based approaches have largely overlooked the fact that visual tracking is a sequence-level task in its nature; they rely heavily on frame-level training, which inevitably induces inconsistency between training and testing in terms of both data distributions and task objectives.

Data Augmentation Reinforcement Learning (RL) +1

Multi-Level Branched Regularization for Federated Learning

2 code implementations ICML 2022 Jinkyu Kim, Geeho Kim, Bohyung Han

A critical challenge of federated learning is data heterogeneity and imbalance across clients, which leads to inconsistency between local networks and unstable convergence of global models.

Federated Learning Knowledge Distillation

Pooling Revisited: Your Receptive Field is Suboptimal

no code implementations CVPR 2022 Dong-Hwan Jang, Sanghyeok Chu, Joonhyuk Kim, Bohyung Han

The size and shape of the receptive field determine how the network aggregates local information and affect the overall performance of a model considerably.

Image Classification Semantic Segmentation

Online Hybrid Lightweight Representations Learning: Its Application to Visual Tracking

no code implementations23 May 2022 Ilchae Jung, Minji Kim, Eunhyeok Park, Bohyung Han

This paper presents a novel hybrid representation learning framework for streaming data, where an image frame in a video is modeled by an ensemble of two distinct deep neural networks; one is a low-bit quantized network and the other is a lightweight full-precision network.

Representation Learning Visual Tracking

Class-Incremental Learning by Knowledge Distillation with Adaptive Feature Consolidation

1 code implementation CVPR 2022 Minsoo Kang, Jaeyoo Park, Bohyung Han

We present a novel class incremental learning approach based on deep neural networks, which continually learns new tasks with limited memory for storing examples in the previous tasks.

Class Incremental Learning Incremental Learning +1

Class-Incremental Learning for Action Recognition in Videos

no code implementations ICCV 2021 Jaeyoo Park, Minsoo Kang, Bohyung Han

We tackle catastrophic forgetting problem in the context of class-incremental learning for video recognition, which has not been explored actively despite the popularity of continual learning.

Action Recognition In Videos Class Incremental Learning +3

Learning to Adapt to Unseen Abnormal Activities under Weak Supervision

1 code implementation25 Mar 2022 Jaeyoo Park, Junha Kim, Bohyung Han

We present a meta-learning framework for weakly supervised anomaly detection in videos, where the detector learns to adapt to unseen types of abnormal activities effectively when only video-level annotations of binary labels are available.

Meta-Learning Missing Labels +2

Learning Semantic Segmentation from Multiple Datasets with Label Shifts

no code implementations28 Feb 2022 Dongwan Kim, Yi-Hsuan Tsai, Yumin Suh, Masoud Faraki, Sparsh Garg, Manmohan Chandraker, Bohyung Han

First, a gradient conflict in training due to mismatched label spaces is identified and a class-independent binary cross-entropy loss is proposed to alleviate such label conflicts.

Semantic Segmentation

Information-Theoretic Bias Reduction via Causal View of Spurious Correlation

no code implementations10 Jan 2022 Seonguk Seo, Joon-Young Lee, Bohyung Han

We propose an information-theoretic bias measurement technique through a causal interpretation of spurious correlation, which is effective to identify the feature-level algorithmic bias by taking advantage of conditional mutual information.

Face Recognition Fairness

Communication-Efficient Federated Learning with Accelerated Client Gradient

1 code implementation10 Jan 2022 Geeho Kim, Jinkyu Kim, Bohyung Han

To address this challenge, we propose a simple but effective federated learning framework, which improves the consistency across clients and facilitates the convergence of the server model.

Federated Learning

Self-Supervised Dense Consistency Regularization for Image-to-Image Translation

no code implementations CVPR 2022 Minsu Ko, Eunju Cha, Sungjoo Suh, Huijin Lee, Jae-Joon Han, Jinwoo Shin, Bohyung Han

Unsupervised image-to-image translation has gained considerable attention due to the recent impressive progress based on generative adversarial networks (GANs).

Translation Unsupervised Image-To-Image Translation

InfoNeRF: Ray Entropy Minimization for Few-Shot Neural Volume Rendering

2 code implementations CVPR 2022 Mijeong Kim, Seonguk Seo, Bohyung Han

We present an information-theoretic regularization technique for few-shot novel view synthesis based on neural implicit representation.

Novel View Synthesis

Learning Debiased and Disentangled Representations for Semantic Segmentation

no code implementations NeurIPS 2021 Sanghyeok Chu, Dongwan Kim, Bohyung Han

By randomly eliminating certain class information in each training iteration, we effectively reduce feature dependencies among classes, and the model is able to learn more debiased and disentangled feature representations.

feature selection Segmentation +1

Variable-Rate Deep Image Compression through Spatially-Adaptive Feature Transform

1 code implementation ICCV 2021 Myungseo Song, Jinyoung Choi, Bohyung Han

In addition, the proposed framework allows us to perform task-aware image compressions for various tasks, e. g., classification, by efficiently estimating optimized quality maps specific to target tasks for our encoding network.

Image Classification Image Compression

Unsupervised Learning of Debiased Representations with Pseudo-Attributes

1 code implementation CVPR 2022 Seonguk Seo, Joon-Young Lee, Bohyung Han

Dataset bias is a critical challenge in machine learning since it often leads to a negative impact on a model due to the unintended decision rules captured by spurious correlations.

Attribute

MCL-GAN: Generative Adversarial Networks with Multiple Specialized Discriminators

no code implementations15 Jul 2021 Jinyoung Choi, Bohyung Han

We propose a framework of generative adversarial networks with multiple discriminators, which collaborate to represent a real dataset more effectively.

Generative Adversarial Network Multiple-choice

Open-Set Representation Learning through Combinatorial Embedding

no code implementations CVPR 2023 Geeho Kim, Junoh Kang, Bohyung Han

Visual recognition tasks are often limited to dealing with a small subset of classes simply because the labels for the remaining classes are unavailable.

Image Categorization Image Retrieval +5

RaScaNet: Learning Tiny Models by Raster-Scanning Images

no code implementations CVPR 2021 Jaehyoung Yoo, Dongwook Lee, Changyong Son, Sangil Jung, ByungIn Yoo, Changkyu Choi, Jae-Joon Han, Bohyung Han

RaScaNet reads only a few rows of pixels at a time using a convolutional neural network and then sequentially learns the representation of the whole image using a recurrent neural network.

Binary Classification

CoSMo: Content-Style Modulation for Image Retrieval With Text Feedback

1 code implementation CVPR 2021 Seungmin Lee, Dongwan Kim, Bohyung Han

We focus on designing an image-text compositor, i. e., integrating multi-modal inputs to produce a representation similar to that of the target image.

Image Retrieval Retrieval +1

Learning Student-Friendly Teacher Networks for Knowledge Distillation

no code implementations NeurIPS 2021 Dae Young Park, Moon-Hyun Cha, Changwook Jeong, Dae Sin Kim, Bohyung Han

In other words, at the time of optimizing a teacher model, the proposed algorithm learns the student branches jointly to obtain student-friendly representations.

Knowledge Distillation Transfer Learning

Rotation-Invariant Local-to-Global Representation Learning for 3D Point Cloud

no code implementations NeurIPS 2020 Seohyun Kim, Jaeyoo Park, Bohyung Han

We propose a local-to-global representation learning algorithm for 3D point cloud data, which is appropriate to handle various geometric transformations, especially rotation, without explicit data augmentation with respect to the transformations.

3D Object Recognition Data Augmentation +1

Operation-Aware Soft Channel Pruning using Differentiable Masks

1 code implementation ICML 2020 Minsoo Kang, Bohyung Han

We propose a simple but effective data-driven channel pruning algorithm, which compresses deep neural networks in a differentiable way by exploiting the characteristics of operations.

Local-Global Video-Text Interactions for Temporal Grounding

1 code implementation CVPR 2020 Jonghwan Mun, Minsu Cho, Bohyung Han

This paper addresses the problem of text-to-video temporal grounding, which aims to identify the time interval in a video semantically relevant to a text query.

Channel Attention Is All You Need for Video Frame Interpolation

1 code implementation AAAI Conference on Artificial Intelligence 2020 Myungsub Choi, Heewon Kim, Bohyung Han, Ning Xu, Kyoung Mu Lee

Prevailing video frame interpolation techniques rely heavily on optical flow estimation and require additional model complexity and computational cost; it is also susceptible to error propagation in challenging scenarios with large motion and heavy occlusion.

Motion Estimation Optical Flow Estimation +1

Combinatorial Inference against Label Noise

1 code implementation NeurIPS 2019 Paul Hongsuck Seo, Geeho Kim, Bohyung Han

Label noise is one of the critical sources that degrade generalization performance of deep neural networks significantly.

Clustering

Towards Oracle Knowledge Distillation with Neural Architecture Search

no code implementations29 Nov 2019 Minsoo Kang, Jonghwan Mun, Bohyung Han

We present a novel framework of knowledge distillation that is capable of learning powerful and efficient student models from ensemble teacher networks.

Image Classification Knowledge Distillation +1

Real-Time Object Tracking via Meta-Learning: Efficient Model Adaptation and One-Shot Channel Pruning

no code implementations25 Nov 2019 Ilchae Jung, Kihyun You, Hyeonwoo Noh, Minsu Cho, Bohyung Han

We propose a novel meta-learning framework for real-time object tracking with efficient model adaptation and channel pruning.

Meta-Learning Object +1

Reinforcing an Image Caption Generator Using Off-Line Human Feedback

no code implementations21 Nov 2019 Paul Hongsuck Seo, Piyush Sharma, Tomer Levinboim, Bohyung Han, Radu Soricut

Human ratings are currently the most accurate way to assess the quality of an image captioning model, yet most often the only used outcome of an expensive human rating evaluation is a few overall statistics over the evaluation dataset.

Image Captioning

Fine-Grained Neural Architecture Search

no code implementations18 Nov 2019 Heewon Kim, Seokil Hong, Bohyung Han, Heesoo Myeong, Kyoung Mu Lee

We present an elegant framework of fine-grained neural architecture search (FGNAS), which allows to employ multiple heterogeneous operations within a single layer and can even generate compositional feature maps using several different base operations.

Image Classification Image Super-Resolution +1

Efficient Decoupled Neural Architecture Search by Structure and Operation Sampling

1 code implementation23 Oct 2019 Heung-Chang Lee, Do-Guk Kim, Bohyung Han

We propose a novel neural architecture search algorithm via reinforcement learning by decoupling structure and operation search processes.

Neural Architecture Search reinforcement-learning +1

Regularizing Neural Networks via Stochastic Branch Layers

no code implementations3 Oct 2019 Wonpyo Park, Paul Hongsuck Seo, Bohyung Han, Minsu Cho

We introduce a novel stochastic regularization technique for deep neural networks, which decomposes a layer into multiple branches with different parameters and merges stochastically sampled combinations of the outputs from the branches during training.

Learning to Optimize Domain Specific Normalization for Domain Generalization

no code implementations ECCV 2020 Seonguk Seo, Yumin Suh, Dongwan Kim, Geeho Kim, Jongwoo Han, Bohyung Han

We propose a simple but effective multi-source domain generalization technique based on deep neural networks by incorporating optimized normalization layers that are specific to individual domains.

Domain Generalization Unsupervised Domain Adaptation

Domain-Specific Batch Normalization for Unsupervised Domain Adaptation

1 code implementation CVPR 2019 Woong-Gi Chang, Tackgeun You, Seonguk Seo, Suha Kwak, Bohyung Han

In the first stage, we estimate pseudo-labels for the examples in the target domain using an external unsupervised domain adaptation algorithm---for example, MSTN or CPUA---integrating the proposed domain-specific batch normalization.

Unsupervised Domain Adaptation

Context-Aware Zero-Shot Recognition

1 code implementation19 Apr 2019 Ruotian Luo, Ning Zhang, Bohyung Han, Linjie Yang

We present a novel problem setting in zero-shot learning, zero-shot object recognition and detection in the context.

Object Recognition Zero-Shot Learning

Streamlined Dense Video Captioning

1 code implementation CVPR 2019 Jonghwan Mun, Linjie Yang, Zhou Ren, Ning Xu, Bohyung Han

Dense video captioning is an extremely challenging task since accurate and coherent description of events in a video requires holistic understanding of video contents as well as contextual reasoning of individual events.

Dense Video Captioning

Learning to Specialize with Knowledge Distillation for Visual Question Answering

no code implementations NeurIPS 2018 Jonghwan Mun, Kimin Lee, Jinwoo Shin, Bohyung Han

The proposed framework is model-agnostic and applicable to any tasks other than VQA, e. g., image classification with a large number of labels but few per-class examples, which is known to be difficult under existing MCL schemes.

General Classification General Knowledge +5

Transfer Learning via Unsupervised Task Discovery for Visual Question Answering

1 code implementation CVPR 2019 Hyeonwoo Noh, Tae-hoon Kim, Jonghwan Mun, Bohyung Han

Specifically, we employ linguistic knowledge sources such as structured lexical database (e. g. WordNet) and visual descriptions for unsupervised task discovery, and transfer a learned task conditional visual classifier as an answering unit in a visual question answering model.

Question Answering Transfer Learning +1

Learning for Single-Shot Confidence Calibration in Deep Neural Networks through Stochastic Inferences

no code implementations CVPR 2019 Seonguk Seo, Paul Hongsuck Seo, Bohyung Han

The proposed loss function enables us to learn deep neural networks that predict confidence calibrated scores using a single inference.

Real-Time MDNet

3 code implementations ECCV 2018 Ilchae Jung, Jeany Son, Mooyeol Baek, Bohyung Han

We present a fast and accurate visual tracking algorithm based on the multi-domain convolutional neural network (MDNet).

Visual Tracking

Attentive Semantic Alignment with Offset-Aware Correlation Kernels

no code implementations ECCV 2018 Paul Hongsuck Seo, Jongmin Lee, Deunsol Jung, Bohyung Han, Minsu Cho

Semantic correspondence is the problem of establishing correspondences across images depicting different instances of the same object or scene class.

Semantic correspondence Translation

CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps

no code implementations ECCV 2018 Paul Hongsuck Seo, Tobias Weyand, Jack Sim, Bohyung Han

Image geolocalization is the task of identifying the location depicted in a photo based only on its visual information.

 Ranked #1 on Photo geolocation estimation on Im2GPS (Reference images metric)

Photo geolocation estimation

Regularizing Deep Neural Networks by Noise: Its Interpretation and Optimization

no code implementations NeurIPS 2017 Hyeonwoo Noh, Tackgeun You, Jonghwan Mun, Bohyung Han

Overfitting is one of the most critical challenges in deep neural networks, and there are various types of regularization methods to improve generalization performance.

Visual Reference Resolution using Attention Memory for Visual Dialog

no code implementations NeurIPS 2017 Paul Hongsuck Seo, Andreas Lehrmann, Bohyung Han, Leonid Sigal

From this memory, the model retrieves the previous attention, taking into account recency, which is most relevant for the current question, in order to resolve potentially ambiguous references.

Ranked #13 on Visual Dialog on VisDial v0.9 val (R@1 metric)

Parameter Prediction Question Answering +3

Superpixel-Based Tracking-By-Segmentation Using Markov Chains

no code implementations CVPR 2017 Donghun Yeo, Jeany Son, Bohyung Han, Joon Hee Han

We propose a simple but effective tracking-by-segmentation algorithm using Absorbing Markov Chain (AMC) on superpixel segmentation, where target state is estimated by a combination of bottom-up and top-down approaches, and target segmentation is propagated to subsequent frames in a recursive manner.

graph construction Segmentation +1

Multi-Object Tracking With Quadruplet Convolutional Neural Networks

no code implementations CVPR 2017 Jeany Son, Mooyeol Baek, Minsu Cho, Bohyung Han

We propose Quadruplet Convolutional Neural Networks (Quad-CNN) for multi-object tracking, which learn to associate object detections across frames using quadruplet losses.

Multi-Object Tracking Object +1

BranchOut: Regularization for Online Ensemble Tracking With Convolutional Neural Networks

no code implementations CVPR 2017 Bohyung Han, Jack Sim, Hartwig Adam

We propose an extremely simple but effective regularization technique of convolutional neural networks (CNNs), referred to as BranchOut, for online ensemble tracking.

Visual Tracking

Weakly Supervised Semantic Segmentation using Web-Crawled Videos

no code implementations CVPR 2017 Seunghoon Hong, Donghun Yeo, Suha Kwak, Honglak Lee, Bohyung Han

Our goal is to overcome this limitation with no additional human intervention by retrieving videos relevant to target class labels from web repository, and generating segmentation labels from the retrieved videos to simulate strong supervision for semantic segmentation.

Image Classification Segmentation +2

Large-Scale Image Retrieval with Attentive Deep Local Features

12 code implementations ICCV 2017 Hyeonwoo Noh, Andre Araujo, Jack Sim, Tobias Weyand, Bohyung Han

We propose an attentive local feature descriptor suitable for large-scale image retrieval, referred to as DELF (DEep Local Feature).

Image Retrieval Retrieval

Text-guided Attention Model for Image Captioning

1 code implementation12 Dec 2016 Jonghwan Mun, Minsu Cho, Bohyung Han

Visual attention plays an important role to understand images and demonstrates its effectiveness in generating natural language descriptions of images.

Image Captioning

MarioQA: Answering Questions by Watching Gameplay Videos

no code implementations ICCV 2017 Jonghwan Mun, Paul Hongsuck Seo, Ilchae Jung, Bohyung Han

To address this objective, we automatically generate a customized synthetic VideoQA dataset using {\em Super Mario Bros.} gameplay videos so that it contains events with different levels of reasoning complexity.

Question Answering Video Question Answering

Modeling and Propagating CNNs in a Tree Structure for Visual Tracking

no code implementations25 Aug 2016 Hyeonseob Nam, Mooyeol Baek, Bohyung Han

We present an online visual tracking algorithm by managing multiple target appearance models in a tree structure.

Visual Object Tracking Visual Tracking

Training Recurrent Answering Units with Joint Loss Minimization for VQA

no code implementations12 Jun 2016 Hyeonwoo Noh, Bohyung Han

We propose a novel algorithm for visual question answering based on a recurrent deep neural network, where every module in the network corresponds to a complete answering unit with attention mechanism by itself.

Question Answering Visual Question Answering

Progressive Attention Networks for Visual Attribute Prediction

1 code implementation8 Jun 2016 Paul Hongsuck Seo, Zhe Lin, Scott Cohen, Xiaohui Shen, Bohyung Han

We propose a novel attention model that can accurately attends to target objects of various scales and shapes in images.

Attribute Hard Attention

Tracking-by-Segmentation With Online Gradient Boosting Decision Tree

no code implementations ICCV 2015 Jeany Son, Ilchae Jung, Kayoung Park, Bohyung Han

We evaluate the performance of our tracking algorithm based on the measures for segmentation masks, where our algorithm illustrates superior accuracy compared to the state-of-the-art segmentation-based tracking methods.

Segmentation

Image Question Answering using Convolutional Neural Network with Dynamic Parameter Prediction

1 code implementation CVPR 2016 Hyeonwoo Noh, Paul Hongsuck Seo, Bohyung Han

We tackle image question answering (ImageQA) problem by learning a convolutional neural network (CNN) with a dynamic parameter layer whose weights are determined adaptively based on questions.

Image Retrieval with Multi-Modal Query Parameter Prediction +2

Learning Multi-Domain Convolutional Neural Networks for Visual Tracking

2 code implementations CVPR 2016 Hyeonseob Nam, Bohyung Han

Our algorithm pretrains a CNN using a large set of videos with tracking ground-truths to obtain a generic target representation.

Binary Classification General Classification +1

Decoupled Deep Neural Network for Semi-supervised Semantic Segmentation

3 code implementations NeurIPS 2015 Seunghoon Hong, Hyeonwoo Noh, Bohyung Han

We propose a novel deep neural network architecture for semi-supervised semantic segmentation using heterogeneous annotations.

Classification General Classification +2

Learning to Select Pre-Trained Deep Representations with Bayesian Evidence Framework

no code implementations CVPR 2016 Yong-Deok Kim, Taewoong Jang, Bohyung Han, Seungjin Choi

We propose a Bayesian evidence framework to facilitate transfer learning from pre-trained deep convolutional neural networks (CNNs).

Transfer Learning

Online Tracking by Learning Discriminative Saliency Map with Convolutional Neural Network

no code implementations24 Feb 2015 Seunghoon Hong, Tackgeun You, Suha Kwak, Bohyung Han

We propose an online visual tracking algorithm by learning discriminative saliency map using Convolutional Neural Network (CNN).

Visual Tracking

Object Localization based on Structural SVM using Privileged Information

no code implementations NeurIPS 2014 Jan Feyereisl, Suha Kwak, Jeany Son, Bohyung Han

We propose a structured prediction algorithm for object localization based on Support Vector Machines (SVMs) using privileged information.

Object Object Localization +1

Multi-agent Event Detection: Localization and Role Assignment

no code implementations CVPR 2013 Suha Kwak, Bohyung Han, Joon Hee Han

We present a joint estimation technique of event localization and role assignment when the target video event is described by a scenario.

Event Detection

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