SlideShare ist ein Scribd-Unternehmen logo
1 von 21
Downloaden Sie, um offline zu lesen
NeRF: Representing Scenes as Neural
Radiance Fields for View Synthesis
2022. 03. 13
김준철, 고형권, 이예은, 조경진, 김병현
Ben Mildenhall, Pratul P. Srinivasan, Matthew Tancik, Jonathan T. Barron, Ravi Ramamoorthi, Ren Ng
European Conference on Computer Vision (ECCV), 2020
2
• Background
• Introduction
• Related Work
• Neural Radiance Field Scene Representations
• Volume Rendering with Radiance Fields
• Optimizing a Neural Radiance Field
• Results
• Conclusion
Contents
3
Background 3D Aware Model
Pose Control of GANSpace
- Several recent works investigate how to control underlying factors of generated images
- Since most of operate in 2D, these fail to disentangle underlying 3D information
- Therefore, most of current methods change the identity of generated images when
controlling poses and fail to generate unseen poses which are not in train distribution
Mouth Editing of StyleGAN
4
Background Computer Graphics
Voxel Representation
• Advantage
- more “accurate” than any other modeling types
(e.g. point cloud, mesh-based modeling)
• Disadvantage
- high computational cost in photorealistic image
3D Rendering – Rendering equation
• Volume based rendering
- MRI, CT
• Surface based rendering
- Digitally synthesizing and manipulating visual content in 3-dimension
다양한 방향의 2D 이미지를 합성하여 3D를 표현하는 방법 3D 모델로부터 2D 이미지를 생성하는 방법
5
Background Implicit Neural Representation
- Optimizing parameters of a continuous function from discrete data
Implicit Neural
Representation
H x W x C H’ x W’ x C
x, y R, G, B
F(1, 1) = (255, 0, 0)
F(1, 2) = (0,255,255)
F(1.5, 1.1) = …?
Benefit of INR
1. Continuous output
2. Light-weight modeling
𝑓 𝑥, 𝑦 = (𝑟, 𝑔, 𝑏)
6
Introduction
- From 5D spatial point ( x, y, z ), direction ( θ, ϕ ) To 4D color ( r, g, b ), volume density ( σ )
- Method
1. 레이저를 쏴서 레이저를 지나는 공간상의 3D 포인트로 이루어진 집합을 구성한다.
2. 3D 포인트 집합과 방향을 모델의 input으로 주어 RGB와 density를 output으로 출력한다.
3. RGB와 density를 volume rendering 함수에 입력으로 넣고 2D projection을 적용한다.
𝑓 𝑥, 𝑦, 𝑧, 𝜃, 𝜙 = (𝑟, 𝑔, 𝑏, 𝜎)
7
Introduction
– An approach for representing continuous scenes with complex geometry and materials as 5D neural
radiance fields, parameterized as basic MLP networks.
– A differentiable rendering procedure based on classical volume rendering techniques, which we use
to optimize these representations from standard RGB images. This includes a hierarchical sampling
strategy to allocate the MLP’s capacity towards space with visible scene content.
– A positional encoding to map each input 5D coordinate into a higher dimensional space, which
enables us to successfully optimize neural radiance fields to represent high-frequency scene content.
8
Related Work
01 Neural 3D shape representations
02 View synthesis and image-based rendering
• Computer vision is encoding objects and scenes in the weights of an MLP that directly maps
from a 3D spatial location to an implicit representation of the shape
- Limitation : Unable to reproduce realistic scenes with complex geometry with the same fidelity
9
Related Work Neural 3D shape representations
- Implicit representation of continuous 3D shapes as level sets
by optimizing deep networks that map xyz coordinates to signed distance functions.
- Limit : these models are limited by their requirement of access
to ground truth 3D geometry, typically obtained from synthetic 3D shape datasets.
- Neural implicit shape representations to be optimized using only 2D images with rendering function
1. 3D occupancy fields and use a numerical method to find the surface intersection for each ray
2. Differentiable rendering function consisting of a recurrent neural network
- Limit : Difficult to potentially represent complicated and high resolution geometry
• Previous work
• Recent work
10
Related Work View synthesis and image-based rendering
- One popular class of approaches uses mesh-based representations of scenes
with either diffuse or view-dependent appearance ( 3D mesh -> 2D image )
- Limits
1. Gradient-based mesh optimization based on image reprojection is
often difficult, likely because of local minima or poor conditioning of the loss landscape
2. Unavailable for unconstrained real-world scenes
- high-quality photorealistic view synthesis from a set of input RGB images
- Limit : Poor time and space complexity due to their discrete sampling
• Surface-based rendering
• Volume-based rendering
11
Neural Radiance Field Scene Representation
𝐹𝜃: 𝑥, 𝑑 → (𝑐, 𝜎)
x : 3D location (x, y, z)
d : 2D viewing direction
12
Volume Rendering with Radiance Fields
The expected color 𝐶 𝑟 . 𝑟 𝑡 = 𝑜 + 𝑡𝑑 with near and far bound 𝑡𝑛and 𝑡𝑓
13
Q & A
14
Optimizing a Neural Radiance Field Positional encoding
(𝑥, 𝑦, 𝑧) 3 dimension -> 60 dimension with L = 20
𝜃, 𝜙 2 dimension -> 24 dimension with L = 6
4
5
MLP MLP
15
Optimizing a Neural Radiance Field Hierarchical volume sampling
- Computing Integral
Optimizing Coarse feature - N = 64
Optimizing Fine feature - N = 128
16
Results Datasets
- Diffuse Synthetic 360
- Real Forward-Facing
T-Rex
Fern
Air Plants
512 × 512 pixels , 479 as input and 1000 for testing
1008×756 pixels , 20 to 62 images and 1/8 for the test set
17
Results Comparisons
• 모델 별 성능 비교
18
Results Discussion
• LIFF - Local Light Field Fusion
- Multi plane image(MPI) for each view with 3D convolution > rendering
• SRN - Scene Representation Networks
- INR, F(x, y, z) = Feature vector > color decoding
• NV - Neural Volumes
- 2D conv to embedding in all images > 3D deconvolution > 1283
RGBa voxel grid
LIFF
Models
19
Results Ablation studies
PE : positional encoding
VD : view dependence
H : hierarchical sampling
20
Conclusion
• Produce better renderings than the previously-dominant approach of training deep CNN
• Make more rendering more sample-efficient
• This work makes progress towards a graphics pipeline based on real world imagery
• 5 MB for the network weights. (LLFF weights over 15GB for one “Realistic Synthetic” scene)
21
Q & A

Weitere ähnliche Inhalte

Was ist angesagt?

Was ist angesagt? (20)

3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splatting
 
Human pose estimation with deep learning
Human pose estimation with deep learningHuman pose estimation with deep learning
Human pose estimation with deep learning
 
Transformer in Vision
Transformer in VisionTransformer in Vision
Transformer in Vision
 
[DL輪読会]NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[DL輪読会]NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis[DL輪読会]NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[DL輪読会]NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 
SfMLearner++ Intro
 SfMLearner++ Intro SfMLearner++ Intro
SfMLearner++ Intro
 
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
 
[DL輪読会]BANMo: Building Animatable 3D Neural Models from Many Casual Videos
[DL輪読会]BANMo: Building Animatable 3D Neural Models from Many Casual Videos[DL輪読会]BANMo: Building Animatable 3D Neural Models from Many Casual Videos
[DL輪読会]BANMo: Building Animatable 3D Neural Models from Many Casual Videos
 
SSII2021 [OS3-01] 設備や環境の高品質計測点群取得と自動モデル化技術
SSII2021 [OS3-01] 設備や環境の高品質計測点群取得と自動モデル化技術SSII2021 [OS3-01] 設備や環境の高品質計測点群取得と自動モデル化技術
SSII2021 [OS3-01] 設備や環境の高品質計測点群取得と自動モデル化技術
 
Pixel RNN to Pixel CNN++
Pixel RNN to Pixel CNN++Pixel RNN to Pixel CNN++
Pixel RNN to Pixel CNN++
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
 
Object Detection Using R-CNN Deep Learning Framework
Object Detection Using R-CNN Deep Learning FrameworkObject Detection Using R-CNN Deep Learning Framework
Object Detection Using R-CNN Deep Learning Framework
 
Depth estimation using deep learning
Depth estimation using deep learningDepth estimation using deep learning
Depth estimation using deep learning
 
30th コンピュータビジョン勉強会@関東 DynamicFusion
30th コンピュータビジョン勉強会@関東 DynamicFusion30th コンピュータビジョン勉強会@関東 DynamicFusion
30th コンピュータビジョン勉強会@関東 DynamicFusion
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
【メタサーベイ】Neural Fields
【メタサーベイ】Neural Fields【メタサーベイ】Neural Fields
【メタサーベイ】Neural Fields
 
Neural Scene Representation & Rendering: Introduction to Novel View Synthesis
Neural Scene Representation & Rendering: Introduction to Novel View SynthesisNeural Scene Representation & Rendering: Introduction to Novel View Synthesis
Neural Scene Representation & Rendering: Introduction to Novel View Synthesis
 
Human Pose Estimation by Deep Learning
Human Pose Estimation by Deep LearningHuman Pose Estimation by Deep Learning
Human Pose Estimation by Deep Learning
 
Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative Models
 
SuperGlue; Learning Feature Matching with Graph Neural Networks (CVPR'20)
SuperGlue;Learning Feature Matching with Graph Neural Networks (CVPR'20)SuperGlue;Learning Feature Matching with Graph Neural Networks (CVPR'20)
SuperGlue; Learning Feature Matching with Graph Neural Networks (CVPR'20)
 

Ähnlich wie NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis

Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNNAutomatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
Zihao(Gerald) Zhang
 
Shadow Techniques for Real-Time and Interactive Applications
Shadow Techniques for Real-Time and Interactive ApplicationsShadow Techniques for Real-Time and Interactive Applications
Shadow Techniques for Real-Time and Interactive Applications
stefan_b
 
mvitelli_ee367_final_report
mvitelli_ee367_final_reportmvitelli_ee367_final_report
mvitelli_ee367_final_report
Matt Vitelli
 
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUESA STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
cscpconf
 

Ähnlich wie NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (20)

TransNeRF
TransNeRFTransNeRF
TransNeRF
 
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph KernelsDDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
 
Depth Fusion from RGB and Depth Sensors IV
Depth Fusion from RGB and Depth Sensors  IVDepth Fusion from RGB and Depth Sensors  IV
Depth Fusion from RGB and Depth Sensors IV
 
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D streamColor and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
 
regions
regionsregions
regions
 
The single image dehazing based on efficient transmission estimation
The single image dehazing based on efficient transmission estimationThe single image dehazing based on efficient transmission estimation
The single image dehazing based on efficient transmission estimation
 
PCA-SIFT: A More Distinctive Representation for Local Image Descriptors
PCA-SIFT: A More Distinctive Representation for Local Image DescriptorsPCA-SIFT: A More Distinctive Representation for Local Image Descriptors
PCA-SIFT: A More Distinctive Representation for Local Image Descriptors
 
Kintinuous review
Kintinuous reviewKintinuous review
Kintinuous review
 
FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020
 
Seminarpaper
SeminarpaperSeminarpaper
Seminarpaper
 
Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNNAutomatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
Automatic Detection of Window Regions in Indoor Point Clouds Using R-CNN
 
Shadow Techniques for Real-Time and Interactive Applications
Shadow Techniques for Real-Time and Interactive ApplicationsShadow Techniques for Real-Time and Interactive Applications
Shadow Techniques for Real-Time and Interactive Applications
 
mvitelli_ee367_final_report
mvitelli_ee367_final_reportmvitelli_ee367_final_report
mvitelli_ee367_final_report
 
Conception_et_realisation_dun_site_Web_d.pdf
Conception_et_realisation_dun_site_Web_d.pdfConception_et_realisation_dun_site_Web_d.pdf
Conception_et_realisation_dun_site_Web_d.pdf
 
Enhancement of SAR Imagery using DWT
Enhancement of SAR Imagery using DWTEnhancement of SAR Imagery using DWT
Enhancement of SAR Imagery using DWT
 
3-d interpretation from single 2-d image for autonomous driving II
3-d interpretation from single 2-d image for autonomous driving II3-d interpretation from single 2-d image for autonomous driving II
3-d interpretation from single 2-d image for autonomous driving II
 
crowd counting.pptx
crowd counting.pptxcrowd counting.pptx
crowd counting.pptx
 
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUESA STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
 
Laplacian-regularized Graph Bandits
Laplacian-regularized Graph BanditsLaplacian-regularized Graph Bandits
Laplacian-regularized Graph Bandits
 
Large Scale Image Retrieval 2022.pdf
Large Scale Image Retrieval 2022.pdfLarge Scale Image Retrieval 2022.pdf
Large Scale Image Retrieval 2022.pdf
 

Mehr von taeseon ryu

VoxelNet
VoxelNetVoxelNet
VoxelNet
taeseon ryu
 
OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...
taeseon ryu
 
RL_UpsideDown
RL_UpsideDownRL_UpsideDown
RL_UpsideDown
taeseon ryu
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learning
taeseon ryu
 

Mehr von taeseon ryu (20)

VoxelNet
VoxelNetVoxelNet
VoxelNet
 
OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...
 
JetsonTX2 Python
 JetsonTX2 Python  JetsonTX2 Python
JetsonTX2 Python
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptx
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
 
YOLO V6
YOLO V6YOLO V6
YOLO V6
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories
 
RL_UpsideDown
RL_UpsideDownRL_UpsideDown
RL_UpsideDown
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extraction
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learning
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Models
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuning
 
mPLUG
mPLUGmPLUG
mPLUG
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithm
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networks
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarization
 
ProximalPolicyOptimization
ProximalPolicyOptimizationProximalPolicyOptimization
ProximalPolicyOptimization
 

Kürzlich hochgeladen

Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
gajnagarg
 
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
gajnagarg
 
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Klinik kandungan
 
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
wsppdmt
 
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
gajnagarg
 
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
HyderabadDolls
 
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
nirzagarg
 
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
HyderabadDolls
 
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi ArabiaIn Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
ahmedjiabur940
 
Lecture_2_Deep_Learning_Overview-newone1
Lecture_2_Deep_Learning_Overview-newone1Lecture_2_Deep_Learning_Overview-newone1
Lecture_2_Deep_Learning_Overview-newone1
ranjankumarbehera14
 
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
nirzagarg
 

Kürzlich hochgeladen (20)

5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
 
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
Top profile Call Girls In Chandrapur [ 7014168258 ] Call Me For Genuine Model...
 
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Vadodara [ 7014168258 ] Call Me For Genuine Models ...
 
Gulbai Tekra * Cheap Call Girls In Ahmedabad Phone No 8005736733 Elite Escort...
Gulbai Tekra * Cheap Call Girls In Ahmedabad Phone No 8005736733 Elite Escort...Gulbai Tekra * Cheap Call Girls In Ahmedabad Phone No 8005736733 Elite Escort...
Gulbai Tekra * Cheap Call Girls In Ahmedabad Phone No 8005736733 Elite Escort...
 
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
 
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
Charbagh + Female Escorts Service in Lucknow | Starting ₹,5K To @25k with A/C...
 
Statistics notes ,it includes mean to index numbers
Statistics notes ,it includes mean to index numbersStatistics notes ,it includes mean to index numbers
Statistics notes ,it includes mean to index numbers
 
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
 
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
如何办理英国诺森比亚大学毕业证(NU毕业证书)成绩单原件一模一样
 
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
 
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
Jodhpur Park | Call Girls in Kolkata Phone No 8005736733 Elite Escort Service...
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
 
Digital Transformation Playbook by Graham Ware
Digital Transformation Playbook by Graham WareDigital Transformation Playbook by Graham Ware
Digital Transformation Playbook by Graham Ware
 
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
Sealdah % High Class Call Girls Kolkata - 450+ Call Girl Cash Payment 8005736...
 
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi ArabiaIn Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
In Riyadh ((+919101817206)) Cytotec kit @ Abortion Pills Saudi Arabia
 
Lecture_2_Deep_Learning_Overview-newone1
Lecture_2_Deep_Learning_Overview-newone1Lecture_2_Deep_Learning_Overview-newone1
Lecture_2_Deep_Learning_Overview-newone1
 
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
 
Dubai Call Girls Peeing O525547819 Call Girls Dubai
Dubai Call Girls Peeing O525547819 Call Girls DubaiDubai Call Girls Peeing O525547819 Call Girls Dubai
Dubai Call Girls Peeing O525547819 Call Girls Dubai
 
Aspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - AlmoraAspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - Almora
 

NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis

  • 1. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis 2022. 03. 13 김준철, 고형권, 이예은, 조경진, 김병현 Ben Mildenhall, Pratul P. Srinivasan, Matthew Tancik, Jonathan T. Barron, Ravi Ramamoorthi, Ren Ng European Conference on Computer Vision (ECCV), 2020
  • 2. 2 • Background • Introduction • Related Work • Neural Radiance Field Scene Representations • Volume Rendering with Radiance Fields • Optimizing a Neural Radiance Field • Results • Conclusion Contents
  • 3. 3 Background 3D Aware Model Pose Control of GANSpace - Several recent works investigate how to control underlying factors of generated images - Since most of operate in 2D, these fail to disentangle underlying 3D information - Therefore, most of current methods change the identity of generated images when controlling poses and fail to generate unseen poses which are not in train distribution Mouth Editing of StyleGAN
  • 4. 4 Background Computer Graphics Voxel Representation • Advantage - more “accurate” than any other modeling types (e.g. point cloud, mesh-based modeling) • Disadvantage - high computational cost in photorealistic image 3D Rendering – Rendering equation • Volume based rendering - MRI, CT • Surface based rendering - Digitally synthesizing and manipulating visual content in 3-dimension 다양한 방향의 2D 이미지를 합성하여 3D를 표현하는 방법 3D 모델로부터 2D 이미지를 생성하는 방법
  • 5. 5 Background Implicit Neural Representation - Optimizing parameters of a continuous function from discrete data Implicit Neural Representation H x W x C H’ x W’ x C x, y R, G, B F(1, 1) = (255, 0, 0) F(1, 2) = (0,255,255) F(1.5, 1.1) = …? Benefit of INR 1. Continuous output 2. Light-weight modeling 𝑓 𝑥, 𝑦 = (𝑟, 𝑔, 𝑏)
  • 6. 6 Introduction - From 5D spatial point ( x, y, z ), direction ( θ, ϕ ) To 4D color ( r, g, b ), volume density ( σ ) - Method 1. 레이저를 쏴서 레이저를 지나는 공간상의 3D 포인트로 이루어진 집합을 구성한다. 2. 3D 포인트 집합과 방향을 모델의 input으로 주어 RGB와 density를 output으로 출력한다. 3. RGB와 density를 volume rendering 함수에 입력으로 넣고 2D projection을 적용한다. 𝑓 𝑥, 𝑦, 𝑧, 𝜃, 𝜙 = (𝑟, 𝑔, 𝑏, 𝜎)
  • 7. 7 Introduction – An approach for representing continuous scenes with complex geometry and materials as 5D neural radiance fields, parameterized as basic MLP networks. – A differentiable rendering procedure based on classical volume rendering techniques, which we use to optimize these representations from standard RGB images. This includes a hierarchical sampling strategy to allocate the MLP’s capacity towards space with visible scene content. – A positional encoding to map each input 5D coordinate into a higher dimensional space, which enables us to successfully optimize neural radiance fields to represent high-frequency scene content.
  • 8. 8 Related Work 01 Neural 3D shape representations 02 View synthesis and image-based rendering • Computer vision is encoding objects and scenes in the weights of an MLP that directly maps from a 3D spatial location to an implicit representation of the shape - Limitation : Unable to reproduce realistic scenes with complex geometry with the same fidelity
  • 9. 9 Related Work Neural 3D shape representations - Implicit representation of continuous 3D shapes as level sets by optimizing deep networks that map xyz coordinates to signed distance functions. - Limit : these models are limited by their requirement of access to ground truth 3D geometry, typically obtained from synthetic 3D shape datasets. - Neural implicit shape representations to be optimized using only 2D images with rendering function 1. 3D occupancy fields and use a numerical method to find the surface intersection for each ray 2. Differentiable rendering function consisting of a recurrent neural network - Limit : Difficult to potentially represent complicated and high resolution geometry • Previous work • Recent work
  • 10. 10 Related Work View synthesis and image-based rendering - One popular class of approaches uses mesh-based representations of scenes with either diffuse or view-dependent appearance ( 3D mesh -> 2D image ) - Limits 1. Gradient-based mesh optimization based on image reprojection is often difficult, likely because of local minima or poor conditioning of the loss landscape 2. Unavailable for unconstrained real-world scenes - high-quality photorealistic view synthesis from a set of input RGB images - Limit : Poor time and space complexity due to their discrete sampling • Surface-based rendering • Volume-based rendering
  • 11. 11 Neural Radiance Field Scene Representation 𝐹𝜃: 𝑥, 𝑑 → (𝑐, 𝜎) x : 3D location (x, y, z) d : 2D viewing direction
  • 12. 12 Volume Rendering with Radiance Fields The expected color 𝐶 𝑟 . 𝑟 𝑡 = 𝑜 + 𝑡𝑑 with near and far bound 𝑡𝑛and 𝑡𝑓
  • 14. 14 Optimizing a Neural Radiance Field Positional encoding (𝑥, 𝑦, 𝑧) 3 dimension -> 60 dimension with L = 20 𝜃, 𝜙 2 dimension -> 24 dimension with L = 6 4 5 MLP MLP
  • 15. 15 Optimizing a Neural Radiance Field Hierarchical volume sampling - Computing Integral Optimizing Coarse feature - N = 64 Optimizing Fine feature - N = 128
  • 16. 16 Results Datasets - Diffuse Synthetic 360 - Real Forward-Facing T-Rex Fern Air Plants 512 × 512 pixels , 479 as input and 1000 for testing 1008×756 pixels , 20 to 62 images and 1/8 for the test set
  • 18. 18 Results Discussion • LIFF - Local Light Field Fusion - Multi plane image(MPI) for each view with 3D convolution > rendering • SRN - Scene Representation Networks - INR, F(x, y, z) = Feature vector > color decoding • NV - Neural Volumes - 2D conv to embedding in all images > 3D deconvolution > 1283 RGBa voxel grid LIFF Models
  • 19. 19 Results Ablation studies PE : positional encoding VD : view dependence H : hierarchical sampling
  • 20. 20 Conclusion • Produce better renderings than the previously-dominant approach of training deep CNN • Make more rendering more sample-efficient • This work makes progress towards a graphics pipeline based on real world imagery • 5 MB for the network weights. (LLFF weights over 15GB for one “Realistic Synthetic” scene)