Search Results for author: W. Bastiaan Kleijn

Found 23 papers, 9 papers with code

TrailBlazer: Trajectory Control for Diffusion-Based Video Generation

no code implementations31 Dec 2023 Wan-Duo Kurt Ma, J. P. Lewis, W. Bastiaan Kleijn

Within recent approaches to text-to-video (T2V) generation, achieving controllability in the synthesized video is often a challenge.

Video Generation

Exact Diffusion Inversion via Bi-directional Integration Approximation

1 code implementation10 Jul 2023 Guoqiang Zhang, J. P. Lewis, W. Bastiaan Kleijn

In our work, it is found that applying BDIA to the EDM sampling procedure produces consistently better performance over four pre-trained models.

Image Reconstruction Text-to-Image Generation

Lookahead Diffusion Probabilistic Models for Refining Mean Estimation

1 code implementation CVPR 2023 Guoqiang Zhang, Niwa Kenta, W. Bastiaan Kleijn

We propose lookahead diffusion probabilistic models (LA-DPMs) to exploit the correlation in the outputs of the deep neural networks (DNNs) over subsequent timesteps in diffusion probabilistic models (DPMs) to refine the mean estimation of the conditional Gaussian distributions in the backward process.

On Accelerating Diffusion-Based Sampling Process via Improved Integration Approximation

no code implementations22 Apr 2023 Guoqiang Zhang, Niwa Kenta, W. Bastiaan Kleijn

A popular approach to sample a diffusion-based generative model is to solve an ordinary differential equation (ODE).

Directed Diffusion: Direct Control of Object Placement through Attention Guidance

no code implementations25 Feb 2023 Wan-Duo Kurt Ma, J. P. Lewis, Avisek Lahiri, Thomas Leung, W. Bastiaan Kleijn

Text-guided diffusion models such as DALLE-2, Imagen, eDiff-I, and Stable Diffusion are able to generate an effectively endless variety of images given only a short text prompt describing the desired image content.

Estimation of Source and Receiver Positions, Room Geometry and Reflection Coefficients From a Single Room Impulse Response

no code implementations22 Jan 2023 Wangyang Yu, W. Bastiaan Kleijn

We propose an algorithm to estimate source and receiver positions, room geometry and reflection coefficients from a single room impulse response simultaneously.

Room Impulse Response (RIR)

Ultra-Low-Bitrate Speech Coding with Pretrained Transformers

no code implementations5 Jul 2022 Ali Siahkoohi, Michael Chinen, Tom Denton, W. Bastiaan Kleijn, Jan Skoglund

Our numerical experiments show that supplementing the convolutional encoder of a neural speech codec with Transformer speech embeddings yields a speech codec with a bitrate of $600\,\mathrm{bps}$ that outperforms the original neural speech codec in synthesized speech quality when trained at the same bitrate.

Inductive Bias

A DNN Optimizer that Improves over AdaBelief by Suppression of the Adaptive Stepsize Range

1 code implementation24 Mar 2022 Guoqiang Zhang, Kenta Niwa, W. Bastiaan Kleijn

Firstly, we show that the particular placement of the parameter epsilon within the update expressions of AdaBelief reduces the range of the adaptive stepsizes, making AdaBelief closer to SGD with momentum.

Image Classification Image Generation

Extending AdamW by Leveraging Its Second Moment and Magnitude

no code implementations9 Dec 2021 Guoqiang Zhang, Niwa Kenta, W. Bastiaan Kleijn

Aida is designed to compute the qth power of the magnitude in the form of |m_{t+1}|^q/(r_{t+1}+epsilon)^(q/p) (or |m_{t+1}|^q/((r_{t+1})^(q/p)+epsilon)), which reduces to that of AdamW when (p, q)=(2, 1).

Handling Background Noise in Neural Speech Generation

1 code implementation23 Feb 2021 Tom Denton, Alejandro Luebs, Felicia S. C. Lim, Andrew Storus, Hengchin Yeh, W. Bastiaan Kleijn, Jan Skoglund

Recent advances in neural-network based generative modeling of speech has shown great potential for speech coding.

Denoising Speech Synthesis

Generative Speech Coding with Predictive Variance Regularization

1 code implementation18 Feb 2021 W. Bastiaan Kleijn, Andrew Storus, Michael Chinen, Tom Denton, Felicia S. C. Lim, Alejandro Luebs, Jan Skoglund, Hengchin Yeh

We introduce predictive-variance regularization to reduce the sensitivity to outliers, resulting in a significant increase in performance.

The HSIC Bottleneck: Deep Learning without Back-Propagation

3 code implementations5 Aug 2019 Wan-Duo Kurt Ma, J. P. Lewis, W. Bastiaan Kleijn

We introduce the HSIC (Hilbert-Schmidt independence criterion) bottleneck for training deep neural networks.

Classification General Classification

Rapidly Adapting Moment Estimation

no code implementations24 Feb 2019 Guo-Qiang Zhang, Kenta Niwa, W. Bastiaan Kleijn

Adaptive gradient methods such as Adam have been shown to be very effective for training deep neural networks (DNNs) by tracking the second moment of gradients to compute the individual learning rates.

GENERALIZED ADAPTIVE MOMENT ESTIMATION

no code implementations27 Sep 2018 Guoqiang Zhang, Kenta Niwa, W. Bastiaan Kleijn

Empirical studies for training four convolutional neural networks over MNIST and CIFAR10 show that under proper parameter selection, Game produces promising validation performance as compared to AMSGrad and PAdam.

Kernel Density Estimation-Based Markov Models with Hidden State

no code implementations30 Jul 2018 Gustav Eje Henter, Arne Leijon, W. Bastiaan Kleijn

We consider Markov models of stochastic processes where the next-step conditional distribution is defined by a kernel density estimator (KDE), similar to Markov forecast densities and certain time-series bootstrap schemes.

Density Estimation Time Series Analysis

Wavenet based low rate speech coding

1 code implementation1 Dec 2017 W. Bastiaan Kleijn, Felicia S. C. Lim, Alejandro Luebs, Jan Skoglund, Florian Stimberg, Quan Wang, Thomas C. Walters

Traditional parametric coding of speech facilitates low rate but provides poor reconstruction quality because of the inadequacy of the model used.

Bandwidth Extension

Training Deep Neural Networks via Optimization Over Graphs

no code implementations11 Feb 2017 Guo-Qiang Zhang, W. Bastiaan Kleijn

In this work, we propose to train a deep neural network by distributed optimization over a graph.

Distributed Optimization

Deep Reconstruction-Classification Networks for Unsupervised Domain Adaptation

2 code implementations12 Jul 2016 Muhammad Ghifary, W. Bastiaan Kleijn, Mengjie Zhang, David Balduzzi, Wen Li

In this paper, we propose a novel unsupervised domain adaptation algorithm based on deep learning for visual object recognition.

Classification General Classification +2

Scatter Component Analysis: A Unified Framework for Domain Adaptation and Domain Generalization

no code implementations15 Oct 2015 Muhammad Ghifary, David Balduzzi, W. Bastiaan Kleijn, Mengjie Zhang

We propose Scatter Component Analyis (SCA), a fast representation learning algorithm that can be applied to both domain adaptation and domain generalization.

Domain Generalization General Classification +2

Domain Generalization for Object Recognition with Multi-task Autoencoders

3 code implementations ICCV 2015 Muhammad Ghifary, W. Bastiaan Kleijn, Mengjie Zhang, David Balduzzi

The problem of domain generalization is to take knowledge acquired from a number of related domains where training data is available, and to then successfully apply it to previously unseen domains.

Denoising Domain Generalization +2

Domain Adaptive Neural Networks for Object Recognition

no code implementations21 Sep 2014 Muhammad Ghifary, W. Bastiaan Kleijn, Mengjie Zhang

We propose a simple neural network model to deal with the domain adaptation problem in object recognition.

Denoising Domain Adaptation +2

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