The codebase for our paper "Generative Occupancy Fields for 3D Surface-Aware Image Synthesis" (NeurIPS 2021)

Overview

Generative Occupancy Fields for 3D Surface-Aware Image Synthesis (NeurIPS 2021)

Project Page | Paper

Xudong Xu, Xingang Pan, Dahua Lin and Bo Dai

GOF can synthesize high-quality images with 3D consistency and simultaneously learn compact and smooth object surfaces.

(coming within a month) the official code for Generative Occupancy Network, NeurIPS 2021

Comments
  • Additional Results on CARLA

    Additional Results on CARLA

    Congrats on this great work, and thanks a lot for open-sourcing the code! I have some trouble with the Carla dataset. Where did you get the Carla dataset?I can‘t find the pi-gan’s Carla dataset. And it seems different from Graf's. Can you provide me with a link to download the Carla dataset in your paper? Thanks a lot in advance.

    opened by wasdzzzzzz 6
  • AssertionError: No inf checks were recorded for this optimizer.

    AssertionError: No inf checks were recorded for this optimizer.

    Hello, when trying to train the model by myself, I met the following error:

    Traceback (most recent call last):
      File ".../site-packages/torch/multiprocessing/spawn.py", line 59, in _wrap
        fn(i, *args)
      File ".../GOF_NeurIPS2021/train.py", line 340, in train
        scaler.step(optimizer_G)
      File ".../site-packages/torch/cuda/amp/grad_scaler.py", line 337, in step
        assert len(optimizer_state["found_inf_per_device"]) > 0, "No inf checks were recorded for this optimizer."
    

    The environment is the same as in requirements.txt (besides, the package name mcubes should be PyMCubes?). I tried to comment that line in grad_scaler.py, although it can train now, the results seem not converging (output is still random noise after around 30000 steps). Any help would be appreciated!

    opened by ashawkey 6
  • Scripts of rendering mesh

    Scripts of rendering mesh

    Hi, thanks for releasing the code. I notice the script of rendering mesh only supports rotation on yaw. Could you please release scripts that also support rotation on the pitch, such as gif on your project page?

    opened by MrTornado24 2
  • HI,I have some questions about the preprocess of CelebA dataset

    HI,I have some questions about the preprocess of CelebA dataset

    Congrats on this great work, and thanks a lot for open-sourcing the code! In the paper, you mention that “we crop all images in CelebA from the top of the hair to the bottom of the chin as a pre-processing step.” Can you provide specific steps or code scripts for pre-processing methods? Thanks a lot in advance.

    opened by wasdzzzzzz 2
  • Possible error in the Opacity Regularization formula in the paper.

    Possible error in the Opacity Regularization formula in the paper.

    First of all, thank you for sharing this brilliant work. I discrovered a possible erorr in the Opacity Regularization formula in the paper while trying to implement this algorithm. The problem is that the opacity term described in the paper approaches negative infinity. According to the definition of entropy, I think the formula should be something like

    opened by yzhq97 2
  • Could you please supplement curriculums.py with the hyperparameters about Carla's dataset?

    Could you please supplement curriculums.py with the hyperparameters about Carla's dataset?

    Could you please supplement curriculums.py with the hyperparameters about Carla's dataset? I ran conjecture experiments on the hyperparameters based on the previous three datasets, but could not train the same results as in the paper.

    opened by abcddcbaabcddcba 0
Owner
xuxudong
Deep learning, deep research. CUHK MMLAB PhD
xuxudong
Code for our NeurIPS 2021 paper Mining the Benefits of Two-stage and One-stage HOI Detection

CDN Code for our NeurIPS 2021 paper "Mining the Benefits of Two-stage and One-stage HOI Detection". Contributed by Aixi Zhang*, Yue Liao*, Si Liu, Mia

null 71 Dec 14, 2022
Code to reproduce the experiments from our NeurIPS 2021 paper " The Limitations of Large Width in Neural Networks: A Deep Gaussian Process Perspective"

Code To run: python runner.py new --save <SAVE_NAME> --data <PATH_TO_DATA_DIR> --dataset <DATASET> --model <model_name> [options] --n 1000 - train - t

Geoff Pleiss 5 Dec 12, 2022
Code for our NeurIPS 2021 paper 'Exploiting the Intrinsic Neighborhood Structure for Source-free Domain Adaptation'

Exploiting the Intrinsic Neighborhood Structure for Source-free Domain Adaptation (NeurIPS 2021) Code for our NeurIPS 2021 paper 'Exploiting the Intri

Shiqi Yang 53 Dec 25, 2022
PyTorch implementation for our NeurIPS 2021 Spotlight paper "Long Short-Term Transformer for Online Action Detection".

Long Short-Term Transformer for Online Action Detection Introduction This is a PyTorch implementation for our NeurIPS 2021 Spotlight paper "Long Short

null 77 Dec 16, 2022
This is the codebase for the ICLR 2021 paper Trajectory Prediction using Equivariant Continuous Convolution

Trajectory Prediction using Equivariant Continuous Convolution (ECCO) This is the codebase for the ICLR 2021 paper Trajectory Prediction using Equivar

Spatiotemporal Machine Learning 45 Jul 22, 2022
This repo includes our code for evaluating and improving transferability in domain generalization (NeurIPS 2021)

Transferability for domain generalization This repo is for evaluating and improving transferability in domain generalization (NeurIPS 2021), based on

gordon 9 Nov 29, 2022
PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"

Adam-NSCL This is a PyTorch implementation of Adam-NSCL algorithm for continual learning from our CVPR2021 (oral) paper: Title: Training Networks in N

Shipeng Wang 34 Dec 21, 2022
Codebase for the Summary Loop paper at ACL2020

Summary Loop This repository contains the code for ACL2020 paper: The Summary Loop: Learning to Write Abstractive Summaries Without Examples. Training

Canny Lab @ The University of California, Berkeley 44 Nov 4, 2022
Codebase for the self-supervised goal reaching benchmark introduced in the LEXA paper

LEXA Benchmark Codebase for the self-supervised goal reaching benchmark introduced in the LEXA paper (Discovering and Achieving Goals via World Models

Oleg Rybkin 36 Dec 22, 2022
Official codebase for ICLR oral paper Unsupervised Vision-Language Grammar Induction with Shared Structure Modeling

CLIORA This is the official codebase for ICLR oral paper: Unsupervised Vision-Language Grammar Induction with Shared Structure Modeling. We introduce

Bo Wan                                             32 Dec 23, 2022
Convolutional neural network web app trained to track our infant’s sleep schedule using our Google Nest camera.

Machine Learning Sleep Schedule Tracker What is it? Convolutional neural network web app trained to track our infant’s sleep schedule using our Google

g-parki 7 Jul 15, 2022
Spearmint Bayesian optimization codebase

Spearmint Spearmint is a software package to perform Bayesian optimization. The Software is designed to automatically run experiments (thus the code n

Formerly: Harvard Intelligent Probabilistic Systems Group -- Now at Princeton 1.5k Dec 29, 2022
A general 3D Object Detection codebase in PyTorch.

Det3D is the first 3D Object Detection toolbox which provides off the box implementations of many 3D object detection algorithms such as PointPillars, SECOND, PIXOR, etc, as well as state-of-the-art methods on major benchmarks like KITTI(ViP) and nuScenes(CBGS).

Benjin Zhu 1.4k Jan 5, 2023
Official codebase for Pretrained Transformers as Universal Computation Engines.

universal-computation Overview Official codebase for Pretrained Transformers as Universal Computation Engines. Contains demo notebook and scripts to r

Kevin Lu 210 Dec 28, 2022
AOT-GAN for High-Resolution Image Inpainting (codebase for image inpainting)

AOT-GAN for High-Resolution Image Inpainting Arxiv Paper | AOT-GAN: Aggregated Contextual Transformations for High-Resolution Image Inpainting Yanhong

Multimedia Research 214 Jan 3, 2023
This is the codebase for Diffusion Models Beat GANS on Image Synthesis.

This is the codebase for Diffusion Models Beat GANS on Image Synthesis.

OpenAI 3k Dec 26, 2022
Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling.

Decision Transformer Lili Chen*, Kevin Lu*, Aravind Rajeswaran, Kimin Lee, Aditya Grover, Michael Laskin, Pieter Abbeel, Aravind Srinivas†, and Igor M

Kevin Lu 1.4k Jan 7, 2023
X-modaler is a versatile and high-performance codebase for cross-modal analytics.

X-modaler X-modaler is a versatile and high-performance codebase for cross-modal analytics. This codebase unifies comprehensive high-quality modules i

null 910 Dec 28, 2022
Codebase for Diffusion Models Beat GANS on Image Synthesis.

Codebase for Diffusion Models Beat GANS on Image Synthesis.

Katherine Crowson 128 Dec 2, 2022