Search Results for author: Jong Hwan Ko

Found 31 papers, 20 papers with code

DiffO: Single-step Diffusion for Image Compression at Ultra-Low Bitrates

1 code implementation19 Jun 2025 Chanung Park, Joo Chan Lee, Jong Hwan Ko

Although image compression is fundamental to visual data processing and has inspired numerous standard and learned codecs, these methods still suffer severe quality degradation at extremely low bits per pixel.

Denoising Image Compression

TESU-LLM: Training Speech-LLMs Without Speech via Unified Encoder Alignment

no code implementations1 Jun 2025 Taesoo Kim, Jong Hwan Ko

Our key insight is to leverage a unified encoder that maps semantically equivalent text and speech inputs to a shared latent space.

Event-based Neural Spike Detection Using Spiking Neural Networks for Neuromorphic iBMI Systems

no code implementations10 May 2025 Chanwook Hwang, Biyan Zhou, Ye Ke, Vivek Mohan, Jong Hwan Ko, Arindam Basu

Implantable brain-machine interfaces (iBMIs) are evolving to record from thousands of neurons wirelessly but face challenges in data bandwidth, power consumption, and implant size.

Data Compression

Column-wise Quantization of Weights and Partial Sums for Accurate and Efficient Compute-In-Memory Accelerators

1 code implementation11 Feb 2025 Jiyoon Kim, Kang Eun Jeon, Yulhwa Kim, Jong Hwan Ko

Low-precision ADCs can reduce this overhead but introduce partial-sum quantization errors degrading accuracy.

Quantization

MEMHD: Memory-Efficient Multi-Centroid Hyperdimensional Computing for Fully-Utilized In-Memory Computing Architectures

no code implementations11 Feb 2025 Do Yeong Kang, Yeong Hwan Oh, Chanwook Hwang, Jinhee Kim, Kang Eun Jeon, Jong Hwan Ko

The implementation of Hyperdimensional Computing (HDC) on In-Memory Computing (IMC) architectures faces significant challenges due to the mismatch between highdimensional vectors and IMC array sizes, leading to inefficient memory utilization and increased computation cycles.

Quantization

Low-Rank Compression for IMC Arrays

no code implementations10 Feb 2025 Kang Eun Jeon, Johnny Rhe, Jong Hwan Ko

In this study, we address the challenge of low-rank model compression in the context of in-memory computing (IMC) architectures.

Low-rank compression Model Compression

Test-Time Fine-Tuning of Image Compression Models for Multi-Task Adaptability

no code implementations CVPR 2025 Unki Park, Seongmoon Jeong, Youngchan Jang, Gyeong-Moon Park, Jong Hwan Ko

To address this issue, this paper proposes a fully instance-specific test time fine-tuning (TTFT) for adapting learned image compression (LIC) to both closed-set and open-set machine vision tasks effectively.

Image Compression

EPS: Efficient Patch Sampling for Video Overfitting in Deep Super-Resolution Model Training

no code implementations25 Nov 2024 Yiying Wei, Hadi Amirpour, Jong Hwan Ko, Christian Timmerer

Our method reduces the number of patches for the training to 4% to 25%, depending on the resolution and number of clusters, while maintaining high video quality and significantly enhancing training efficiency.

Super-Resolution

Compact 3D Gaussian Splatting for Static and Dynamic Radiance Fields

1 code implementation7 Aug 2024 Joo Chan Lee, Daniel Rho, Xiangyu Sun, Jong Hwan Ko, Eunbyung Park

With model compression techniques such as quantization and entropy coding, we consistently show over 25x reduced storage and enhanced rendering speed compared to 3DGS for static scenes, while maintaining the quality of the scene representation.

3DGS Model Compression +1

HandDAGT: A Denoising Adaptive Graph Transformer for 3D Hand Pose Estimation

1 code implementation30 Jul 2024 Wencan Cheng, Eunji Kim, Jong Hwan Ko

To address this challenge, this paper proposes the Denoising Adaptive Graph Transformer, HandDAGT, for hand pose estimation.

3D Hand Pose Estimation Attribute +1

F-3DGS: Factorized Coordinates and Representations for 3D Gaussian Splatting

no code implementations27 May 2024 Xiangyu Sun, Joo Chan Lee, Daniel Rho, Jong Hwan Ko, Usman Ali, Eunbyung Park

To mitigate the storage overhead, we propose Factorized 3D Gaussian Splatting (F-3DGS), a novel approach that drastically reduces storage requirements while preserving image quality.

3DGS NeRF +1

HandDiff: 3D Hand Pose Estimation with Diffusion on Image-Point Cloud

1 code implementation CVPR 2024 Wencan Cheng, Hao Tang, Luc van Gool, Jong Hwan Ko

Extracting keypoint locations from input hand frames, known as 3D hand pose estimation, is a critical task in various human-computer interaction applications.

3D Hand Pose Estimation

Continuous Memory Representation for Anomaly Detection

1 code implementation28 Feb 2024 Joo Chan Lee, Taejune Kim, Eunbyung Park, Simon S. Woo, Jong Hwan Ko

To tackle all of the above challenges, we propose CRAD, a novel anomaly detection method for representing normal features within a "continuous" memory, enabled by transforming spatial features into coordinates and mapping them to continuous grids.

Anomaly Detection

Mip-Grid: Anti-aliased Grid Representations for Neural Radiance Fields

no code implementations NeurIPS 2023 Seungtae Nam, Daniel Rho, Jong Hwan Ko, Eunbyung Park

In this work, we present mip-Grid, a novel approach that integrates anti-aliasing techniques into grid-based representations for radiance fields, mitigating the aliasing artifacts while enjoying fast training time.

NeRF

Coordinate-Aware Modulation for Neural Fields

1 code implementation25 Nov 2023 Joo Chan Lee, Daniel Rho, Seungtae Nam, Jong Hwan Ko, Eunbyung Park

Experimental results demonstrate that CAM enhances the performance of neural representation and improves learning stability across a range of signals.

Novel View Synthesis Video Compression

Compact 3D Gaussian Representation for Radiance Field

1 code implementation CVPR 2024 Joo Chan Lee, Daniel Rho, Xiangyu Sun, Jong Hwan Ko, Eunbyung Park

On the other hand, 3D Gaussian splatting (3DGS) has recently emerged as an alternative representation that leverages a 3D Gaussisan-based representation and adopts the rasterization pipeline to render the images rather than volumetric rendering, achieving very fast rendering speed and promising image quality.

3DGS Model Compression +2

Multi-Scale Bidirectional Recurrent Network with Hybrid Correlation for Point Cloud Based Scene Flow Estimation

1 code implementation ICCV 2023 Wencan Cheng, Jong Hwan Ko

Scene flow estimation provides the fundamental motion perception of a dynamic scene, which is of practical importance in many computer vision applications.

Scene Flow Estimation

FFNeRV: Flow-Guided Frame-Wise Neural Representations for Videos

1 code implementation23 Dec 2022 Joo Chan Lee, Daniel Rho, Jong Hwan Ko, Eunbyung Park

Neural fields, also known as coordinate-based or implicit neural representations, have shown a remarkable capability of representing, generating, and manipulating various forms of signals.

Model Compression Quantization +2

Masked Wavelet Representation for Compact Neural Radiance Fields

1 code implementation CVPR 2023 Daniel Rho, Byeonghyeon Lee, Seungtae Nam, Joo Chan Lee, Jong Hwan Ko, Eunbyung Park

There have been recent studies on how to reduce these computational inefficiencies by using additional data structures, such as grids or trees.

NeRF Neural Rendering

Streamable Neural Fields

1 code implementation20 Jul 2022 Junwoo Cho, Seungtae Nam, Daniel Rho, Jong Hwan Ko, Eunbyung Park

Neural fields have emerged as a new data representation paradigm and have shown remarkable success in various signal representations.

Bi-PointFlowNet: Bidirectional Learning for Point Cloud Based Scene Flow Estimation

1 code implementation15 Jul 2022 Wencan Cheng, Jong Hwan Ko

Scene flow estimation, which extracts point-wise motion between scenes, is becoming a crucial task in many computer vision tasks.

Scene Flow Estimation

ADA-VAD: Unpaired Adversarial Domain Adaptation for Noise-Robust Voice Activity Detection

no code implementations ICASSP 2022 Taesoo Kim, Jiho Chang, Jong Hwan Ko

In this paper, we propose adversarial domain adaptive VAD (ADA-VAD), which is a deep neural network (DNN) based VAD method highly robust to audio samples with various noise types and low SNRs.

Ranked #4 on Activity Detection on AVA-Speech (ROC-AUC metric)

Action Detection Activity Detection +1

NAS-VAD: Neural Architecture Search for Voice Activity Detection

1 code implementation22 Jan 2022 Daniel Rho, Jinhyeok Park, Jong Hwan Ko

Various neural network-based approaches have been proposed for more robust and accurate voice activity detection (VAD).

Action Detection Activity Detection +1

Neural Residual Flow Fields for Efficient Video Representations

1 code implementation12 Jan 2022 Daniel Rho, Junwoo Cho, Jong Hwan Ko, Eunbyung Park

Inspired by standard video compression algorithms, we propose a neural field architecture for representing and compressing videos that deliberately removes data redundancy through the use of motion information across video frames.

Video Compression

VW-SDK: Efficient Convolutional Weight Mapping Using Variable Windows for Processing-In-Memory Architectures

1 code implementation21 Dec 2021 Johnny Rhe, Sungmin Moon, Jong Hwan Ko

In this paper, we introduce a novel mapping algorithm called variable-window SDK (VW-SDK), which adaptively determines the shape of the parallel window that leads to the minimum computing cycles for a given convolutional layer and PIM array.

HandFoldingNet: A 3D Hand Pose Estimation Network Using Multiscale-Feature Guided Folding of a 2D Hand Skeleton

1 code implementation ICCV 2021 Wencan Cheng, Jae Hyun Park, Jong Hwan Ko

With increasing applications of 3D hand pose estimation in various human-computer interaction applications, convolution neural networks (CNNs) based estimation models have been actively explored.

3D Hand Pose Estimation Decoder

Dual Precision Deep Neural Network

1 code implementation2 Sep 2020 Jae Hyun Park, Ji Sub Choi, Jong Hwan Ko

On-line Precision scalability of the deep neural networks(DNNs) is a critical feature to support accuracy and complexity trade-off during the DNN inference.

Mixture of Pre-processing Experts Model for Noise Robust Deep Learning on Resource Constrained Platforms

no code implementations ICLR 2019 Taesik Na, Minah Lee, Burhan A. Mudassar, Priyabrata Saha, Jong Hwan Ko, Saibal Mukhopadhyay

We evaluate our proposed method for various machine learning tasks including object detection on MS-COCO 2014 dataset, multiple object tracking problem on MOT-Challenge dataset, and human activity classification on UCF 101 dataset.

General Classification Multiple Object Tracking +3

Edge-Host Partitioning of Deep Neural Networks with Feature Space Encoding for Resource-Constrained Internet-of-Things Platforms

no code implementations11 Feb 2018 Jong Hwan Ko, Taesik Na, Mohammad Faisal Amir, Saibal Mukhopadhyay

The lossless or lossy encoding of the feature space is proposed to enhance the maximum input rate supported by the edge platform and/or reduce the energy of the edge platform.

Cascade Adversarial Machine Learning Regularized with a Unified Embedding

1 code implementation ICLR 2018 Taesik Na, Jong Hwan Ko, Saibal Mukhopadhyay

Injecting adversarial examples during training, known as adversarial training, can improve robustness against one-step attacks, but not for unknown iterative attacks.

BIG-bench Machine Learning

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