2prime / 3D-Machine-Learning

A resource repository for 3D machine learning

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

3D Machine Learning

In recent years, tremendous amount of progress is being made in the field of 3D Machine Learning, which is an interdisciplinary field that fuses computer vision, computer graphics and machine learning. This repo is derived from my study notes and will be used as a place for triaging new research papers.

I'll use the following icons to differentiate 3D representations:

  • πŸ“· Multi-view Images
  • πŸ‘Ύ Volumetric
  • 🎲 Point Cloud
  • πŸ’Ž Polygonal Mesh
  • πŸ’Š Primitive-based

Get Involved

To contribute to this Repo, you may add content through pull requests or open an issue to let me know.

⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐
We have also created a Slack workplace for people around the globe to ask questions, share knowledge and facilitate collaborations. Together, I'm sure we can advance this field as a collaborative effort. Join the community with this link.
⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐ ⭐

Table of Contents

Available Courses

UCSD CSE291-I00: Machine Learning for 3D Data (Winter 2018)

Stanford CS468: Machine Learning for 3D Data (Spring 2017)

MIT 6.838: Shape Analysis (Spring 2017)

Princeton COS 526: Advanced Computer Graphics (Fall 2010)

Princeton CS597: Geometric Modeling and Analysis (Fall 2003)

Geometric Deep Learning

Paper Collection for 3D Understanding

Datasets

To see a survey of RGBD datasets, check out Michael Firman's collection as well as the associated paper, RGBD Datasets: Past, Present and Future. Point Cloud Library also has a good dataset catalogue.

3D Models

Princeton Shape Benchmark (2003) [Link]
1,814 models collected from the web in .OFF format. Used to evaluating shape-based retrieval and analysis algorithms.

Dataset for IKEA 3D models and aligned images (2013) [Link]
759 images and 219 models including Sketchup (skp) and Wavefront (obj) files, good for pose estimation.

PASCAL3D+ (2014) [Link]
12 categories, on average 3k+ objects per category, for 3D object detection and pose estimation.

SHREC 2014 - Large Scale Comprehensive 3D Shape Retrieval (2014) [Link][Paper]
8,987 models, categorized into 171 classes for shape retrieval.

ModelNet (2015) [Link]
127915 3D CAD models from 662 categories
ModelNet10: 4899 models from 10 categories
ModelNet40: 12311 models from 40 categories, all are uniformly orientated

ShapeNet (2015) [Link]
3Million+ models and 4K+ categories. A dataset that is large in scale, well organized and richly annotated.
ShapeNetCore [Link]: 51300 models for 55 categories.

A Large Dataset of Object Scans (2016) [Link]
10K scans in RGBD + reconstructed 3D models in .PLY format.

ObjectNet3D: A Large Scale Database for 3D Object Recognition (2016) [Link]
100 categories, 90,127 images, 201,888 objects in these images and 44,147 3D shapes.
Tasks: region proposal generation, 2D object detection, joint 2D detection and 3D object pose estimation, and image-based 3D shape retrieval

Thingi10K: A Dataset of 10,000 3D-Printing Models (2016) [Link]
10,000 models from featured β€œthings” on thingiverse.com, suitable for testing 3D printing techniques such as structural analysis , shape optimization, or solid geometry operations.

3D Scenes

NYU Depth Dataset V2 (2012) [Link]
1449 densely labeled pairs of aligned RGB and depth images from Kinect video sequences for a variety of indoor scenes.

SUNRGB-D 3D Object Detection Challenge [Link]
19 object categories for predicting a 3D bounding box in real world dimension
Training set: 10,355 RGB-D scene images, Testing set: 2860 RGB-D images

SceneNN (2016) [Link]
100+ indoor scene meshes with per-vertex and per-pixel annotation.

ScanNet (2017) [Link]
An RGB-D video dataset containing 2.5 million views in more than 1500 scans, annotated with 3D camera poses, surface reconstructions, and instance-level semantic segmentations.

Matterport3D: Learning from RGB-D Data in Indoor Environments (2017) [Link]
10,800 panoramic views (in both RGB and depth) from 194,400 RGB-D images of 90 building-scale scenes of private rooms. Instance-level semantic segmentations are provided for region (living room, kitchen) and object (sofa, TV) categories.

SUNCG: A Large 3D Model Repository for Indoor Scenes (2017) [Link]
The dataset contains over 45K different scenes with manually created realistic room and furniture layouts. All of the scenes are semantically annotated at the object level.

MINOS: Multimodal Indoor Simulator (2017) [Link]
MINOS is a simulator designed to support the development of multisensory models for goal-directed navigation in complex indoor environments. MINOS leverages large datasets of complex 3D environments and supports flexible configuration of multimodal sensor suites. MINOS supports SUNCG and Matterport3D scenes.

Facebook House3D: A Rich and Realistic 3D Environment (2017) [Link]
House3D is a virtual 3D environment which consists of 45K indoor scenes equipped with a diverse set of scene types, layouts and objects sourced from the SUNCG dataset. All 3D objects are fully annotated with category labels. Agents in the environment have access to observations of multiple modalities, including RGB images, depth, segmentation masks and top-down 2D map views.

HoME: a Household Multimodal Environment (2017) [Link]
HoME integrates over 45,000 diverse 3D house layouts based on the SUNCG dataset, a scale which may facilitate learning, generalization, and transfer. HoME is an open-source, OpenAI Gym-compatible platform extensible to tasks in reinforcement learning, language grounding, sound-based navigation, robotics, multi-agent learning.

AI2-THOR: Photorealistic Interactive Environments for AI Agents [Link]
AI2-THOR is a photo-realistic interactable framework for AI agents. There are a total 120 scenes in version 1.0 of the THOR environment covering four different room categories: kitchens, living rooms, bedrooms, and bathrooms. Each room has a number of actionable objects.

UnrealCV: Virtual Worlds for Computer Vision (2017) [Link][Paper]
An open source project to help computer vision researchers build virtual worlds using Unreal Engine 4.

3D Pose Estimation

Category-Specific Object Reconstruction from a Single Image (2014) [Paper]

Viewpoints and Keypoints (2015) [Paper]

Render for CNN: Viewpoint Estimation in Images Using CNNs Trained with Rendered 3D Model Views (2015 ICCV) [Paper]

PoseNet: A Convolutional Network for Real-Time 6-DOF Camera Relocalization (2015) [Paper]

Modeling Uncertainty in Deep Learning for Camera Relocalization (2016) [Paper]

Robust camera pose estimation by viewpoint classification using deep learning (2016) [Paper]

Geometric loss functions for camera pose regression with deep learning (2017 CVPR) [Paper]

Generic 3D Representation via Pose Estimation and Matching (2017) [Paper]

3D Bounding Box Estimation Using Deep Learning and Geometry (2017) [Paper]

6-DoF Object Pose from Semantic Keypoints (2017) [Paper]

Relative Camera Pose Estimation Using Convolutional Neural Networks (2017) [Paper]

3DMatch: Learning Local Geometric Descriptors from RGB-D Reconstructions (2017) [Paper]

Single Image 3D Interpreter Network (2016) [Paper] [Code]

Multi-view Consistency as Supervisory Signal for Learning Shape and Pose Prediction (2018 CVPR) [Paper]

Single Object Classification

πŸ‘Ύ 3D ShapeNets: A Deep Representation for Volumetric Shapes (2015) [Paper]

πŸ‘Ύ VoxNet: A 3D Convolutional Neural Network for Real-Time Object Recognition (2015) [Paper] [Code]

πŸ“· Multi-view Convolutional Neural Networks for 3D Shape Recognition (2015) [Paper]

πŸ“· DeepPano: Deep Panoramic Representation for 3-D Shape Recognition (2015) [Paper]

πŸ‘ΎπŸ“· FusionNet: 3D Object Classification Using Multiple Data Representations (2016) [Paper]

πŸ‘ΎπŸ“· Volumetric and Multi-View CNNs for Object Classification on 3D Data (2016) [Paper] [Code]

πŸ‘Ύ Generative and Discriminative Voxel Modeling with Convolutional Neural Networks (2016) [Paper] [Code]

πŸ’Ž Geometric deep learning on graphs and manifolds using mixture model CNNs (2016) [Link]

πŸ‘Ύ 3D GAN: Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling (2016) [Paper] [Code]

πŸ‘Ύ Generative and Discriminative Voxel Modeling with Convolutional Neural Networks (2017) [Paper]

πŸ‘Ύ FPNN: Field Probing Neural Networks for 3D Data (2016) [Paper] [Code]

πŸ‘Ύ OctNet: Learning Deep 3D Representations at High Resolutions (2017) [Paper] [Code]

πŸ‘Ύ O-CNN: Octree-based Convolutional Neural Networks for 3D Shape Analysis (2017) [Paper] [Code]

πŸ‘Ύ Orientation-boosted voxel nets for 3D object recognition (2017) [Paper] [Code]

🎲 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation (2017) [Paper] [Code]

🎲 PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space (2017) [Paper] [Code]

πŸ“· Feedback Networks (2017) [Paper] [Code]

🎲 Escape from Cells: Deep Kd-Networks for The Recognition of 3D Point Cloud Models (2017) [Paper]

🎲 Dynamic Graph CNN for Learning on Point Clouds (2018) [Paper]

🎲 PointCNN (2018) [Paper]

Multiple Objects Detection

Sliding Shapes for 3D Object Detection in Depth Images (2014) [Paper]

Object Detection in 3D Scenes Using CNNs in Multi-view Images (2016) [Paper]

Deep Sliding Shapes for Amodal 3D Object Detection in RGB-D Images (2016) [Paper] [Code]

DeepContext: Context-Encoding Neural Pathways for 3D Holistic Scene Understanding (2016) [Paper]

SUN RGB-D: A RGB-D Scene Understanding Benchmark Suite (2017) [Paper]

VoxelNet: End-to-End Learning for Point Cloud Based 3D Object Detection (2017) [Paper]

Frustum PointNets for 3D Object Detection from RGB-D Data (2017) [Paper]

Scene/Object Semantic Segmentation

Learning 3D Mesh Segmentation and Labeling (2010) [Paper]

Unsupervised Co-Segmentation of a Set of Shapes via Descriptor-Space Spectral Clustering (2011) [Paper]

Single-View Reconstruction via Joint Analysis of Image and Shape Collections (2015) [Paper] [Code]

3D Shape Segmentation with Projective Convolutional Networks (2017) [Paper] [Code]

Learning Hierarchical Shape Segmentation and Labeling from Online Repositories (2017) [Paper]

πŸ‘Ύ ScanNet (2017) [Paper] [Code]

🎲 PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation (2017) [Paper] [Code]

🎲 PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space (2017) [Paper] [Code]

🎲 3D Graph Neural Networks for RGBD Semantic Segmentation (2017) [Paper]

🎲 3DCNN-DQN-RNN: A Deep Reinforcement Learning Framework for Semantic Parsing of Large-scale 3D Point Clouds (2017) [Paper]

πŸŽ²πŸ‘Ύ Semantic Segmentation of Indoor Point Clouds using Convolutional Neural Networks (2017) [Paper]

πŸŽ²πŸ‘Ύ SEGCloud: Semantic Segmentation of 3D Point Clouds (2017) [Paper]

πŸŽ²πŸ‘Ύ Large-Scale 3D Shape Reconstruction and Segmentation from ShapeNet Core55 (2017) [Paper]

🎲 Dynamic Graph CNN for Learning on Point Clouds (2018) [Paper]

🎲 PointCNN (2018) [Paper]

πŸ“·πŸ‘Ύ 3DMV: Joint 3D-Multi-View Prediction for 3D Semantic Scene Segmentation (2018) [Paper]

πŸ‘Ύ ScanComplete: Large-Scale Scene Completion and Semantic Segmentation for 3D Scans (2018) [Paper]

πŸŽ²πŸ“· SPLATNet: Sparse Lattice Networks for Point Cloud Processing (2018) [Paper]

3D Model Synthesis/Reconstruction

Parametric Morphable Model-based methods

A Morphable Model For The Synthesis Of 3D Faces (1999) [Paper][Code]

The Space of Human Body Shapes: Reconstruction and Parameterization from Range Scans (2003) [Paper]

Category-Specific Object Reconstruction from a Single Image (2014) [Paper]

🎲 DeformNet: Free-Form Deformation Network for 3D Shape Reconstruction from a Single Image (2017) [Paper]

πŸ’Ž Mesh-based Autoencoders for Localized Deformation Component Analysis (2017) [Paper]

πŸ’Ž Exploring Generative 3D Shapes Using Autoencoder Networks (Autodesk 2017) [Paper]

πŸ’Ž Using Locally Corresponding CAD Models for Dense 3D Reconstructions from a Single Image (2017) [Paper]

πŸ’Ž Compact Model Representation for 3D Reconstruction (2017) [Paper]

πŸ’Ž Image2Mesh: A Learning Framework for Single Image 3D Reconstruction (2017) [Paper]

πŸ’Ž Learning free-form deformations for 3D object reconstruction (2018) [Paper]

πŸ’Ž Variational Autoencoders for Deforming 3D Mesh Models(2018 CVPR) [Paper]

Part-based Template Learning methods

Modeling by Example (2004) [Paper]

Model Composition from Interchangeable Components (2007) [Paper]

Data-Driven Suggestions for Creativity Support in 3D Modeling (2010) [Paper]

Photo-Inspired Model-Driven 3D Object Modeling (2011) [Paper]

Probabilistic Reasoning for Assembly-Based 3D Modeling (2011) [Paper]

A Probabilistic Model for Component-Based Shape Synthesis (2012) [Paper]

Structure Recovery by Part Assembly (2012) [Paper]

Fit and Diverse: Set Evolution for Inspiring 3D Shape Galleries (2012) [Paper]

AttribIt: Content Creation with Semantic Attributes (2013) [Paper]

Learning Part-based Templates from Large Collections of 3D Shapes (2013) [Paper]

Topology-Varying 3D Shape Creation via Structural Blending (2014) [Paper]

Estimating Image Depth using Shape Collections (2014) [Paper]

Single-View Reconstruction via Joint Analysis of Image and Shape Collections (2015) [Paper]

Interchangeable Components for Hands-On Assembly Based Modeling (2016) [Paper]

Shape Completion from a Single RGBD Image (2016) [Paper]

Deep Learning Methods

πŸ“· Learning to Generate Chairs, Tables and Cars with Convolutional Networks (2014) [Paper]

πŸ“· Weakly-supervised Disentangling with Recurrent Transformations for 3D View Synthesis (2015, NIPS) [Paper]

🎲 Analysis and synthesis of 3D shape families via deep-learned generative models of surfaces (2015) [Paper]

πŸ“· Weakly-supervised Disentangling with Recurrent Transformations for 3D View Synthesis (2015) [Paper] [Code]

πŸ“· Multi-view 3D Models from Single Images with a Convolutional Network (2016) [Paper] [Code]

πŸ“· View Synthesis by Appearance Flow (2016) [Paper] [Code]

πŸ‘Ύ Voxlets: Structured Prediction of Unobserved Voxels From a Single Depth Image (2016) [Paper] [Code]

πŸ‘Ύ 3D-R2N2: 3D Recurrent Reconstruction Neural Network (2016) [Paper] [Code]

πŸ‘Ύ Perspective Transformer Nets: Learning Single-View 3D Object Reconstruction without 3D Supervision (2016) [Paper]

πŸ‘Ύ TL-Embedding Network: Learning a Predictable and Generative Vector Representation for Objects (2016) [Paper]

πŸ‘Ύ 3D GAN: Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling (2016) [Paper]

πŸ‘Ύ 3D Shape Induction from 2D Views of Multiple Objects (2016) [Paper]

πŸ“· Unsupervised Learning of 3D Structure from Images (2016) [Paper]

πŸ‘Ύ Generative and Discriminative Voxel Modeling with Convolutional Neural Networks (2016) [Paper] [Code]

πŸ“· Multi-view Supervision for Single-view Reconstruction via Differentiable Ray Consistency (2017) [Paper]

πŸ“· Synthesizing 3D Shapes via Modeling Multi-View Depth Maps and Silhouettes with Deep Generative Networks (2017) [Paper] [Code]

πŸ‘Ύ Shape Completion using 3D-Encoder-Predictor CNNs and Shape Synthesis (2017) [Paper] [Code]

πŸ‘Ύ Octree Generating Networks: Efficient Convolutional Architectures for High-resolution 3D Outputs (2017) [Paper] [Code]

πŸ‘Ύ Hierarchical Surface Prediction for 3D Object Reconstruction (2017) [Paper]

πŸ‘Ύ OctNetFusion: Learning Depth Fusion from Data (2017) [Paper] [Code]

🎲 A Point Set Generation Network for 3D Object Reconstruction from a Single Image (2017) [Paper] [Code]

🎲 Learning Representations and Generative Models for 3D Point Clouds (2017) [Paper] [Code]

🎲 Shape Generation using Spatially Partitioned Point Clouds (2017) [Paper]

🎲 PCPNET Learning Local Shape Properties from Raw Point Clouds (2017) [Paper]

πŸ“· Transformation-Grounded Image Generation Network for Novel 3D View Synthesis (2017) [Paper] [Code]

πŸ“· Tag Disentangled Generative Adversarial Networks for Object Image Re-rendering (2017) [Paper]

πŸ“· 3D Shape Reconstruction from Sketches via Multi-view Convolutional Networks (2017) [Paper] [Code]

πŸ‘Ύ Interactive 3D Modeling with a Generative Adversarial Network (2017) [Paper]

πŸ“·πŸ‘Ύ Weakly supervised 3D Reconstruction with Adversarial Constraint (2017) [Paper] [Code]

πŸ“· SurfNet: Generating 3D shape surfaces using deep residual networks (2017) [Paper]

πŸ’Š GRASS: Generative Recursive Autoencoders for Shape Structures (SIGGRAPH 2017) [Paper] [Code] [code]

πŸ’Š 3D-PRNN: Generating Shape Primitives with Recurrent Neural Networks (2017) [Paper][code]

πŸ’Ž Neural 3D Mesh Renderer (2017) [Paper] [Code]

πŸŽ²πŸ‘Ύ Large-Scale 3D Shape Reconstruction and Segmentation from ShapeNet Core55 (2017) [Paper]

πŸ‘Ύ Pix2vox: Sketch-Based 3D Exploration with Stacked Generative Adversarial Networks (2017) [Code]

πŸ“·πŸ‘Ύ What You Sketch Is What You Get: 3D Sketching using Multi-View Deep Volumetric Prediction (2017) [Paper]

πŸ“·πŸ‘Ύ MarrNet: 3D Shape Reconstruction via 2.5D Sketches (2017) [Paper]

πŸ“·πŸ‘ΎπŸŽ² Learning a Multi-View Stereo Machine (2017 NIPS) [Paper]

πŸ‘Ύ 3DMatch: Learning Local Geometric Descriptors from RGB-D Reconstructions (2017) [Paper]

πŸ‘Ύ Scaling CNNs for High Resolution Volumetric Reconstruction from a Single Image (2017) [Paper]

🎲 PU-Net: Point Cloud Upsampling Network (2018) [Paper] [Code]

πŸ“·πŸ‘Ύ Multi-view Consistency as Supervisory Signal for Learning Shape and Pose Prediction (2018 CVPR) [Paper]

πŸ“·πŸŽ² Object-Centric Photometric Bundle Adjustment with Deep Shape Prior (2018) [Paper]

πŸ“·πŸŽ² Learning Efficient Point Cloud Generation for Dense 3D Object Reconstruction (2018 AAAI) [Paper]

πŸ’Ž Pixel2Mesh: Generating 3D Mesh Models from Single RGB Images (2018) [Paper]

πŸ’Ž AtlasNet: A Papier-MΓ’chΓ© Approach to Learning 3D Surface Generation (2018 CVPR) [Paper] [Code]

πŸ‘ΎπŸ’Ž Deep Marching Cubes: Learning Explicit Surface Representations (2018 CVPR) [Paper]

πŸ‘Ύ Im2Avatar: Colorful 3D Reconstruction from a Single Image (2018) [Paper]

πŸ’Ž Learning Category-Specific Mesh Reconstruction from Image Collections (2018) [Paper]

πŸ’Š CSGNet: Neural Shape Parser for Constructive Solid Geometry (2018) [Paper]

πŸ‘Ύ Text2Shape: Generating Shapes from Natural Language by Learning Joint Embeddings (2018) [Paper]

Style Transfer

Style-Content Separation by Anisotropic Part Scales (2010) [Paper]

Design Preserving Garment Transfer (2012) [Paper]

Analogy-Driven 3D Style Transfer (2014) [Paper]

Elements of Style: Learning Perceptual Shape Style Similarity (2015) [Paper] [Code]

Functionality Preserving Shape Style Transfer (2016) [Paper] [Code]

Unsupervised Texture Transfer from Images to Model Collections (2016) [Paper]

Learning Detail Transfer based on Geometric Features (2017) [Paper]

Neural 3D Mesh Renderer (2017) [Paper] [Code]

Appearance Modeling via Proxy-to-Image Alignment (2018) [Paper]

πŸ’Ž Pixel2Mesh: Generating 3D Mesh Models from Single RGB Images (2018) [Paper]

Scene Synthesis/Reconstruction

Make It Home: Automatic Optimization of Furniture Arrangement (2011, SIGGRAPH) [Paper]

Interactive Furniture Layout Using Interior Design Guidelines (2011) [Paper]

Synthesizing Open Worlds with Constraints using Locally Annealed Reversible Jump MCMC (2012) [Paper]

Example-based Synthesis of 3D Object Arrangements (2012 SIGGRAPH Asia) [Paper]

Sketch2Scene: Sketch-based Co-retrieval and Co-placement of 3D Models (2013) [Paper]

Action-Driven 3D Indoor Scene Evolution (2016) [Paper]

Relationship Templates for Creating Scene Variations (2016) [Paper]

IM2CAD (2017) [Paper]

Predicting Complete 3D Models of Indoor Scenes (2017) [Paper]

Complete 3D Scene Parsing from Single RGBD Image (2017) [Paper]

Raster-to-Vector: Revisiting Floorplan Transformation (2017, ICCV) [Paper] [Code]

Fully Convolutional Refined Auto-Encoding Generative Adversarial Networks for 3D Multi Object Scenes (2017) [Blog]

Adaptive Synthesis of Indoor Scenes via Activity-Associated Object Relation Graphs (2017 SIGGRAPH Asia) [Paper]

Human-centric Indoor Scene Synthesis Using Stochastic Grammar (2018, CVPR)[Paper] [Supplementary] [Code]

πŸ“·πŸŽ² FloorNet: A Unified Framework for Floorplan Reconstruction from 3D Scans (2018) [Paper] [Code]

πŸ‘Ύ ScanComplete: Large-Scale Scene Completion and Semantic Segmentation for 3D Scans (2018) [Paper]

Deep Convolutional Priors for Indoor Scene Synthesis (2018) [Paper]

Scene Understanding

Characterizing Structural Relationships in Scenes Using Graph Kernels (2011 SIGGRAPH) [Paper]

Understanding Indoor Scenes Using 3D Geometric Phrases (2013) [Paper]

Organizing Heterogeneous Scene Collections through Contextual Focal Points (2014 SIGGRAPH) [Paper]

SceneGrok: Inferring Action Maps in 3D Environments (2014, SIGGRAPH) [Paper]

PanoContext: A Whole-room 3D Context Model for Panoramic Scene Understanding (2014) [Paper]

Learning Informative Edge Maps for Indoor Scene Layout Prediction (2015) [Paper]

Rent3D: Floor-Plan Priors for Monocular Layout Estimation (2015) [Paper]

A Coarse-to-Fine Indoor Layout Estimation (CFILE) Method (2016) [Paper]

DeLay: Robust Spatial Layout Estimation for Cluttered Indoor Scenes (2016) [Paper]

3D Semantic Parsing of Large-Scale Indoor Spaces (2016) [Paper] [Code]

Single Image 3D Interpreter Network (2016) [Paper] [Code]

Deep Multi-Modal Image Correspondence Learning (2016) [Paper]

Physically-Based Rendering for Indoor Scene Understanding Using Convolutional Neural Networks (2017) [Paper] [Code] [Code] [Code] [Code]

RoomNet: End-to-End Room Layout Estimation (2017) [Paper]

SUN RGB-D: A RGB-D Scene Understanding Benchmark Suite (2017) [Paper]

Semantic Scene Completion from a Single Depth Image (2017) [Paper] [Code]

Factoring Shape, Pose, and Layout from the 2D Image of a 3D Scene (2018 CVPR) [Paper] [Code]

LayoutNet: Reconstructing the 3D Room Layout from a Single RGB Image (2018 CVPR) [Paper] [Code]

PlaneNet: Piece-wise Planar Reconstruction from a Single RGB Image (2018 CVPR) [Paper] [Code]

About

A resource repository for 3D machine learning