Search Results for author: Reinhard Heckel

Found 49 papers, 28 papers with code

Compressive sensing with un-trained neural networks: Gradient descent finds a smooth approximation

1 code implementation ICML 2020 Reinhard Heckel, Mahdi Soltanolkotabi

For signal recovery from a few measurements, however, un-trained convolutional networks have an intriguing self-regularizing property: Even though the network can perfectly fit any image, the network recovers a natural image from few measurements when trained with gradient descent until convergence.

Compressive Sensing Denoising

GAMA-IR: Global Additive Multidimensional Averaging for Fast Image Restoration

no code implementations31 Mar 2024 Youssef Mansour, Reinhard Heckel

The network is a simple shallow network with an efficient block that implements global additive multidimensional averaging operations.

Deblurring Denoising +1

Robustness of Deep Learning for Accelerated MRI: Benefits of Diverse Training Data

no code implementations16 Dec 2023 Kang Lin, Reinhard Heckel

Furthermore, training on diverse data does not compromise in-distribution performance, i. e., a model trained on diverse data yields in-distribution performance at least as good as models trained on the more narrow individual distributions.

Image Reconstruction

A Deep Learning Method for Simultaneous Denoising and Missing Wedge Reconstruction in Cryogenic Electron Tomography

1 code implementation9 Nov 2023 Simon Wiedemann, Reinhard Heckel

At the same time, DeepDeWedge is simpler than this two-step approach, as it does denoising and missing wedge reconstruction simultaneously rather than sequentially.

Cryogenic Electron Tomography Denoising +1

K-band: Self-supervised MRI Reconstruction via Stochastic Gradient Descent over K-space Subsets

1 code implementation5 Aug 2023 Frederic Wang, Han Qi, Alfredo De Goyeneche, Reinhard Heckel, Michael Lustig, Efrat Shimron

In each training iteration, rather than using the fully sampled k-space for computing gradients, we use only a small k-space portion.

MRI Reconstruction

Approximating Positive Homogeneous Functions with Scale Invariant Neural Networks

no code implementations5 Aug 2023 Stefan Bamberger, Reinhard Heckel, Felix Krahmer

Furthermore, we also consider the approximation of general positive homogeneous functions with neural networks.

Implicit Neural Networks with Fourier-Feature Inputs for Free-breathing Cardiac MRI Reconstruction

1 code implementation11 May 2023 Johannes F. Kunz, Stefan Ruschke, Reinhard Heckel

In this paper, we propose a reconstruction approach based on representing the beating heart with an implicit neural network and fitting the network so that the representation of the heart is consistent with the measurements.

MRI Reconstruction

Zero-Shot Noise2Noise: Efficient Image Denoising without any Data

no code implementations CVPR 2023 Youssef Mansour, Reinhard Heckel

In this work we show that a simple 2-layer network, without any training data or knowledge of the noise distribution, can enable high-quality image denoising at low computational cost.

Image Denoising

Monotonic Risk Relationships under Distribution Shifts for Regularized Risk Minimization

1 code implementation20 Oct 2022 Daniel LeJeune, Jiayu Liu, Reinhard Heckel

Machine learning systems are often applied to data that is drawn from a different distribution than the training distribution.

Relation

Test-time Recalibration of Conformal Predictors Under Distribution Shift Based on Unlabeled Examples

1 code implementation9 Oct 2022 Fatih Furkan Yilmaz, Reinhard Heckel

To provide such sets, conformal predictors often estimate a cutoff threshold for the probability estimates based on a calibration set.

Conformal Prediction Prediction Intervals

Scaling Laws For Deep Learning Based Image Reconstruction

1 code implementation27 Sep 2022 Tobit Klug, Reinhard Heckel

Current methods are only trained on a few hundreds or thousands of images as opposed to the millions of examples deep networks are trained on in other domains.

Image Denoising Image Reconstruction +1

Theoretical Perspectives on Deep Learning Methods in Inverse Problems

no code implementations29 Jun 2022 Jonathan Scarlett, Reinhard Heckel, Miguel R. D. Rodrigues, Paul Hand, Yonina C. Eldar

In recent years, there have been significant advances in the use of deep learning methods in inverse problems such as denoising, compressive sensing, inpainting, and super-resolution.

Compressive Sensing Denoising +1

Regularization-wise double descent: Why it occurs and how to eliminate it

1 code implementation3 Jun 2022 Fatih Furkan Yilmaz, Reinhard Heckel

The risk of overparameterized models, in particular deep neural networks, is often double-descent shaped as a function of the model size.

Test-Time Training Can Close the Natural Distribution Shift Performance Gap in Deep Learning Based Compressed Sensing

1 code implementation14 Apr 2022 Mohammad Zalbagi Darestani, Jiayu Liu, Reinhard Heckel

We show that for four natural distribution shifts, this method essentially closes the distribution shift performance gap for state-of-the-art architectures for accelerated MRI.

Compressive Sensing Domain Adaptation +1

Image-to-Image MLP-mixer for Image Reconstruction

1 code implementation4 Feb 2022 Youssef Mansour, Kang Lin, Reinhard Heckel

Similar to the original MLP-mixer, the image-to-image MLP-mixer is based exclusively on MLPs operating on linearly-transformed image patches.

Compressive Sensing Denoising +2

Provable Continual Learning via Sketched Jacobian Approximations

1 code implementation9 Dec 2021 Reinhard Heckel

We propose a simple approach to overcome this: Regularizing training of a new task with sketches of the Jacobian matrix of past data.

Continual Learning

Untrained Graph Neural Networks for Denoising

1 code implementation24 Sep 2021 Samuel Rey, Santiago Segarra, Reinhard Heckel, Antonio G. Marques

This paper introduces two untrained graph neural network architectures for graph signal denoising, provides theoretical guarantees for their denoising capabilities in a simple setup, and numerically validates the theoretical results in more general scenarios.

Denoising

Interpolation can hurt robust generalization even when there is no noise

2 code implementations NeurIPS 2021 Konstantin Donhauser, Alexandru Ţifrea, Michael Aerni, Reinhard Heckel, Fanny Yang

Numerous recent works show that overparameterization implicitly reduces variance for min-norm interpolators and max-margin classifiers.

regression

Maximizing the robust margin provably overfits on noiseless data

1 code implementation ICML Workshop AML 2021 Konstantin Donhauser, Alexandru Tifrea, Michael Aerni, Reinhard Heckel, Fanny Yang

Numerous recent works show that overparameterization implicitly reduces variance, suggesting vanishing benefits for explicit regularization in high dimensions.

Attribute

Measuring Robustness in Deep Learning Based Compressive Sensing

1 code implementation11 Feb 2021 Mohammad Zalbagi Darestani, Akshay S. Chaudhari, Reinhard Heckel

In order to understand the sensitivity to such perturbations, in this work, we measure the robustness of different approaches for image reconstruction including trained and un-trained neural networks as well as traditional sparsity-based methods.

Compressive Sensing Image Reconstruction

Data augmentation for deep learning based accelerated MRI reconstruction

no code implementations1 Jan 2021 Zalan Fabian, Reinhard Heckel, Mahdi Soltanolkotabi

Inspired by the success of Data Augmentation (DA) for classification problems, in this paper, we propose a pipeline for data augmentation for image reconstruction tasks arising in medical imaging and explore its effectiveness at reducing the required training data in a variety of settings.

Data Augmentation Image Restoration +1

Early Stopping in Deep Networks: Double Descent and How to Eliminate it

1 code implementation ICLR 2021 Reinhard Heckel, Fatih Furkan Yilmaz

Over-parameterized models, such as large deep networks, often exhibit a double descent phenomenon, whereas a function of model size, error first decreases, increases, and decreases at last.

Accelerated MRI with Un-trained Neural Networks

3 code implementations6 Jul 2020 Mohammad Zalbagi Darestani, Reinhard Heckel

Convolutional Neural Networks (CNNs) are highly effective for image reconstruction problems.

Image Denoising Image Inpainting +1

Compressive sensing with un-trained neural networks: Gradient descent finds the smoothest approximation

1 code implementation7 May 2020 Reinhard Heckel, Mahdi Soltanolkotabi

For signal recovery from a few measurements, however, un-trained convolutional networks have an intriguing self-regularizing property: Even though the network can perfectly fit any image, the network recovers a natural image from few measurements when trained with gradient descent until convergence.

Compressive Sensing Denoising

Reducing the Representation Error of GAN Image Priors Using the Deep Decoder

no code implementations23 Jan 2020 Max Daniels, Paul Hand, Reinhard Heckel

In this paper, we demonstrate a method for reducing the representation error of GAN priors by modeling images as the linear combination of a GAN prior with a Deep Decoder.

Compressive Sensing Image Restoration

Denoising and Regularization via Exploiting the Structural Bias of Convolutional Generators

1 code implementation ICLR 2020 Reinhard Heckel, Mahdi Soltanolkotabi

A surprising experiment that highlights this architectural bias towards natural images is that one can remove noise and corruptions from a natural image without using any training data, by simply fitting (via gradient descent) a randomly initialized, over-parameterized convolutional generator to the corrupted image.

Attribute Denoising +1

Image recognition from raw labels collected without annotators

1 code implementation20 Oct 2019 Fatih Furkan Yilmaz, Reinhard Heckel

Image classification problems are typically addressed by first collecting examples with candidate labels, second cleaning the candidate labels manually, and third training a deep neural network on the clean examples.

Image Classification

Removing the Representation Error of GAN Image Priors Using the Deep Decoder

no code implementations25 Sep 2019 Max Daniels, Reinhard Heckel, Paul Hand

In this paper, we demonstrate a method for removing the representation error of a GAN when used as a prior in inverse problems by modeling images as the linear combination of a GAN with a Deep Decoder.

Compressive Sensing Image Restoration

Leveraging inductive bias of neural networks for learning without explicit human annotations

no code implementations25 Sep 2019 Fatih Furkan Yilmaz, Reinhard Heckel

Classification problems today are typically solved by first collecting examples along with candidate labels, second obtaining clean labels from workers, and third training a large, overparameterized deep neural network on the clean examples.

Inductive Bias

Channel Normalization in Convolutional Neural Network avoids Vanishing Gradients

no code implementations22 Jul 2019 Zhenwei Dai, Reinhard Heckel

This effect prevails in deep single-channel linear convolutional networks, and we show that without channel normalization, gradient descent takes at least exponentially many steps to come close to an optimum.

Regularizing linear inverse problems with convolutional neural networks

no code implementations6 Jul 2019 Reinhard Heckel

We demonstrate that with both fixed and parameterized convolutional filters those networks enable representing images with few coefficients.

Compressive Sensing Denoising

Deep Denoising: Rate-Optimal Recovery of Structured Signals with a Deep Prior

no code implementations ICLR 2019 Reinhard Heckel, Wen Huang, Paul Hand, Vladislav Voroninski

Deep neural networks provide state-of-the-art performance for image denoising, where the goal is to recover a near noise-free image from a noisy image.

Image Denoising

Adaptive Estimation for Approximate k-Nearest-Neighbor Computations

1 code implementation25 Feb 2019 Daniel LeJeune, Richard G. Baraniuk, Reinhard Heckel

Algorithms often carry out equally many computations for "easy" and "hard" problem instances.

Deep Decoder: Concise Image Representations from Untrained Non-convolutional Networks

4 code implementations ICLR 2019 Reinhard Heckel, Paul Hand

In this paper, we propose an untrained simple image model, called the deep decoder, which is a deep neural network that can generate natural images from very few weight parameters.

Denoising

Unsupervised Learning with Stein's Unbiased Risk Estimator

1 code implementation26 May 2018 Christopher A. Metzler, Ali Mousavi, Reinhard Heckel, Richard G. Baraniuk

We show that, in the context of image recovery, SURE and its generalizations can be used to train convolutional neural networks (CNNs) for a range of image denoising and recovery problems without any ground truth data.

Astronomy Image Denoising

Rate-Optimal Denoising with Deep Neural Networks

no code implementations ICLR 2019 Reinhard Heckel, Wen Huang, Paul Hand, Vladislav Voroninski

Deep neural networks provide state-of-the-art performance for image denoising, where the goal is to recover a near noise-free image from a noisy observation.

Image Denoising

Approximate Ranking from Pairwise Comparisons

no code implementations4 Jan 2018 Reinhard Heckel, Max Simchowitz, Kannan Ramchandran, Martin J. Wainwright

Accordingly, we study the problem of finding approximate rankings from pairwise comparisons.

DiffuserCam: Lensless Single-exposure 3D Imaging

no code implementations5 Oct 2017 Nick Antipa, Grace Kuo, Reinhard Heckel, Ben Mildenhall, Emrah Bostan, Ren Ng, Laura Waller

We demonstrate a compact and easy-to-build computational camera for single-shot 3D imaging.

The Sample Complexity of Online One-Class Collaborative Filtering

1 code implementation ICML 2017 Reinhard Heckel, Kannan Ramchandran

We consider the online one-class collaborative filtering (CF) problem that consists of recommending items to users over time in an online fashion based on positive ratings only.

Collaborative Filtering Recommendation Systems

Active Ranking from Pairwise Comparisons and when Parametric Assumptions Don't Help

no code implementations28 Jun 2016 Reinhard Heckel, Nihar B. Shah, Kannan Ramchandran, Martin J. Wainwright

We first analyze a sequential ranking algorithm that counts the number of comparisons won, and uses these counts to decide whether to stop, or to compare another pair of items, chosen based on confidence intervals specified by the data collected up to that point.

Open-Ended Question Answering

Scalable and interpretable product recommendations via overlapping co-clustering

1 code implementation7 Apr 2016 Reinhard Heckel, Michail Vlachos, Thomas Parnell, Celestine Dünner

We consider the problem of generating interpretable recommendations by identifying overlapping co-clusters of clients and products, based only on positive or implicit feedback.

Clustering

Dimensionality-reduced subspace clustering

no code implementations25 Jul 2015 Reinhard Heckel, Michael Tschannen, Helmut Bölcskei

Subspace clustering refers to the problem of clustering unlabeled high-dimensional data points into a union of low-dimensional linear subspaces, whose number, orientations, and dimensions are all unknown.

Clustering Dimensionality Reduction

Subspace clustering of dimensionality-reduced data

no code implementations27 Apr 2014 Reinhard Heckel, Michael Tschannen, Helmut Bölcskei

Subspace clustering refers to the problem of clustering unlabeled high-dimensional data points into a union of low-dimensional linear subspaces, assumed unknown.

Clustering Dimensionality Reduction

Neighborhood Selection for Thresholding-based Subspace Clustering

no code implementations13 Mar 2014 Reinhard Heckel, Eirikur Agustsson, Helmut Bölcskei

Subspace clustering refers to the problem of clustering high-dimensional data points into a union of low-dimensional linear subspaces, where the number of subspaces, their dimensions and orientations are all unknown.

Clustering

Compressive Nonparametric Graphical Model Selection For Time Series

no code implementations13 Nov 2013 Alexander Jung, Reinhard Heckel, Helmut Bölcskei, Franz Hlawatsch

We propose a method for inferring the conditional indepen- dence graph (CIG) of a high-dimensional discrete-time Gaus- sian vector random process from finite-length observations.

Model Selection Time Series +1

Robust Subspace Clustering via Thresholding

1 code implementation18 Jul 2013 Reinhard Heckel, Helmut Bölcskei

We propose a simple low-complexity subspace clustering algorithm, which applies spectral clustering to an adjacency matrix obtained by thresholding the correlations between data points.

Clustering

Noisy Subspace Clustering via Thresholding

no code implementations15 May 2013 Reinhard Heckel, Helmut Bölcskei

We consider the problem of clustering noisy high-dimensional data points into a union of low-dimensional subspaces and a set of outliers.

Clustering Outlier Detection

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