Search Results for author: Andrea Tagliasacchi

Found 66 papers, 28 papers with code

NASA Neural Articulated Shape Approximation

no code implementations ECCV 2020 Boyang Deng, JP Lewis, Timothy Jeruzalski, Gerard Pons-Moll, Geoffrey Hinton, Mohammad Norouzi, Andrea Tagliasacchi

Efficient representation of articulated objects such as human bodies is an important problem in computer vision and graphics.

3D Gaussian Splatting as Markov Chain Monte Carlo

no code implementations15 Apr 2024 Shakiba Kheradmand, Daniel Rebain, Gopal Sharma, Weiwei Sun, Jeff Tseng, Hossam Isack, Abhishek Kar, Andrea Tagliasacchi, Kwang Moo Yi

While 3D Gaussian Splatting has recently become popular for neural rendering, current methods rely on carefully engineered cloning and splitting strategies for placing Gaussians, which does not always generalize and may lead to poor-quality renderings.

Neural Rendering

pixelSplat: 3D Gaussian Splats from Image Pairs for Scalable Generalizable 3D Reconstruction

1 code implementation19 Dec 2023 David Charatan, Sizhe Li, Andrea Tagliasacchi, Vincent Sitzmann

We introduce pixelSplat, a feed-forward model that learns to reconstruct 3D radiance fields parameterized by 3D Gaussian primitives from pairs of images.

3D Reconstruction Generalizable Novel View Synthesis +1

Densify Your Labels: Unsupervised Clustering with Bipartite Matching for Weakly Supervised Point Cloud Segmentation

no code implementations11 Dec 2023 Shaobo Xia, Jun Yue, Kacper Kania, Leyuan Fang, Andrea Tagliasacchi, Kwang Moo Yi, Weiwei Sun

We propose a weakly supervised semantic segmentation method for point clouds that predicts "per-point" labels from just "whole-scene" annotations while achieving the performance of recent fully supervised approaches.

Clustering Point Cloud Segmentation +3

PointNeRF++: A multi-scale, point-based Neural Radiance Field

no code implementations4 Dec 2023 Weiwei Sun, Eduard Trulls, Yang-Che Tseng, Sneha Sambandam, Gopal Sharma, Andrea Tagliasacchi, Kwang Moo Yi

We overcome these problems with a simple representation that aggregates point clouds at multiple scale levels with sparse voxel grids at different resolutions.

Neural Rendering valid

Volumetric Rendering with Baked Quadrature Fields

no code implementations2 Dec 2023 Gopal Sharma, Daniel Rebain, Kwang Moo Yi, Andrea Tagliasacchi

We propose a novel Neural Radiance Field (NeRF) representation for non-opaque scenes that allows fast inference by utilizing textured polygons.

Unsupervised Keypoints from Pretrained Diffusion Models

1 code implementation29 Nov 2023 Eric Hedlin, Gopal Sharma, Shweta Mahajan, Xingzhe He, Hossam Isack, Abhishek Kar Helge Rhodin, Andrea Tagliasacchi, Kwang Moo Yi

Unsupervised learning of keypoints and landmarks has seen significant progress with the help of modern neural network architectures, but performance is yet to match the supervised counterpart, making their practicability questionable.

Denoising Unsupervised Human Pose Estimation +1

4D-fy: Text-to-4D Generation Using Hybrid Score Distillation Sampling

no code implementations29 Nov 2023 Sherwin Bahmani, Ivan Skorokhodov, Victor Rong, Gordon Wetzstein, Leonidas Guibas, Peter Wonka, Sergey Tulyakov, Jeong Joon Park, Andrea Tagliasacchi, David B. Lindell

Recent breakthroughs in text-to-4D generation rely on pre-trained text-to-image and text-to-video models to generate dynamic 3D scenes.

Accelerating Neural Field Training via Soft Mining

no code implementations29 Nov 2023 Shakiba Kheradmand, Daniel Rebain, Gopal Sharma, Hossam Isack, Abhishek Kar, Andrea Tagliasacchi, Kwang Moo Yi

We present an approach to accelerate Neural Field training by efficiently selecting sampling locations.

Bayes' Rays: Uncertainty Quantification for Neural Radiance Fields

1 code implementation6 Sep 2023 Lily Goli, Cody Reading, Silvia Sellán, Alec Jacobson, Andrea Tagliasacchi

Neural Radiance Fields (NeRFs) have shown promise in applications like view synthesis and depth estimation, but learning from multiview images faces inherent uncertainties.

Depth Estimation Uncertainty Quantification

BlendFields: Few-Shot Example-Driven Facial Modeling

no code implementations CVPR 2023 Kacper Kania, Stephan J. Garbin, Andrea Tagliasacchi, Virginia Estellers, Kwang Moo Yi, Julien Valentin, Tomasz Trzciński, Marek Kowalski

Generating faithful visualizations of human faces requires capturing both coarse and fine-level details of the face geometry and appearance.

CC3D: Layout-Conditioned Generation of Compositional 3D Scenes

no code implementations ICCV 2023 Sherwin Bahmani, Jeong Joon Park, Despoina Paschalidou, Xingguang Yan, Gordon Wetzstein, Leonidas Guibas, Andrea Tagliasacchi

In this work, we introduce CC3D, a conditional generative model that synthesizes complex 3D scenes conditioned on 2D semantic scene layouts, trained using single-view images.

Inductive Bias

RobustNeRF: Ignoring Distractors with Robust Losses

1 code implementation CVPR 2023 Sara Sabour, Suhani Vora, Daniel Duckworth, Ivan Krasin, David J. Fleet, Andrea Tagliasacchi

To cope with distractors, we advocate a form of robust estimation for NeRF training, modeling distractors in training data as outliers of an optimization problem.

SparsePose: Sparse-View Camera Pose Regression and Refinement

no code implementations CVPR 2023 Samarth Sinha, Jason Y. Zhang, Andrea Tagliasacchi, Igor Gilitschenski, David B. Lindell

Camera pose estimation is a key step in standard 3D reconstruction pipelines that operate on a dense set of images of a single object or scene.

3D Reconstruction Pose Estimation +1

NeuMap: Neural Coordinate Mapping by Auto-Transdecoder for Camera Localization

1 code implementation CVPR 2023 Shitao Tang, Sicong Tang, Andrea Tagliasacchi, Ping Tan, Yasutaka Furukawa

State-of-the-art feature matching methods require each scene to be stored as a 3D point cloud with per-point features, consuming several gigabytes of storage per scene.

Camera Localization regression

nerf2nerf: Pairwise Registration of Neural Radiance Fields

no code implementations3 Nov 2022 Lily Goli, Daniel Rebain, Sara Sabour, Animesh Garg, Andrea Tagliasacchi

We introduce a technique for pairwise registration of neural fields that extends classical optimization-based local registration (i. e. ICP) to operate on Neural Radiance Fields (NeRF) -- neural 3D scene representations trained from collections of calibrated images.

CUF: Continuous Upsampling Filters

no code implementations CVPR 2023 Cristina Vasconcelos, Cengiz Oztireli, Mark Matthews, Milad Hashemi, Kevin Swersky, Andrea Tagliasacchi

Neural fields have rapidly been adopted for representing 3D signals, but their application to more classical 2D image-processing has been relatively limited.

Image Super-Resolution

Novel View Synthesis with Diffusion Models

no code implementations6 Oct 2022 Daniel Watson, William Chan, Ricardo Martin-Brualla, Jonathan Ho, Andrea Tagliasacchi, Mohammad Norouzi

We demonstrate that stochastic conditioning significantly improves the 3D consistency of a naive sampler for an image-to-image diffusion model, which involves conditioning on a single fixed view.

Denoising Novel View Synthesis

Volume Rendering Digest (for NeRF)

no code implementations29 Aug 2022 Andrea Tagliasacchi, Ben Mildenhall

Neural Radiance Fields employ simple volume rendering as a way to overcome the challenges of differentiating through ray-triangle intersections by leveraging a probabilistic notion of visibility.

D$^2$NeRF: Self-Supervised Decoupling of Dynamic and Static Objects from a Monocular Video

no code implementations31 May 2022 Tianhao Wu, Fangcheng Zhong, Andrea Tagliasacchi, Forrester Cole, Cengiz Oztireli

We introduce Decoupled Dynamic Neural Radiance Field (D$^2$NeRF), a self-supervised approach that takes a monocular video and learns a 3D scene representation which decouples moving objects, including their shadows, from the static background.

Image Segmentation Semantic Segmentation +1

Neural Dual Contouring

2 code implementations4 Feb 2022 Zhiqin Chen, Andrea Tagliasacchi, Thomas Funkhouser, Hao Zhang

We introduce neural dual contouring (NDC), a new data-driven approach to mesh reconstruction based on dual contouring (DC).

Surface Reconstruction

Neural Descriptor Fields: SE(3)-Equivariant Object Representations for Manipulation

1 code implementation9 Dec 2021 Anthony Simeonov, Yilun Du, Andrea Tagliasacchi, Joshua B. Tenenbaum, Alberto Rodriguez, Pulkit Agrawal, Vincent Sitzmann

Our performance generalizes across both object instances and 6-DoF object poses, and significantly outperforms a recent baseline that relies on 2D descriptors.

Object

CoNeRF: Controllable Neural Radiance Fields

1 code implementation CVPR 2022 Kacper Kania, Kwang Moo Yi, Marek Kowalski, Tomasz Trzciński, Andrea Tagliasacchi

We extend neural 3D representations to allow for intuitive and interpretable user control beyond novel view rendering (i. e. camera control).

3D Face Modelling 3D Reconstruction +2

Urban Radiance Fields

no code implementations CVPR 2022 Konstantinos Rematas, Andrew Liu, Pratul P. Srinivasan, Jonathan T. Barron, Andrea Tagliasacchi, Thomas Funkhouser, Vittorio Ferrari

The goal of this work is to perform 3D reconstruction and novel view synthesis from data captured by scanning platforms commonly deployed for world mapping in urban outdoor environments (e. g., Street View).

3D Reconstruction Novel View Synthesis

VaxNeRF: Revisiting the Classic for Voxel-Accelerated Neural Radiance Field

1 code implementation25 Nov 2021 Naruya Kondo, Yuya Ikeda, Andrea Tagliasacchi, Yutaka Matsuo, Yoichi Ochiai, Shixiang Shane Gu

We hope VaxNeRF -- a careful combination of a classic technique with a deep method (that arguably replaced it) -- can empower and accelerate new NeRF extensions and applications, with its simplicity, portability, and reliable performance gains.

3D Reconstruction Meta-Learning

Scene Representation Transformer: Geometry-Free Novel View Synthesis Through Set-Latent Scene Representations

1 code implementation CVPR 2022 Mehdi S. M. Sajjadi, Henning Meyer, Etienne Pot, Urs Bergmann, Klaus Greff, Noha Radwan, Suhani Vora, Mario Lucic, Daniel Duckworth, Alexey Dosovitskiy, Jakob Uszkoreit, Thomas Funkhouser, Andrea Tagliasacchi

In this work, we propose the Scene Representation Transformer (SRT), a method which processes posed or unposed RGB images of a new area, infers a "set-latent scene representation", and synthesises novel views, all in a single feed-forward pass.

Novel View Synthesis Semantic Segmentation

LOLNeRF: Learn from One Look

no code implementations CVPR 2022 Daniel Rebain, Mark Matthews, Kwang Moo Yi, Dmitry Lagun, Andrea Tagliasacchi

We present a method for learning a generative 3D model based on neural radiance fields, trained solely from data with only single views of each object.

Depth Estimation Depth Prediction +1

MetaPose: Fast 3D Pose from Multiple Views without 3D Supervision

1 code implementation CVPR 2022 Ben Usman, Andrea Tagliasacchi, Kate Saenko, Avneesh Sud

In the era of deep learning, human pose estimation from multiple cameras with unknown calibration has received little attention to date.

Weakly-supervised 3D Human Pose Estimation

Learning Mesh Representations via Binary Space Partitioning Tree Networks

1 code implementation27 Jun 2021 Zhiqin Chen, Andrea Tagliasacchi, Hao Zhang

The network is trained to reconstruct a shape using a set of convexes obtained from a BSP-tree built over a set of planes, where the planes and convexes are both defined by learned network weights.

MIST: Multiple Instance Spatial Transformer

1 code implementation CVPR 2021 Baptiste Angles, Yuhe Jin, Simon Kornblith, Andrea Tagliasacchi, Kwang Moo Yi

We propose a deep network that can be trained to tackle image reconstruction and classification problems that involve detection of multiple object instances, without any supervision regarding their whereabouts.

Image Reconstruction

Deep Medial Fields

no code implementations7 Jun 2021 Daniel Rebain, Ke Li, Vincent Sitzmann, Soroosh Yazdani, Kwang Moo Yi, Andrea Tagliasacchi

Implicit representations of geometry, such as occupancy fields or signed distance fields (SDF), have recently re-gained popularity in encoding 3D solid shape in a functional form.

Vector Neurons: A General Framework for SO(3)-Equivariant Networks

4 code implementations ICCV 2021 Congyue Deng, Or Litany, Yueqi Duan, Adrien Poulenard, Andrea Tagliasacchi, Leonidas Guibas

Invariance and equivariance to the rotation group have been widely discussed in the 3D deep learning community for pointclouds.

COTR: Correspondence Transformer for Matching Across Images

1 code implementation ICCV 2021 Wei Jiang, Eduard Trulls, Jan Hosang, Andrea Tagliasacchi, Kwang Moo Yi

We propose a novel framework for finding correspondences in images based on a deep neural network that, given two images and a query point in one of them, finds its correspondence in the other.

Dense Pixel Correspondence Estimation Optical Flow Estimation

Human 3D keypoints via spatial uncertainty modeling

no code implementations18 Dec 2020 Francis Williams, Or Litany, Avneesh Sud, Kevin Swersky, Andrea Tagliasacchi

We introduce a technique for 3D human keypoint estimation that directly models the notion of spatial uncertainty of a keypoint.

Keypoint Estimation

ShapeFlow: Learnable Deformation Flows Among 3D Shapes

no code implementations NeurIPS 2020 Chiyu Jiang, Jingwei Huang, Andrea Tagliasacchi, Leonidas J. Guibas

Such a space naturally allows the disentanglement of geometric style (coming from the source) and structural pose (conforming to the target).

Disentanglement Style Transfer

DeRF: Decomposed Radiance Fields

no code implementations CVPR 2021 Daniel Rebain, Wei Jiang, Soroosh Yazdani, Ke Li, Kwang Moo Yi, Andrea Tagliasacchi

Moreover, we show that a Voronoi spatial decomposition is preferable for this purpose, as it is provably compatible with the Painter's Algorithm for efficient and GPU-friendly rendering.

Voronoi Convolutional Neural Networks

no code implementations21 Oct 2020 Soroosh Yazdani, Andrea Tagliasacchi

In this technical report, we investigate extending convolutional neural networks to the setting where functions are not sampled in a grid pattern.

CoSE: Compositional Stroke Embeddings

1 code implementation NeurIPS 2020 Emre Aksan, Thomas Deselaers, Andrea Tagliasacchi, Otmar Hilliges

We demonstrate qualitatively and quantitatively that our proposed approach is able to model the appearance of individual strokes, as well as the compositional structure of larger diagram drawings.

ShapeFlow: Learnable Deformations Among 3D Shapes

1 code implementation14 Jun 2020 Chiyu "Max" Jiang, Jingwei Huang, Andrea Tagliasacchi, Leonidas Guibas

We illustrate the effectiveness of this learned deformation space for various downstream applications, including shape generation via deformation, geometric style transfer, unsupervised learning of a consistent parameterization for entire classes of shapes, and shape interpolation.

Disentanglement Style Transfer

NiLBS: Neural Inverse Linear Blend Skinning

no code implementations6 Apr 2020 Timothy Jeruzalski, David I. W. Levin, Alec Jacobson, Paul Lalonde, Mohammad Norouzi, Andrea Tagliasacchi

In this technical report, we investigate efficient representations of articulated objects (e. g. human bodies), which is an important problem in computer vision and graphics.

VoronoiNet: General Functional Approximators with Local Support

no code implementations8 Dec 2019 Francis Williams, Daniele Panozzo, Kwang Moo Yi, Andrea Tagliasacchi

Voronoi diagrams are highly compact representations that are used in various Graphics applications.

NASA: Neural Articulated Shape Approximation

no code implementations6 Dec 2019 Boyang Deng, JP Lewis, Timothy Jeruzalski, Gerard Pons-Moll, Geoffrey Hinton, Mohammad Norouzi, Andrea Tagliasacchi

Efficient representation of articulated objects such as human bodies is an important problem in computer vision and graphics.

BSP-Net: Generating Compact Meshes via Binary Space Partitioning

3 code implementations CVPR 2020 Zhiqin Chen, Andrea Tagliasacchi, Hao Zhang

The network is trained to reconstruct a shape using a set of convexes obtained from a BSP-tree built on a set of planes.

3D Reconstruction 3D Shape Representation

MIST: Multiple Instance Spatial Transformer Networks

no code implementations25 Sep 2019 Baptiste Angles, Simon Kornblith, Shahram Izadi, Andrea Tagliasacchi, Kwang Moo Yi

We propose a deep network that can be trained to tackle image reconstruction and classification problems that involve detection of multiple object instances, without any supervision regarding their whereabouts.

Image Reconstruction

Volumetric Capture of Humans with a Single RGBD Camera via Semi-Parametric Learning

no code implementations CVPR 2019 Rohit Pandey, Anastasia Tkach, Shuoran Yang, Pavel Pidlypenskyi, Jonathan Taylor, Ricardo Martin-Brualla, Andrea Tagliasacchi, George Papandreou, Philip Davidson, Cem Keskin, Shahram Izadi, Sean Fanello

The key insight is to leverage previously seen "calibration" images of a given user to extrapolate what should be rendered in a novel viewpoint from the data available in the sensor.

MIST: Multiple Instance Spatial Transformer Network

1 code implementation26 Nov 2018 Baptiste Angles, Yuhe Jin, Simon Kornblith, Andrea Tagliasacchi, Kwang Moo Yi

We propose a deep network that can be trained to tackle image reconstruction and classification problems that involve detection of multiple object instances, without any supervision regarding their whereabouts.

Anomaly Detection In Surveillance Videos Image Reconstruction

Espresso: Efficient Forward Propagation for Binary Deep Neural Networks

no code implementations ICLR 2018 Fabrizio Pedersoli, George Tzanetakis, Andrea Tagliasacchi

Binary Deep Neural Networks (BDNNs) have been shown to be an effective way of achieving this objective.

Low-Dimensionality Calibration Through Local Anisotropic Scaling for Robust Hand Model Personalization

1 code implementation ICCV 2017 Edoardo Remelli, Anastasia Tkach, Andrea Tagliasacchi, Mark Pauly

We present a robust algorithm for personalizing a sphere-mesh tracking model to a user from a collection of depth measurements.

Espresso: Efficient Forward Propagation for BCNNs

1 code implementation19 May 2017 Fabrizio Pedersoli, George Tzanetakis, Andrea Tagliasacchi

In this paper, we show how Convolutional Neural Networks (CNNs) can be implemented using binary representations.

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