SlideShare ist ein Scribd-Unternehmen logo
1 von 24
Downloaden Sie, um offline zu lesen
Neural Radiance Fields
Neural Fields in Computer Vision
Field
스칼라장 : 온도, 압력, 오디오 등 벡터장 : 유체속도장, 자기장 등 텐서장 : 영상 등
Neural Field
3D Synthesize : COLMAP - Structure-from-Motion and Multi-View Stereo
https://colmap.github.io/
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://neuralfields.cs.brown.edu/cvpr22
https://keras.io/examples/vision/nerf/
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://github.com/bmild/nerf
https://github.com/NakuraMino/Minimal-NeRF
1. MLP 기반의 NeRF
* input의 Spherical Vector(2D)를 Cartesian(3D)
으로 변경
* input의 viewing direction : sigma, pi
(Cartesian)가 3*2*L_embed로 확장 ( positional
encoding )
* output은 RGBa
(a는 volume density)
=> !!중요한점, 1 view는 1 pixel에 대응
8 Depth FC (with 256 dim - Relu)
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://github.com/bmild/nerf/blob/20a91e764a28816ee2234fcadb73bd59a613a44c/load_blender.py
MLP 기반의 NeRF (Dataset from Blender)
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://github.com/bmild/nerf/blob/20a91e764a28816ee2234fcadb73bd59a613a44c/load_blender.py
https://docs.blender.org/api/blender_python_api_2_71_release/
https://github.com/bmild/nerf/issues/78
https://www.3dgep.com/understanding-the-view-matrix/#:~:text=The%20world%20transformation%20matrix%20is,%2Dspace%20to%20view%2Dspace.
MLP 기반의 NeRF (Dataset from Blender)
camera_angle_x : Camera lens horizontal field of view <- 카메라의 Focal 값
(모두 동일값)
rotation : radians (degree) <- 카메라 제자리 회전 값… (모두 동일값)
transform_matrix (Worldspace transformation matrix, matrix_world (blender))
<- Camera 월 좌표계 및 상대 Rotation 정보
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function
MLP 기반의 NeRF (Dataset from Blender)
transform_matrix (Look-At 행렬) - Camera 2 World
focal = .5 * W / np.tan(.5 * camera_angle_x)
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function
MLP 기반의 NeRF (Dataset from Blender) -
rays_o는 rays_original (position) : 각 HxWx3 pixel의 original ray point를 의미 == 모든 점이
camera x,y,z로 똑같음 (각 픽셀마다의 camera position)
rays_d는 direction: dirs는 HxW내에서의 상대 좌표. c2w를 곱해줌으로서 camera viewing
direction(+depth)을 계산 (각 픽셀마다의 camera view direction)
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
http://sgvr.kaist.ac.kr/~sungeui/GCG_S22/Student_Presentations/CS580_PaperPresentation_dgkim.pdf
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function
MLP 기반의 NeRF (Dataset from Blender) -
z_vals <- Random Accumulate Point 지정
pts <- z_vals위치의 point들을 생성
pts input에 대한 network output 값의 합산이 rgb가
될 수 있도록 함
(weights 값 합산은 near 1)
=> raw[:3]는 rgb_map과 mse, raw[4]는 직접 mse가
없고 raw[:3]와 곱해져 간접 업데이트
(본 코드에는 raw[4] - a는 업데이트 없음 fix z_vals)
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://m.blog.naver.com/jetarrow82/221252045857
1. MLP 기반의 NeRF - Viewing Direction의 중요성
실제 물체는 non-Lambertian effects 특성을 가짐
Lambertian Surface는 ViewPoint에 상관없이
똑같은 빛의 양을 반사함
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
(ECCV 2020)
https://www.matthewtancik.com/nerf
1. MLP 기반의 NeRF - Positional Encoding
NeRF Result
https://phog.github.io/snerg/viewer/index.html?dir=https://storage.googleapis.com/snerg/750/lego
<= 같이 보자!
NeRF: Synthesizer로서의 가치
Small Size Model Rendering 도메인이 한정되어 있지 않음
Texture
https://learnopengl.com/Advanced-OpenGL/Cubemaps
https://lifeisforu.tistory.com/375
CubeMap - 보통 ray
영향을 크게 받지 않는
원경에 사용
Spherical Harmonics( SH, 구면
조화 ) - irradiance map(난반사
정도)을 저장하는 효율적 방식
Plenoxels : ReRF without Neural Networks
NeRF key point is differentiable Volume Renderer
MLP Volume Rendering을 Voxel Grid와 Interpolation의 조합으로 치환
Beyond Synthesize
- iNeRF: Inverting Neural Radiance Fields for Pose Estimation (2020)
Neural Fields in Visual Computing and Beyond (2022 EUROGRPAHICS)
https://yenchenlin.me/inerf/
Trained Nerf를 통해
Generation하고 Pose Estimation을
Iterative하게 Gradient Based
Optimization을 하여 Estimated
Pose를 취득
Beyond Synthesize
- iNeRF: Inverting Neural Radiance Fields for Pose Estimation (2020)
Neural Fields in Visual Computing and Beyond (2022 EUROGRPAHICS)
https://yenchenlin.me/inerf/
Beyond Synthesize
- Learning Dense Object Descriptors from Neural Radiance Fields (2022 ICRA)
https://yenchenlin.me/nerf-supervision/
Keypoint detection과 유사.
Keypoint는 sparse하게 pose
정보를 추출한다면, Dense
Descriptor는 Dense하게 Pose
정보를 추출
Beyond Synthesize
- Learning Dense Object Descriptors from Neural Radiance Fields (2022 ICRA)
https://yenchenlin.me/nerf-supervision/
Beyond Synthesize
- NERF-SOS: ANY-VIEW SELF-SUPERVISED OBJECT SEGMENTATION ON COMPLEX SCENES (2022 Pre)
- 셀링포인트는 다양한
각도에서 영상을 촬영하면
NeRF 샘플에서
Unsupervised로
Segmentation을 만들어줌
=> 한계점
- K-Means/Pre-trained
Network에 의존적 (BG가
명확하게 분리되고, Object의
Semantic 정보가 명확해야 할
것으로 보임)
NeRFs…
https://kakaobrain.github.io/NeRF-Factory/ <= Nerf 성능 비교
Mega-NeRF: Scalable Construction of Large-Scale NeRFs for Virtual Fly-Throughs <= 넓은 공간 모델링
Instant Neural Graphics Primitive
<= NeRF, SDF(signed distance functions), Gigapixel image등 (Computer graphics primitives)을 처리할 수
있는 네트워크
https://nvlabs.github.io/instant-ngp/assets/mueller2022instant.mp4
Dex-NeRF : Using a Neural Radiance Field to Grasp Transparent Objects
- Transparent, Light-sensitive한 물체를 잘 다룰 수 있지 않을까?
https://sites.google.com/view/dex-nerf
vision-only robot navigation in a neural radiance world - Vision Based Planning
https://mikh3x4.github.io/nerf-navigation/
Relighting the Real World With Neural Rendering -
https://www.unite.ai/adobe-neural-rendering-relighting-2021/
NeRF-Studio
https://docs.nerf.studio/en/latest/index.html

Weitere ähnliche Inhalte

Was ist angesagt?

"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation..."Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...Edge AI and Vision Alliance
 
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisKento Doi
 
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"Deep Learning JP
 
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-ResolutionTaegyun Jeon
 
Single Image Super Resolution Overview
Single Image Super Resolution OverviewSingle Image Super Resolution Overview
Single Image Super Resolution OverviewLEE HOSEONG
 
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19Deep Learning JP
 
【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion ModelsDeep Learning JP
 
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...Vincent Sitzmann
 
[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 SynthesisDeep Learning JP
 
Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Universitat Politècnica de Catalunya
 
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...Deep Learning JP
 
【DL輪読会】Monocular real time volumetric performance capture
【DL輪読会】Monocular real time volumetric performance capture 【DL輪読会】Monocular real time volumetric performance capture
【DL輪読会】Monocular real time volumetric performance capture Deep Learning JP
 
論文紹介 Pixel Recurrent Neural Networks
論文紹介 Pixel Recurrent Neural Networks論文紹介 Pixel Recurrent Neural Networks
論文紹介 Pixel Recurrent Neural NetworksSeiya Tokui
 
Anchor free object detection by deep learning
Anchor free object detection by deep learningAnchor free object detection by deep learning
Anchor free object detection by deep learningYu Huang
 
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 IIYu Huang
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkRichard Kuo
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Sujit Pal
 
[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo
[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo
[論文紹介] DPSNet: End-to-end Deep Plane Sweep StereoSeiya Ito
 
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic SegmentationSemantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation岳華 杜
 

Was ist angesagt? (20)

"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation..."Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
 
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
[解説スライド] NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"
【DL輪読会】"Instant Neural Graphics Primitives with a Multiresolution Hash Encoding"
 
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
 
Single Image Super Resolution Overview
Single Image Super Resolution OverviewSingle Image Super Resolution Overview
Single Image Super Resolution Overview
 
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19
[DL輪読会]3D Human Pose Estimation @ CVPR’19 / ICCV’19
 
Depth estimation using deep learning
Depth estimation using deep learningDepth estimation using deep learning
Depth estimation using deep learning
 
【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models
 
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...
Tutorial on Generalization in Neural Fields, CVPR 2022 Tutorial on Neural Fie...
 
[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
 
Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...
 
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...
[DL輪読会]VoxelPose: Towards Multi-Camera 3D Human Pose Estimation in Wild Envir...
 
【DL輪読会】Monocular real time volumetric performance capture
【DL輪読会】Monocular real time volumetric performance capture 【DL輪読会】Monocular real time volumetric performance capture
【DL輪読会】Monocular real time volumetric performance capture
 
論文紹介 Pixel Recurrent Neural Networks
論文紹介 Pixel Recurrent Neural Networks論文紹介 Pixel Recurrent Neural Networks
論文紹介 Pixel Recurrent Neural Networks
 
Anchor free object detection by deep learning
Anchor free object detection by deep learningAnchor free object detection by deep learning
Anchor free object detection by deep learning
 
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
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
 
[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo
[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo
[論文紹介] DPSNet: End-to-end Deep Plane Sweep Stereo
 
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic SegmentationSemantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
 

Ähnlich wie Neural Radiance Field

Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...
Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...
Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...inside-BigData.com
 
Deferred Pixel Shading on the PLAYSTATION®3
Deferred Pixel Shading on the PLAYSTATION®3Deferred Pixel Shading on the PLAYSTATION®3
Deferred Pixel Shading on the PLAYSTATION®3Slide_N
 
Parallel wisard object tracker a rambased tracking system
Parallel wisard object tracker a rambased tracking systemParallel wisard object tracker a rambased tracking system
Parallel wisard object tracker a rambased tracking systemcseij
 
Improve real-time hair rendering.
Improve real-time hair rendering.Improve real-time hair rendering.
Improve real-time hair rendering.Valentin Janiaut
 
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 Descriptorswolf
 
Master's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationMaster's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationGiorgio Carbone
 
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 IVYu Huang
 
An Assessment of Image Matching Algorithms in Depth Estimation
An Assessment of Image Matching Algorithms in Depth EstimationAn Assessment of Image Matching Algorithms in Depth Estimation
An Assessment of Image Matching Algorithms in Depth EstimationCSCJournals
 
Review On Different Feature Extraction Algorithms
Review On Different Feature Extraction AlgorithmsReview On Different Feature Extraction Algorithms
Review On Different Feature Extraction AlgorithmsIRJET Journal
 
Pengantar Structure from Motion Photogrammetry
Pengantar Structure from Motion PhotogrammetryPengantar Structure from Motion Photogrammetry
Pengantar Structure from Motion PhotogrammetryDany Laksono
 
Presentation_ Stable View Synthesis.pptx
Presentation_ Stable View Synthesis.pptxPresentation_ Stable View Synthesis.pptx
Presentation_ Stable View Synthesis.pptxdaptivuse
 
Dataset creation for Deep Learning-based Geometric Computer Vision problems
Dataset creation for Deep Learning-based Geometric Computer Vision problemsDataset creation for Deep Learning-based Geometric Computer Vision problems
Dataset creation for Deep Learning-based Geometric Computer Vision problemsPetteriTeikariPhD
 
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video Processing (NeRF...
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video  Processing (NeRF...[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video  Processing (NeRF...
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video Processing (NeRF...Deep Learning JP
 
CUDA by Example : Constant Memory and Events : Notes
CUDA by Example : Constant Memory and Events : NotesCUDA by Example : Constant Memory and Events : Notes
CUDA by Example : Constant Memory and Events : NotesSubhajit Sahu
 

Ähnlich wie Neural Radiance Field (20)

TransNeRF
TransNeRFTransNeRF
TransNeRF
 
Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...
Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...
Scratch to Supercomputers: Bottoms-up Build of Large-scale Computational Lens...
 
Nadia2013 research
Nadia2013 researchNadia2013 research
Nadia2013 research
 
Deferred Pixel Shading on the PLAYSTATION®3
Deferred Pixel Shading on the PLAYSTATION®3Deferred Pixel Shading on the PLAYSTATION®3
Deferred Pixel Shading on the PLAYSTATION®3
 
Parallel wisard object tracker a rambased tracking system
Parallel wisard object tracker a rambased tracking systemParallel wisard object tracker a rambased tracking system
Parallel wisard object tracker a rambased tracking system
 
Improve real-time hair rendering.
Improve real-time hair rendering.Improve real-time hair rendering.
Improve real-time hair rendering.
 
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
 
Master's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationMaster's Thesis - Data Science - Presentation
Master's Thesis - Data Science - Presentation
 
DICTA 2017 poster
DICTA 2017 posterDICTA 2017 poster
DICTA 2017 poster
 
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
 
An Assessment of Image Matching Algorithms in Depth Estimation
An Assessment of Image Matching Algorithms in Depth EstimationAn Assessment of Image Matching Algorithms in Depth Estimation
An Assessment of Image Matching Algorithms in Depth Estimation
 
Review On Different Feature Extraction Algorithms
Review On Different Feature Extraction AlgorithmsReview On Different Feature Extraction Algorithms
Review On Different Feature Extraction Algorithms
 
BDL_project_report
BDL_project_reportBDL_project_report
BDL_project_report
 
Pengantar Structure from Motion Photogrammetry
Pengantar Structure from Motion PhotogrammetryPengantar Structure from Motion Photogrammetry
Pengantar Structure from Motion Photogrammetry
 
Presentation_ Stable View Synthesis.pptx
Presentation_ Stable View Synthesis.pptxPresentation_ Stable View Synthesis.pptx
Presentation_ Stable View Synthesis.pptx
 
Dataset creation for Deep Learning-based Geometric Computer Vision problems
Dataset creation for Deep Learning-based Geometric Computer Vision problemsDataset creation for Deep Learning-based Geometric Computer Vision problems
Dataset creation for Deep Learning-based Geometric Computer Vision problems
 
HS Demo
HS DemoHS Demo
HS Demo
 
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video Processing (NeRF...
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video  Processing (NeRF...[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video  Processing (NeRF...
[DL輪読会]Neural Radiance Flow for 4D View Synthesis and Video Processing (NeRF...
 
CUDA by Example : Constant Memory and Events : Notes
CUDA by Example : Constant Memory and Events : NotesCUDA by Example : Constant Memory and Events : Notes
CUDA by Example : Constant Memory and Events : Notes
 
Dx25751756
Dx25751756Dx25751756
Dx25751756
 

Mehr von Dong Heon Cho

Forward-Forward Algorithm
Forward-Forward AlgorithmForward-Forward Algorithm
Forward-Forward AlgorithmDong Heon Cho
 
2020 > Self supervised learning
2020 > Self supervised learning2020 > Self supervised learning
2020 > Self supervised learningDong Heon Cho
 
All about that pooling
All about that poolingAll about that pooling
All about that poolingDong Heon Cho
 
Background elimination review
Background elimination reviewBackground elimination review
Background elimination reviewDong Heon Cho
 
Transparent Latent GAN
Transparent Latent GANTransparent Latent GAN
Transparent Latent GANDong Heon Cho
 
Multi object Deep reinforcement learning
Multi object Deep reinforcement learningMulti object Deep reinforcement learning
Multi object Deep reinforcement learningDong Heon Cho
 
Multi agent reinforcement learning for sequential social dilemmas
Multi agent reinforcement learning for sequential social dilemmasMulti agent reinforcement learning for sequential social dilemmas
Multi agent reinforcement learning for sequential social dilemmasDong Heon Cho
 
Hybrid reward architecture
Hybrid reward architectureHybrid reward architecture
Hybrid reward architectureDong Heon Cho
 
Use Jupyter notebook guide in 5 minutes
Use Jupyter notebook guide in 5 minutesUse Jupyter notebook guide in 5 minutes
Use Jupyter notebook guide in 5 minutesDong Heon Cho
 
AlexNet and so on...
AlexNet and so on...AlexNet and so on...
AlexNet and so on...Dong Heon Cho
 
Deep Learning AtoC with Image Perspective
Deep Learning AtoC with Image PerspectiveDeep Learning AtoC with Image Perspective
Deep Learning AtoC with Image PerspectiveDong Heon Cho
 
How can we train with few data
How can we train with few dataHow can we train with few data
How can we train with few dataDong Heon Cho
 
Domain adaptation gan
Domain adaptation ganDomain adaptation gan
Domain adaptation ganDong Heon Cho
 
Dense sparse-dense training for dnn and Other Models
Dense sparse-dense training for dnn and Other ModelsDense sparse-dense training for dnn and Other Models
Dense sparse-dense training for dnn and Other ModelsDong Heon Cho
 

Mehr von Dong Heon Cho (20)

Forward-Forward Algorithm
Forward-Forward AlgorithmForward-Forward Algorithm
Forward-Forward Algorithm
 
What is Texture.pdf
What is Texture.pdfWhat is Texture.pdf
What is Texture.pdf
 
BADGE
BADGEBADGE
BADGE
 
2020 > Self supervised learning
2020 > Self supervised learning2020 > Self supervised learning
2020 > Self supervised learning
 
All about that pooling
All about that poolingAll about that pooling
All about that pooling
 
Background elimination review
Background elimination reviewBackground elimination review
Background elimination review
 
Transparent Latent GAN
Transparent Latent GANTransparent Latent GAN
Transparent Latent GAN
 
Image matting atoc
Image matting atocImage matting atoc
Image matting atoc
 
Multi object Deep reinforcement learning
Multi object Deep reinforcement learningMulti object Deep reinforcement learning
Multi object Deep reinforcement learning
 
Multi agent reinforcement learning for sequential social dilemmas
Multi agent reinforcement learning for sequential social dilemmasMulti agent reinforcement learning for sequential social dilemmas
Multi agent reinforcement learning for sequential social dilemmas
 
Multi agent System
Multi agent SystemMulti agent System
Multi agent System
 
Hybrid reward architecture
Hybrid reward architectureHybrid reward architecture
Hybrid reward architecture
 
Use Jupyter notebook guide in 5 minutes
Use Jupyter notebook guide in 5 minutesUse Jupyter notebook guide in 5 minutes
Use Jupyter notebook guide in 5 minutes
 
AlexNet and so on...
AlexNet and so on...AlexNet and so on...
AlexNet and so on...
 
Deep Learning AtoC with Image Perspective
Deep Learning AtoC with Image PerspectiveDeep Learning AtoC with Image Perspective
Deep Learning AtoC with Image Perspective
 
LOL win prediction
LOL win predictionLOL win prediction
LOL win prediction
 
How can we train with few data
How can we train with few dataHow can we train with few data
How can we train with few data
 
Domain adaptation gan
Domain adaptation ganDomain adaptation gan
Domain adaptation gan
 
Dense sparse-dense training for dnn and Other Models
Dense sparse-dense training for dnn and Other ModelsDense sparse-dense training for dnn and Other Models
Dense sparse-dense training for dnn and Other Models
 
Squeeeze models
Squeeeze modelsSqueeeze models
Squeeeze models
 

Kürzlich hochgeladen

100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...shambhavirathore45
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...SUHANI PANDEY
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxolyaivanovalion
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfRachmat Ramadhan H
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...amitlee9823
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Valters Lauzums
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
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 Researchmichael115558
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfadriantubila
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Delhi Call girls
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxolyaivanovalion
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxolyaivanovalion
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 

Kürzlich hochgeladen (20)

100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptx
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
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
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptx
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 

Neural Radiance Field

  • 1. Neural Radiance Fields Neural Fields in Computer Vision
  • 2. Field 스칼라장 : 온도, 압력, 오디오 등 벡터장 : 유체속도장, 자기장 등 텐서장 : 영상 등
  • 4. 3D Synthesize : COLMAP - Structure-from-Motion and Multi-View Stereo https://colmap.github.io/
  • 5. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://neuralfields.cs.brown.edu/cvpr22 https://keras.io/examples/vision/nerf/
  • 6. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://github.com/bmild/nerf https://github.com/NakuraMino/Minimal-NeRF 1. MLP 기반의 NeRF * input의 Spherical Vector(2D)를 Cartesian(3D) 으로 변경 * input의 viewing direction : sigma, pi (Cartesian)가 3*2*L_embed로 확장 ( positional encoding ) * output은 RGBa (a는 volume density) => !!중요한점, 1 view는 1 pixel에 대응 8 Depth FC (with 256 dim - Relu)
  • 7. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://github.com/bmild/nerf/blob/20a91e764a28816ee2234fcadb73bd59a613a44c/load_blender.py MLP 기반의 NeRF (Dataset from Blender)
  • 8. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://github.com/bmild/nerf/blob/20a91e764a28816ee2234fcadb73bd59a613a44c/load_blender.py https://docs.blender.org/api/blender_python_api_2_71_release/ https://github.com/bmild/nerf/issues/78 https://www.3dgep.com/understanding-the-view-matrix/#:~:text=The%20world%20transformation%20matrix%20is,%2Dspace%20to%20view%2Dspace. MLP 기반의 NeRF (Dataset from Blender) camera_angle_x : Camera lens horizontal field of view <- 카메라의 Focal 값 (모두 동일값) rotation : radians (degree) <- 카메라 제자리 회전 값… (모두 동일값) transform_matrix (Worldspace transformation matrix, matrix_world (blender)) <- Camera 월 좌표계 및 상대 Rotation 정보
  • 9. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function MLP 기반의 NeRF (Dataset from Blender) transform_matrix (Look-At 행렬) - Camera 2 World focal = .5 * W / np.tan(.5 * camera_angle_x)
  • 10. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function MLP 기반의 NeRF (Dataset from Blender) - rays_o는 rays_original (position) : 각 HxWx3 pixel의 original ray point를 의미 == 모든 점이 camera x,y,z로 똑같음 (각 픽셀마다의 camera position) rays_d는 direction: dirs는 HxW내에서의 상대 좌표. c2w를 곱해줌으로서 camera viewing direction(+depth)을 계산 (각 픽셀마다의 camera view direction)
  • 11. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) http://sgvr.kaist.ac.kr/~sungeui/GCG_S22/Student_Presentations/CS580_PaperPresentation_dgkim.pdf
  • 12. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://www.scratchapixel.com/lessons/mathematics-physics-for-computer-graphics/lookat-function MLP 기반의 NeRF (Dataset from Blender) - z_vals <- Random Accumulate Point 지정 pts <- z_vals위치의 point들을 생성 pts input에 대한 network output 값의 합산이 rgb가 될 수 있도록 함 (weights 값 합산은 near 1) => raw[:3]는 rgb_map과 mse, raw[4]는 직접 mse가 없고 raw[:3]와 곱해져 간접 업데이트 (본 코드에는 raw[4] - a는 업데이트 없음 fix z_vals)
  • 13. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://m.blog.naver.com/jetarrow82/221252045857 1. MLP 기반의 NeRF - Viewing Direction의 중요성 실제 물체는 non-Lambertian effects 특성을 가짐 Lambertian Surface는 ViewPoint에 상관없이 똑같은 빛의 양을 반사함
  • 14. NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis (ECCV 2020) https://www.matthewtancik.com/nerf 1. MLP 기반의 NeRF - Positional Encoding
  • 16. NeRF: Synthesizer로서의 가치 Small Size Model Rendering 도메인이 한정되어 있지 않음
  • 17. Texture https://learnopengl.com/Advanced-OpenGL/Cubemaps https://lifeisforu.tistory.com/375 CubeMap - 보통 ray 영향을 크게 받지 않는 원경에 사용 Spherical Harmonics( SH, 구면 조화 ) - irradiance map(난반사 정도)을 저장하는 효율적 방식
  • 18. Plenoxels : ReRF without Neural Networks NeRF key point is differentiable Volume Renderer MLP Volume Rendering을 Voxel Grid와 Interpolation의 조합으로 치환
  • 19. Beyond Synthesize - iNeRF: Inverting Neural Radiance Fields for Pose Estimation (2020) Neural Fields in Visual Computing and Beyond (2022 EUROGRPAHICS) https://yenchenlin.me/inerf/ Trained Nerf를 통해 Generation하고 Pose Estimation을 Iterative하게 Gradient Based Optimization을 하여 Estimated Pose를 취득
  • 20. Beyond Synthesize - iNeRF: Inverting Neural Radiance Fields for Pose Estimation (2020) Neural Fields in Visual Computing and Beyond (2022 EUROGRPAHICS) https://yenchenlin.me/inerf/
  • 21. Beyond Synthesize - Learning Dense Object Descriptors from Neural Radiance Fields (2022 ICRA) https://yenchenlin.me/nerf-supervision/ Keypoint detection과 유사. Keypoint는 sparse하게 pose 정보를 추출한다면, Dense Descriptor는 Dense하게 Pose 정보를 추출
  • 22. Beyond Synthesize - Learning Dense Object Descriptors from Neural Radiance Fields (2022 ICRA) https://yenchenlin.me/nerf-supervision/
  • 23. Beyond Synthesize - NERF-SOS: ANY-VIEW SELF-SUPERVISED OBJECT SEGMENTATION ON COMPLEX SCENES (2022 Pre) - 셀링포인트는 다양한 각도에서 영상을 촬영하면 NeRF 샘플에서 Unsupervised로 Segmentation을 만들어줌 => 한계점 - K-Means/Pre-trained Network에 의존적 (BG가 명확하게 분리되고, Object의 Semantic 정보가 명확해야 할 것으로 보임)
  • 24. NeRFs… https://kakaobrain.github.io/NeRF-Factory/ <= Nerf 성능 비교 Mega-NeRF: Scalable Construction of Large-Scale NeRFs for Virtual Fly-Throughs <= 넓은 공간 모델링 Instant Neural Graphics Primitive <= NeRF, SDF(signed distance functions), Gigapixel image등 (Computer graphics primitives)을 처리할 수 있는 네트워크 https://nvlabs.github.io/instant-ngp/assets/mueller2022instant.mp4 Dex-NeRF : Using a Neural Radiance Field to Grasp Transparent Objects - Transparent, Light-sensitive한 물체를 잘 다룰 수 있지 않을까? https://sites.google.com/view/dex-nerf vision-only robot navigation in a neural radiance world - Vision Based Planning https://mikh3x4.github.io/nerf-navigation/ Relighting the Real World With Neural Rendering - https://www.unite.ai/adobe-neural-rendering-relighting-2021/ NeRF-Studio https://docs.nerf.studio/en/latest/index.html