SlideShare a Scribd company logo
1 of 35
Download to read offline
FlowNet: Learning Optical Flow
with Convolutional Networks
Hyeongmin Lee
Image and Video Pattern Recognition LAB
Electrical and Electronic Engineering Dept, Yonsei University
4th Semester
2019.12.15
What is Optical Flow?
What is Optical Flow?
◆ Optical Flow
연속한 두 Frame 사이에서 각 Pixel의 Motion을 나타내는 Vector Map (Pixel Displacement)
What is Optical Flow?
◆ Visualizing Optical Flow
<2-Dimensional Map>
• Color: Direction
• Saturation: Magnitude
Optical Flow Constraint
Optical Flow Constraint
◆ The Optical Flow Constraint
“Flow Vector로 이어진 두 Pixel 값은 동일하다.”
Optical Flow Constraint
◆ The Optical Flow Constraint
“Flow Vector로 이어진 두 Pixel 값은 동일하다.”
𝐼(𝑥, 𝑦, 𝑡) (𝑢, 𝑣)
Image Flow
Optical Flow Constraint
◆ The Optical Flow Constraint
“Flow Vector로 이어진 두 Pixel 값은 동일하다.”
𝐼(𝑥, 𝑦, 𝑡) (𝑢, 𝑣)
Image Flow
𝐼 𝑥, 𝑦, 𝑡 = 𝐼(𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1)
Optical Flow Constraint
◆ The Optical Flow Constraint
𝐼 𝑥, 𝑦, 𝑡 = 𝐼 𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1
= 𝐼 𝑥, 𝑦, 𝑡 + 1 +
𝜕𝐼
𝜕𝑥
𝑢 +
𝜕𝐼
𝜕𝑥
𝑣
𝐼 𝑥, 𝑦, 𝑡 + 1 − 𝐼 𝑥, 𝑦, 𝑡 +
𝜕𝐼
𝜕𝑥
𝑢 +
𝜕𝐼
𝜕𝑥
𝑣 = 0
𝐼𝑡 + 𝐼 𝑥 𝑢 + 𝐼 𝑦 𝑣 = 0
First-Order Taylor Approximation
The Optical Flow Constraint
Optical Flow Constraint
◆ Aperture Problem
𝐼𝑡 + 𝐼 𝑥 𝑢 + 𝐼 𝑦 𝑣 = 0
The Optical Flow Constraint
(Underdetermined)
We need some additional constraints!!
Optical Flow Estimation by Optimization
Optical Flow Estimation by Optimization
◆ Lucas-Kanade Method
𝐼𝑡
(1)
+ 𝐼 𝑥
(1)
𝑢 + 𝐼 𝑦
(1)
𝑣 = 0
𝐼𝑡
(2)
+ 𝐼 𝑥
(2)
𝑢 + 𝐼 𝑦
(2)
𝑣 = 0
𝐼𝑡
(3)
+ 𝐼 𝑥
(3)
𝑢 + 𝐼 𝑦
(3)
𝑣 = 0
𝐼𝑡
(𝑛)
+ 𝐼 𝑥
(𝑛)
𝑢 + 𝐼 𝑦
(𝑛)
𝑣 = 0
Optical Flow Estimation by Optimization
◆ Variational Method
Optical Flow ConstraintSmoothness Constraint
(Total Variation Loss)
Optical Flow Estimation by Optimization
◆ Variational Method – Quadratic Relaxation
For N Iterations
Optical Flow Estimation by Energy Minimization
◆ Large Displacement
𝐼 𝑥, 𝑦, 𝑡 = 𝐼 𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1
= 𝐼 𝑥, 𝑦, 𝑡 + 1 +
𝜕𝐼
𝜕𝑥
𝑢 +
𝜕𝐼
𝜕𝑥
𝑣 First-Order Taylor Approximation
Short Displacement가 전제됨!
➔ Large Displacement에 취약
✓ Coarse-to-Fine Method
Error Propagation
Optical Flow Estimation by Energy Minimization
◆ Large Displacement Optical Flow [TPAMI 2011]
Descriptor Loss
Descriptor Based Feature Matching을 Guide로 주어, Large Displacement에 대한 성능을 보완
Optical Flow Estimation by Energy Minimization
◆ Large Displacement Optical Flow [TPAMI 2011]
✓ Feature Matching using Descriptors
Large Displacement에 강인.
Sparse한 점에 대해서만 Matching 가능.
Optical Flow Estimation by Energy Minimization
◆ EpicFlow [CVPR 2015]
Coarse-to-Fine Interpolation 시에 Edge를 고려하여 Sharp한 결과를 얻음
Optical Flow Estimation by Energy Minimization
◆ EpicFlow [CVPR 2015]
Interpolation using Euclidean distance
Euclidean
edge
far
close
Interpolation using Geodesic distance
FlowNet [ICCV 2015]
FlowNet
◆ Why optimization based?
✓ Hardware와 Deep Learning의 기술적 Baseline 부족
✓ Hard to get ground truth (Lack of Dataset)
FlowNet
◆ Why optimization based?
✓ Hardware와 Deep Learning의 기술적 Baseline 부족
✓ Hard to get ground truth (Lack of Dataset)
GPU & Parallel Processing
Convolutional Neural Networks
만들자!
FlowNet
◆ Flying Chairs Dataset
Flicker DB + 3d Chairs
FlowNet
◆ FlowNet
FlowNet
◆ Correlation Layer
𝐱 𝟏
𝐱 𝟐
𝐷
𝐷
𝐾
𝐾
𝑊
𝐻
𝑊
𝐻
𝐷2
FlowNet
◆ Refinement Layer
EPE loss
EPE loss
EPE loss
EPE loss0.08
0.02
0.01
0.005
EPE(End Point Error) Loss: Estimated & GT간의 L2 Loss
FlowNet
◆ Results
FlowNet
◆ Results
FlowNet2.0 [CVPR 2017]
FlowNet2.0
◆ Change on Training Dataset & Scheduling
1. FlowNet에서 사용한 Flying Chair Dataset으로 pre-train
2. Mayer et al. 에서 제안한 Flying Things 3D Dataset으로 추가 학습
FlowNet2.0
◆ Change on Network Architecture
FlowNet2.0
◆ New Dataset & Architecture for Small Displacement
1. ChairsSDHom Dataset (like UCF101)
2. FlowNet-SD Block & Fusion Block
FlowNet2.0
◆ Results
FlowNet2.0
◆ Results
Thank You!

More Related Content

What's hot

ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksKouhei Nakajima
 
Final presentation optical flow estimation with DL
Final presentation  optical flow estimation with DLFinal presentation  optical flow estimation with DL
Final presentation optical flow estimation with DLLeapMind Inc
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSungjoon Choi
 
【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised LearningまとめDeep Learning JP
 
Batch normalization effectiveness_20190206
Batch normalization effectiveness_20190206Batch normalization effectiveness_20190206
Batch normalization effectiveness_20190206Masakazu Shinoda
 
【技術解説20】 ミニバッチ確率的勾配降下法
【技術解説20】 ミニバッチ確率的勾配降下法【技術解説20】 ミニバッチ確率的勾配降下法
【技術解説20】 ミニバッチ確率的勾配降下法Ruo Ando
 
Skip Connection まとめ(Neural Network)
Skip Connection まとめ(Neural Network)Skip Connection まとめ(Neural Network)
Skip Connection まとめ(Neural Network)Yamato OKAMOTO
 
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...Deep Learning JP
 
[DL輪読会]Wavenet a generative model for raw audio
[DL輪読会]Wavenet a generative model for raw audio[DL輪読会]Wavenet a generative model for raw audio
[DL輪読会]Wavenet a generative model for raw audioDeep Learning JP
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSangwoo Mo
 
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video GenerationDeep Learning JP
 
Deformable Part Modelとその発展
Deformable Part Modelとその発展Deformable Part Modelとその発展
Deformable Part Modelとその発展Takao Yamanaka
 
SSII2019企画: 点群深層学習の研究動向
SSII2019企画: 点群深層学習の研究動向SSII2019企画: 点群深層学習の研究動向
SSII2019企画: 点群深層学習の研究動向SSII
 
クラシックな機械学習の入門  9. モデル推定
クラシックな機械学習の入門  9. モデル推定クラシックな機械学習の入門  9. モデル推定
クラシックな機械学習の入門  9. モデル推定Hiroshi Nakagawa
 
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...Hyeongmin Lee
 
Dataset for Semantic Urban Scene Understanding
Dataset for Semantic Urban Scene UnderstandingDataset for Semantic Urban Scene Understanding
Dataset for Semantic Urban Scene UnderstandingYosuke Shinya
 
Neural scene representation and rendering の解説(第3回3D勉強会@関東)
Neural scene representation and rendering の解説(第3回3D勉強会@関東)Neural scene representation and rendering の解説(第3回3D勉強会@関東)
Neural scene representation and rendering の解説(第3回3D勉強会@関東)Masaya Kaneko
 

What's hot (20)

ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
 
Final presentation optical flow estimation with DL
Final presentation  optical flow estimation with DLFinal presentation  optical flow estimation with DL
Final presentation optical flow estimation with DL
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep Learning
 
【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ
 
Batch normalization effectiveness_20190206
Batch normalization effectiveness_20190206Batch normalization effectiveness_20190206
Batch normalization effectiveness_20190206
 
【技術解説20】 ミニバッチ確率的勾配降下法
【技術解説20】 ミニバッチ確率的勾配降下法【技術解説20】 ミニバッチ確率的勾配降下法
【技術解説20】 ミニバッチ確率的勾配降下法
 
You only look once
You only look onceYou only look once
You only look once
 
Skip Connection まとめ(Neural Network)
Skip Connection まとめ(Neural Network)Skip Connection まとめ(Neural Network)
Skip Connection まとめ(Neural Network)
 
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...
[DL輪読会]Vision Transformer with Deformable Attention (Deformable Attention Tra...
 
[DL輪読会]Wavenet a generative model for raw audio
[DL輪読会]Wavenet a generative model for raw audio[DL輪読会]Wavenet a generative model for raw audio
[DL輪読会]Wavenet a generative model for raw audio
 
A3C解説
A3C解説A3C解説
A3C解説
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
 
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation
[DL輪読会] MoCoGAN: Decomposing Motion and Content for Video Generation
 
Deformable Part Modelとその発展
Deformable Part Modelとその発展Deformable Part Modelとその発展
Deformable Part Modelとその発展
 
SSII2019企画: 点群深層学習の研究動向
SSII2019企画: 点群深層学習の研究動向SSII2019企画: 点群深層学習の研究動向
SSII2019企画: 点群深層学習の研究動向
 
クラシックな機械学習の入門  9. モデル推定
クラシックな機械学習の入門  9. モデル推定クラシックな機械学習の入門  9. モデル推定
クラシックな機械学習の入門  9. モデル推定
 
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...
PR-228: Geonet: Unsupervised learning of dense depth, optical flow and camera...
 
YOLO V6
YOLO V6YOLO V6
YOLO V6
 
Dataset for Semantic Urban Scene Understanding
Dataset for Semantic Urban Scene UnderstandingDataset for Semantic Urban Scene Understanding
Dataset for Semantic Urban Scene Understanding
 
Neural scene representation and rendering の解説(第3回3D勉強会@関東)
Neural scene representation and rendering の解説(第3回3D勉強会@関東)Neural scene representation and rendering の解説(第3回3D勉強会@関東)
Neural scene representation and rendering の解説(第3回3D勉強会@関東)
 

Similar to PR-214: FlowNet: Learning Optical Flow with Convolutional Networks

Optic flow estimation with deep learning
Optic flow estimation with deep learningOptic flow estimation with deep learning
Optic flow estimation with deep learningYu Huang
 
Temporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch MatchingTemporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch MatchingNAVER Engineering
 
2017 09-29 ndt loop closure
2017 09-29 ndt loop closure2017 09-29 ndt loop closure
2017 09-29 ndt loop closureiMorpheus ai
 
Acoustic echo cancellation
Acoustic echo cancellationAcoustic echo cancellation
Acoustic echo cancellationchintanajoshi
 
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)Tatsunori Taniai
 
The information and mutual information ration for counting image features and...
The information and mutual information ration for counting image features and...The information and mutual information ration for counting image features and...
The information and mutual information ration for counting image features and...alikhajegili
 
SVD and the Netflix Dataset
SVD and the Netflix DatasetSVD and the Netflix Dataset
SVD and the Netflix DatasetBen Mabey
 
Advanced cosine measures for collaborative filtering
Advanced cosine measures for collaborative filteringAdvanced cosine measures for collaborative filtering
Advanced cosine measures for collaborative filteringLoc Nguyen
 
Geometric wavelet transform for optical flow estimation algorithm
Geometric wavelet transform for optical flow estimation algorithmGeometric wavelet transform for optical flow estimation algorithm
Geometric wavelet transform for optical flow estimation algorithmijcga
 
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...Extend Your Journey: Introducing Signal Strength into Location-based Applicat...
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...Chih-Chuan Cheng
 
ct image quality
ct image qualityct image quality
ct image qualitydypradio
 
Presentation at SMI 2023
Presentation at SMI 2023Presentation at SMI 2023
Presentation at SMI 2023Joaquim Jorge
 
[PR12] Making Convolutional Networks Shift-Invariant Again
[PR12] Making Convolutional Networks Shift-Invariant Again[PR12] Making Convolutional Networks Shift-Invariant Again
[PR12] Making Convolutional Networks Shift-Invariant AgainHyeongmin Lee
 
Feasibility of EEG Super-Resolution Using Deep Convolutional Networks
Feasibility of EEG Super-Resolution Using Deep Convolutional NetworksFeasibility of EEG Super-Resolution Using Deep Convolutional Networks
Feasibility of EEG Super-Resolution Using Deep Convolutional NetworksSangjun Han
 
Arcis 2013 reservoir_bochure_
Arcis 2013 reservoir_bochure_Arcis 2013 reservoir_bochure_
Arcis 2013 reservoir_bochure_TGS
 
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...paperpublications3
 
Multiuser MIMO Vector Perturbation Precoding
Multiuser MIMO Vector Perturbation PrecodingMultiuser MIMO Vector Perturbation Precoding
Multiuser MIMO Vector Perturbation Precodingadeelrazi
 
Coherence enhancing shock filters
Coherence enhancing shock filtersCoherence enhancing shock filters
Coherence enhancing shock filtersYechan Ahn
 

Similar to PR-214: FlowNet: Learning Optical Flow with Convolutional Networks (20)

Optic flow estimation with deep learning
Optic flow estimation with deep learningOptic flow estimation with deep learning
Optic flow estimation with deep learning
 
Pr266
Pr266Pr266
Pr266
 
Temporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch MatchingTemporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch Matching
 
2017 09-29 ndt loop closure
2017 09-29 ndt loop closure2017 09-29 ndt loop closure
2017 09-29 ndt loop closure
 
Acoustic echo cancellation
Acoustic echo cancellationAcoustic echo cancellation
Acoustic echo cancellation
 
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)
Fast Multi-frame Stereo Scene Flow with Motion Segmentation (CVPR 2017)
 
The information and mutual information ration for counting image features and...
The information and mutual information ration for counting image features and...The information and mutual information ration for counting image features and...
The information and mutual information ration for counting image features and...
 
SVD and the Netflix Dataset
SVD and the Netflix DatasetSVD and the Netflix Dataset
SVD and the Netflix Dataset
 
Advanced cosine measures for collaborative filtering
Advanced cosine measures for collaborative filteringAdvanced cosine measures for collaborative filtering
Advanced cosine measures for collaborative filtering
 
Geometric wavelet transform for optical flow estimation algorithm
Geometric wavelet transform for optical flow estimation algorithmGeometric wavelet transform for optical flow estimation algorithm
Geometric wavelet transform for optical flow estimation algorithm
 
CVPR presentation
CVPR presentationCVPR presentation
CVPR presentation
 
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...Extend Your Journey: Introducing Signal Strength into Location-based Applicat...
Extend Your Journey: Introducing Signal Strength into Location-based Applicat...
 
ct image quality
ct image qualityct image quality
ct image quality
 
Presentation at SMI 2023
Presentation at SMI 2023Presentation at SMI 2023
Presentation at SMI 2023
 
[PR12] Making Convolutional Networks Shift-Invariant Again
[PR12] Making Convolutional Networks Shift-Invariant Again[PR12] Making Convolutional Networks Shift-Invariant Again
[PR12] Making Convolutional Networks Shift-Invariant Again
 
Feasibility of EEG Super-Resolution Using Deep Convolutional Networks
Feasibility of EEG Super-Resolution Using Deep Convolutional NetworksFeasibility of EEG Super-Resolution Using Deep Convolutional Networks
Feasibility of EEG Super-Resolution Using Deep Convolutional Networks
 
Arcis 2013 reservoir_bochure_
Arcis 2013 reservoir_bochure_Arcis 2013 reservoir_bochure_
Arcis 2013 reservoir_bochure_
 
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...
Hybrid Quantum Genetic Particle Swarm Optimization Algorithm For Solving Opti...
 
Multiuser MIMO Vector Perturbation Precoding
Multiuser MIMO Vector Perturbation PrecodingMultiuser MIMO Vector Perturbation Precoding
Multiuser MIMO Vector Perturbation Precoding
 
Coherence enhancing shock filters
Coherence enhancing shock filtersCoherence enhancing shock filters
Coherence enhancing shock filters
 

More from Hyeongmin Lee

PR-455: CoTracker: It is Better to Track Together
PR-455: CoTracker: It is Better to Track TogetherPR-455: CoTracker: It is Better to Track Together
PR-455: CoTracker: It is Better to Track TogetherHyeongmin Lee
 
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...Hyeongmin Lee
 
PR-420: Scalable Model Compression by Entropy Penalized Reparameterization
PR-420: Scalable Model Compression by Entropy Penalized ReparameterizationPR-420: Scalable Model Compression by Entropy Penalized Reparameterization
PR-420: Scalable Model Compression by Entropy Penalized ReparameterizationHyeongmin Lee
 
PR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsPR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsHyeongmin Lee
 
PR-395: Variational Image Compression with a Scale Hyperprior
PR-395: Variational Image Compression with a Scale HyperpriorPR-395: Variational Image Compression with a Scale Hyperprior
PR-395: Variational Image Compression with a Scale HyperpriorHyeongmin Lee
 
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...Hyeongmin Lee
 
PR-365: Fast object detection in compressed video
PR-365: Fast object detection in compressed videoPR-365: Fast object detection in compressed video
PR-365: Fast object detection in compressed videoHyeongmin Lee
 
PR-340: DVC: An End-to-end Deep Video Compression Framework
PR-340: DVC: An End-to-end Deep Video Compression FrameworkPR-340: DVC: An End-to-end Deep Video Compression Framework
PR-340: DVC: An End-to-end Deep Video Compression FrameworkHyeongmin Lee
 
PR-328: End-to-End Optimized Image Compression
PR-328: End-to-End OptimizedImage CompressionPR-328: End-to-End OptimizedImage Compression
PR-328: End-to-End Optimized Image CompressionHyeongmin Lee
 
PR-315: Taming Transformers for High-Resolution Image Synthesis
PR-315: Taming Transformers for High-Resolution Image SynthesisPR-315: Taming Transformers for High-Resolution Image Synthesis
PR-315: Taming Transformers for High-Resolution Image SynthesisHyeongmin Lee
 
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisPR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisHyeongmin Lee
 
PR-252: Making Convolutional Networks Shift-Invariant Again
PR-252: Making Convolutional Networks Shift-Invariant AgainPR-252: Making Convolutional Networks Shift-Invariant Again
PR-252: Making Convolutional Networks Shift-Invariant AgainHyeongmin Lee
 
PR-240: Modulating Image Restoration with Continual Levels via Adaptive Featu...
PR-240: Modulating Image Restoration with Continual Levels viaAdaptive Featu...PR-240: Modulating Image Restoration with Continual Levels viaAdaptive Featu...
PR-240: Modulating Image Restoration with Continual Levels via Adaptive Featu...Hyeongmin Lee
 
Latest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsLatest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsHyeongmin Lee
 
[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping
[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping
[Paper Review] Temporal Generative Adversarial Nets with Singular Value ClippingHyeongmin Lee
 
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...Hyeongmin Lee
 
[Paper Review] Video Frame Interpolation via Adaptive Convolution
[Paper Review] Video Frame Interpolation via Adaptive Convolution[Paper Review] Video Frame Interpolation via Adaptive Convolution
[Paper Review] Video Frame Interpolation via Adaptive ConvolutionHyeongmin Lee
 
[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients
[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients
[Paper Review] A spatio -Temporal Descriptor Based on 3D -GradientsHyeongmin Lee
 
[Paper Review] Unmasking the abnormal events in video
[Paper Review] Unmasking the abnormal events in video[Paper Review] Unmasking the abnormal events in video
[Paper Review] Unmasking the abnormal events in videoHyeongmin Lee
 
GAN with Mathematics
GAN with MathematicsGAN with Mathematics
GAN with MathematicsHyeongmin Lee
 

More from Hyeongmin Lee (20)

PR-455: CoTracker: It is Better to Track Together
PR-455: CoTracker: It is Better to Track TogetherPR-455: CoTracker: It is Better to Track Together
PR-455: CoTracker: It is Better to Track Together
 
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
 
PR-420: Scalable Model Compression by Entropy Penalized Reparameterization
PR-420: Scalable Model Compression by Entropy Penalized ReparameterizationPR-420: Scalable Model Compression by Entropy Penalized Reparameterization
PR-420: Scalable Model Compression by Entropy Penalized Reparameterization
 
PR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsPR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic Models
 
PR-395: Variational Image Compression with a Scale Hyperprior
PR-395: Variational Image Compression with a Scale HyperpriorPR-395: Variational Image Compression with a Scale Hyperprior
PR-395: Variational Image Compression with a Scale Hyperprior
 
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...
PR-386: Light Field Networks: Neural Scene Representations with Single-Evalua...
 
PR-365: Fast object detection in compressed video
PR-365: Fast object detection in compressed videoPR-365: Fast object detection in compressed video
PR-365: Fast object detection in compressed video
 
PR-340: DVC: An End-to-end Deep Video Compression Framework
PR-340: DVC: An End-to-end Deep Video Compression FrameworkPR-340: DVC: An End-to-end Deep Video Compression Framework
PR-340: DVC: An End-to-end Deep Video Compression Framework
 
PR-328: End-to-End Optimized Image Compression
PR-328: End-to-End OptimizedImage CompressionPR-328: End-to-End OptimizedImage Compression
PR-328: End-to-End Optimized Image Compression
 
PR-315: Taming Transformers for High-Resolution Image Synthesis
PR-315: Taming Transformers for High-Resolution Image SynthesisPR-315: Taming Transformers for High-Resolution Image Synthesis
PR-315: Taming Transformers for High-Resolution Image Synthesis
 
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisPR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
PR-252: Making Convolutional Networks Shift-Invariant Again
PR-252: Making Convolutional Networks Shift-Invariant AgainPR-252: Making Convolutional Networks Shift-Invariant Again
PR-252: Making Convolutional Networks Shift-Invariant Again
 
PR-240: Modulating Image Restoration with Continual Levels via Adaptive Featu...
PR-240: Modulating Image Restoration with Continual Levels viaAdaptive Featu...PR-240: Modulating Image Restoration with Continual Levels viaAdaptive Featu...
PR-240: Modulating Image Restoration with Continual Levels via Adaptive Featu...
 
Latest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsLatest Frame interpolation Algorithms
Latest Frame interpolation Algorithms
 
[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping
[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping
[Paper Review] Temporal Generative Adversarial Nets with Singular Value Clipping
 
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...
[Paper Review] A Middlebury Benchmark & Context-Aware Synthesis for Video Fra...
 
[Paper Review] Video Frame Interpolation via Adaptive Convolution
[Paper Review] Video Frame Interpolation via Adaptive Convolution[Paper Review] Video Frame Interpolation via Adaptive Convolution
[Paper Review] Video Frame Interpolation via Adaptive Convolution
 
[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients
[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients
[Paper Review] A spatio -Temporal Descriptor Based on 3D -Gradients
 
[Paper Review] Unmasking the abnormal events in video
[Paper Review] Unmasking the abnormal events in video[Paper Review] Unmasking the abnormal events in video
[Paper Review] Unmasking the abnormal events in video
 
GAN with Mathematics
GAN with MathematicsGAN with Mathematics
GAN with Mathematics
 

Recently uploaded

(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Call Girls in Nagpur High Profile
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 

Recently uploaded (20)

(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 

PR-214: FlowNet: Learning Optical Flow with Convolutional Networks

  • 1. FlowNet: Learning Optical Flow with Convolutional Networks Hyeongmin Lee Image and Video Pattern Recognition LAB Electrical and Electronic Engineering Dept, Yonsei University 4th Semester 2019.12.15
  • 3. What is Optical Flow? ◆ Optical Flow 연속한 두 Frame 사이에서 각 Pixel의 Motion을 나타내는 Vector Map (Pixel Displacement)
  • 4. What is Optical Flow? ◆ Visualizing Optical Flow <2-Dimensional Map> • Color: Direction • Saturation: Magnitude
  • 6. Optical Flow Constraint ◆ The Optical Flow Constraint “Flow Vector로 이어진 두 Pixel 값은 동일하다.”
  • 7. Optical Flow Constraint ◆ The Optical Flow Constraint “Flow Vector로 이어진 두 Pixel 값은 동일하다.” 𝐼(𝑥, 𝑦, 𝑡) (𝑢, 𝑣) Image Flow
  • 8. Optical Flow Constraint ◆ The Optical Flow Constraint “Flow Vector로 이어진 두 Pixel 값은 동일하다.” 𝐼(𝑥, 𝑦, 𝑡) (𝑢, 𝑣) Image Flow 𝐼 𝑥, 𝑦, 𝑡 = 𝐼(𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1)
  • 9. Optical Flow Constraint ◆ The Optical Flow Constraint 𝐼 𝑥, 𝑦, 𝑡 = 𝐼 𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1 = 𝐼 𝑥, 𝑦, 𝑡 + 1 + 𝜕𝐼 𝜕𝑥 𝑢 + 𝜕𝐼 𝜕𝑥 𝑣 𝐼 𝑥, 𝑦, 𝑡 + 1 − 𝐼 𝑥, 𝑦, 𝑡 + 𝜕𝐼 𝜕𝑥 𝑢 + 𝜕𝐼 𝜕𝑥 𝑣 = 0 𝐼𝑡 + 𝐼 𝑥 𝑢 + 𝐼 𝑦 𝑣 = 0 First-Order Taylor Approximation The Optical Flow Constraint
  • 10. Optical Flow Constraint ◆ Aperture Problem 𝐼𝑡 + 𝐼 𝑥 𝑢 + 𝐼 𝑦 𝑣 = 0 The Optical Flow Constraint (Underdetermined) We need some additional constraints!!
  • 11. Optical Flow Estimation by Optimization
  • 12. Optical Flow Estimation by Optimization ◆ Lucas-Kanade Method 𝐼𝑡 (1) + 𝐼 𝑥 (1) 𝑢 + 𝐼 𝑦 (1) 𝑣 = 0 𝐼𝑡 (2) + 𝐼 𝑥 (2) 𝑢 + 𝐼 𝑦 (2) 𝑣 = 0 𝐼𝑡 (3) + 𝐼 𝑥 (3) 𝑢 + 𝐼 𝑦 (3) 𝑣 = 0 𝐼𝑡 (𝑛) + 𝐼 𝑥 (𝑛) 𝑢 + 𝐼 𝑦 (𝑛) 𝑣 = 0
  • 13. Optical Flow Estimation by Optimization ◆ Variational Method Optical Flow ConstraintSmoothness Constraint (Total Variation Loss)
  • 14. Optical Flow Estimation by Optimization ◆ Variational Method – Quadratic Relaxation For N Iterations
  • 15. Optical Flow Estimation by Energy Minimization ◆ Large Displacement 𝐼 𝑥, 𝑦, 𝑡 = 𝐼 𝑥 + 𝑢, 𝑦 + 𝑣, 𝑡 + 1 = 𝐼 𝑥, 𝑦, 𝑡 + 1 + 𝜕𝐼 𝜕𝑥 𝑢 + 𝜕𝐼 𝜕𝑥 𝑣 First-Order Taylor Approximation Short Displacement가 전제됨! ➔ Large Displacement에 취약 ✓ Coarse-to-Fine Method Error Propagation
  • 16. Optical Flow Estimation by Energy Minimization ◆ Large Displacement Optical Flow [TPAMI 2011] Descriptor Loss Descriptor Based Feature Matching을 Guide로 주어, Large Displacement에 대한 성능을 보완
  • 17. Optical Flow Estimation by Energy Minimization ◆ Large Displacement Optical Flow [TPAMI 2011] ✓ Feature Matching using Descriptors Large Displacement에 강인. Sparse한 점에 대해서만 Matching 가능.
  • 18. Optical Flow Estimation by Energy Minimization ◆ EpicFlow [CVPR 2015] Coarse-to-Fine Interpolation 시에 Edge를 고려하여 Sharp한 결과를 얻음
  • 19. Optical Flow Estimation by Energy Minimization ◆ EpicFlow [CVPR 2015] Interpolation using Euclidean distance Euclidean edge far close Interpolation using Geodesic distance
  • 21. FlowNet ◆ Why optimization based? ✓ Hardware와 Deep Learning의 기술적 Baseline 부족 ✓ Hard to get ground truth (Lack of Dataset)
  • 22. FlowNet ◆ Why optimization based? ✓ Hardware와 Deep Learning의 기술적 Baseline 부족 ✓ Hard to get ground truth (Lack of Dataset) GPU & Parallel Processing Convolutional Neural Networks 만들자!
  • 23. FlowNet ◆ Flying Chairs Dataset Flicker DB + 3d Chairs
  • 25. FlowNet ◆ Correlation Layer 𝐱 𝟏 𝐱 𝟐 𝐷 𝐷 𝐾 𝐾 𝑊 𝐻 𝑊 𝐻 𝐷2
  • 26. FlowNet ◆ Refinement Layer EPE loss EPE loss EPE loss EPE loss0.08 0.02 0.01 0.005 EPE(End Point Error) Loss: Estimated & GT간의 L2 Loss
  • 30. FlowNet2.0 ◆ Change on Training Dataset & Scheduling 1. FlowNet에서 사용한 Flying Chair Dataset으로 pre-train 2. Mayer et al. 에서 제안한 Flying Things 3D Dataset으로 추가 학습
  • 31. FlowNet2.0 ◆ Change on Network Architecture
  • 32. FlowNet2.0 ◆ New Dataset & Architecture for Small Displacement 1. ChairsSDHom Dataset (like UCF101) 2. FlowNet-SD Block & Fusion Block