SlideShare a Scribd company logo
1 of 32
Download to read offline
Meta-Transfer Learning
for Zero-Shot Super-Resolution
Image Processing Team
Dawoon Heo Jeongho Shin Seonok Kim(🙋)
Presented in CVPR 2020
Authors - Jae Woong Soh, Sunwoo Cho, Nam Ik Cho (Seoul National University)
Introduction
Previous Methods
Proposed Methods
Experiments
Discussion
Conclusion
Introduction
MZSR
MZSR (Meta Transfer Learning for Zero Shot Super Resolution)
Zero Shot Super Resolution
Recent CNN based methods
Trained on large-scale ‘external’
dataset
Applicable only to the specific
condition of data that they are
supervised
(e.g., “bicubic” downsampled
noise-free image)
Flexibility
Few gradient updates
🤔 👍
💡
It can be applied to
real-world scenes.
One single gradient
update can yield quite
considerable results.
Meta-Learning
MAML1) scheme for fast
adaptation of ZSSR
Proposed for flexible
internal learning.
1) Model-Agnostic Meta-Learning (https://arxiv.org/abs/1703.03400)
Transfer-Learning
Employed a pre-trained
network with meta-learning
method
4
Previous Methods
MZSR
Background
Bicubic Down-sampling
Why Down-sample images
2) Comparison of bicubic interpolation with some 1- and 2-dimensional interpolations (Wikipedia).
2)
A neighborhood of 4X4 pixel is
considered to perform the interpolation
Down-
sample
LR
HR
Super-
Resolution
HR
LR- HR pairs is used
in the training phase
The trained network
used for SR
in the test phase
6
CNN-based Methods
Most of the recent CNN-based
methods are applicable only to
the specific condition of data
that they are supervised.
(e.g., “bicubic” downsampling.)
They are rained on large-scale
external dataset and the number
of parameters are large to boost
performance
Limitations
Convolutional neural networks (CNNs) have shown dramatic
improvements in single image super-resolution (SISR) by using large-
scale external samples.
MZSR
Bicubic
3) ECCV ’18 Image Super-Resolution Using Very Deep Residual Channel Attention Networks (https://arxiv.org/abs/1807.02758)
Gaussian
RCAN 3)
RCAN
34.28dB
👍
👍
27.15dB
7
SISR (Single Image Super-Resolution)
SISR is to find a plausible high-resolution image from its counterpart low-
resolution image.
Downsample
LR
HR
MZSR
LR
HR
Low Resolution
Image
Convolution
Decimation
Gaussian noise
Blur kernel
Low Resolution
Image
8
ZSSR (Zero-Shot Super-Resolution)
Requires thousands of gradient
updates, which require a large
amount of time.
Cannot fully exploit large-scale
external dataset.
Limitations
Train on HR-LR pairs from the test
image itself.
Downsample
LR
HR
LR
HR
Learns image specific internal
information
Totally unsupervised or self-
supervised
MZSR
9
Question 🤔
Proposed Methods
MZSR (Meta Transfer Learning for Zero Shot Super Resolution)
The overall scheme of our proposed MZSR
MZSR
12
Large-scale Training
MZSR
Pixel-wise L1 loss
Bicubic
Prediction
Ground-truth
Synthesized large number of paired dataset.
Trained the network to learn super-resolution of
“bicubic” degradation model by minimizing the loss.
Paired dataset
13
Meta-Transfer Learning
MZSR
Adopt optimization-based meta-training step. Mostly
follow MAML with some modifications.
Synthesize paired dataset with Gaussian kernels.
Covariance matrix
MAML(Model-Agnostic Meta-Learning)
14
Task-level training, test dataset
Dataset for meta-transfer learning
A kernel distribution is p(k) and each kernel is
determined by a covariance matrix ∑.
Meta-Transfer Learning
MZSR
The model parameters 𝜃 are optimized to achieve
minimal test error of 𝜃 with respect to 𝜃!.
Meta-transfer optimization
Task-level gradient updates with the respect to model
parameter 𝜃.
15
Parameter update rule
Parameter update
Meta-learning rate
Kernel distribution
Task-level learning rate
Meta-Test
MZSR
Self-supervised ZSSR(Zero-Shot Super Resolution)
Learn internal information within a single image.
With a given LR image, we downsample it with corresponding downsampling
kernel to generate 𝚰"#$(Image son)
Perform a few gradient updates with respect to the model parameter using a
single pair of “LR son” and a given image.
Downsample
LR
HR
LR
HR 16
Algorithm
MZSR
Large-scaling
Training
Meta-transfer
learning
Optimization
17
Question 🤔
18
Experiments
Measurement and Kernels
d: direct subsampling
b: bicubic subsampling
MZSR
PSNR (dB): peak-signal-to-noise ratio
SSIM: structural index similarity
PSNR and SSIM Gaussian blur kernels
anisotropic
isotropic isotropic isotropic
20
The average PSNR/SSIM results on “bicubic” downsampling scenario with ×2 on benchmarks
Evaluations on “Bicubic” Downsampling
MZSR
21
Results on various kernel environments (X2)
The average PSNR/SSIM results on various kernels with ×2 on benchmarks
MZSR
22
Visualized Results
Visualized comparisons of super-resolution results (×2)
MZSR
23
Visualized Results
MZSR
Visualized comparisons of super-resolution results (×2)
24
Discussion
Number of Gradient Updates
MZSR
The initial point of MZSR shows the worst performance, but in one iteration, our method quickly adapts to the im-
age condition and shows the best performance among the compared methods.
Visualization of the initial point and after one iteration of each method
MZSR
pre-trained network
on “bicubic” degradation
26
Multi-scale Models
MZSR
Average PSNR results of multi-scale model on Set5
With multiple scaling factors, the task distribution p(𝑇) becomes more complex, in which the meta-learner struggles
to capture such regions that are suitable for fast adaptation.
As MZSR learns internal information of CNN, such images with multi-scale recurrent patterns show plausible
results even with large scaling factors.
The number in parenthesis is PSNR loss compared to the
single-scale model.
MZSR results on scaling factor × 4 with blur kernel 𝑔!.#
$
27
Complexity
MZSR
MZSR with a single gradient update requires the shortest time among comparisons.
ZSSR requires thousands of forward and backward pass to get a super-resolved image.
Comparisons of the number of parameters
and time complexity
28
Conclusion
Conclusion
MZSR
MZSR is a fast, flexible, and lightweight self-supervised super-resolution method by exploiting both external and
internal samples.
MZSR adopts an optimization-based meta-learning method with transfer learning to seek an initial point that is
sensitive to different conditions of blur kernels.
MZSR can quickly adapt to specific image conditions within a few gradient updates.
MZSR outperforms other methods, including ZSSR, which requires thousands of gradient descent iterations.
Super-resolved results (X2)
30
Question 🤔
Sources
MZSR Paper (https://arxiv.org/pdf/2002.12213.pdf)
MZSR GitHub (https://github.com/JWSoh/MZSR)
ComputerVisionFoundation Videos (https://www.youtube.com/watch?v=ZEgZtvxuT4U)
Deep Learning Paper Review and Practice (https://www.youtube.com/watch?v=PUtFz4vqXHQ)
Seonok Kim (sokim0991@korea.ac.kr)
Presenter

More Related Content

What's hot

Active Learning と Bayesian Neural Network
Active Learning と Bayesian Neural NetworkActive Learning と Bayesian Neural Network
Active Learning と Bayesian Neural NetworkNaoki Matsunaga
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature surveyAkshay Hegde
 
Emerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision TransformersEmerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision TransformersSungchul Kim
 
AI勉強会用スライド
AI勉強会用スライドAI勉強会用スライド
AI勉強会用スライドharmonylab
 
논문리뷰: Deep Neural Networks for YouTube Recommendations
논문리뷰: Deep Neural Networks for YouTube Recommendations논문리뷰: Deep Neural Networks for YouTube Recommendations
논문리뷰: Deep Neural Networks for YouTube Recommendationskeunbong kwak
 
PhD Thesis Proposal
PhD Thesis Proposal PhD Thesis Proposal
PhD Thesis Proposal Ziqiang Feng
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기NAVER Engineering
 
[DL輪読会]Focal Loss for Dense Object Detection
[DL輪読会]Focal Loss for Dense Object Detection[DL輪読会]Focal Loss for Dense Object Detection
[DL輪読会]Focal Loss for Dense Object DetectionDeep Learning JP
 
[study] pointer networks
[study] pointer networks[study] pointer networks
[study] pointer networksGyuhyeon Nam
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillationNAVER Engineering
 
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−Deep Learning JP
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsBenjamin Le
 
Segment Anything
Segment AnythingSegment Anything
Segment Anythingfake can
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSangwoo Mo
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extractionskylian
 
[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmaxJaeJun Yoo
 
Understanding deep learning requires rethinking generalization (2017) 1/2
Understanding deep learning requires rethinking generalization (2017) 1/2Understanding deep learning requires rethinking generalization (2017) 1/2
Understanding deep learning requires rethinking generalization (2017) 1/2정훈 서
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Anoop Deoras
 
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...Sunghoon Joo
 

What's hot (20)

Active Learning と Bayesian Neural Network
Active Learning と Bayesian Neural NetworkActive Learning と Bayesian Neural Network
Active Learning と Bayesian Neural Network
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature survey
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 
Emerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision TransformersEmerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision Transformers
 
AI勉強会用スライド
AI勉強会用スライドAI勉強会用スライド
AI勉強会用スライド
 
논문리뷰: Deep Neural Networks for YouTube Recommendations
논문리뷰: Deep Neural Networks for YouTube Recommendations논문리뷰: Deep Neural Networks for YouTube Recommendations
논문리뷰: Deep Neural Networks for YouTube Recommendations
 
PhD Thesis Proposal
PhD Thesis Proposal PhD Thesis Proposal
PhD Thesis Proposal
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
 
[DL輪読会]Focal Loss for Dense Object Detection
[DL輪読会]Focal Loss for Dense Object Detection[DL輪読会]Focal Loss for Dense Object Detection
[DL輪読会]Focal Loss for Dense Object Detection
 
[study] pointer networks
[study] pointer networks[study] pointer networks
[study] pointer networks
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
 
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−
[DL輪読会]The Neural Process Family−Neural Processes関連の実装を読んで動かしてみる−
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender Systems
 
Segment Anything
Segment AnythingSegment Anything
Segment Anything
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extraction
 
[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax
 
Understanding deep learning requires rethinking generalization (2017) 1/2
Understanding deep learning requires rethinking generalization (2017) 1/2Understanding deep learning requires rethinking generalization (2017) 1/2
Understanding deep learning requires rethinking generalization (2017) 1/2
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
 
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...
[PR-325] Pixel-BERT: Aligning Image Pixels with Text by Deep Multi-Modal Tran...
 

Similar to [딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review

IEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsIEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsVijay Karan
 
Enhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-ResolutionEnhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-ResolutionNAVER Engineering
 
IEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsIEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsVijay Karan
 
Face alignment by deep convolutional network with adaptive learning rate
Face alignment by deep convolutional network with adaptive learning rateFace alignment by deep convolutional network with adaptive learning rate
Face alignment by deep convolutional network with adaptive learning rateZhiwen Shao
 
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...IOSR Journals
 
Algorithm for Lossy Image Compression using FPGA
Algorithm for Lossy Image Compression using FPGAAlgorithm for Lossy Image Compression using FPGA
Algorithm for Lossy Image Compression using FPGAMistral Solutions
 
Deep vs diverse architectures for classification problems
Deep vs diverse architectures for classification problemsDeep vs diverse architectures for classification problems
Deep vs diverse architectures for classification problemsColleen Farrelly
 
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
AI Class Topic 6: Easy Way to Learn Deep Learning AI TechnologiesAI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
AI Class Topic 6: Easy Way to Learn Deep Learning AI TechnologiesValue Amplify Consulting
 
Machine learning in science and industry — day 4
Machine learning in science and industry — day 4Machine learning in science and industry — day 4
Machine learning in science and industry — day 4arogozhnikov
 
Asilomar09 compressive superres
Asilomar09 compressive superresAsilomar09 compressive superres
Asilomar09 compressive superresHoàng Sơn
 
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...grssieee
 
Image Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsImage Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsVijay Karan
 
Few shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningFew shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningﺁﺻﻒ ﻋﻠﯽ ﻣﯿﺮ
 
M.E Computer Science Remote Sensing Projects
M.E Computer Science Remote Sensing ProjectsM.E Computer Science Remote Sensing Projects
M.E Computer Science Remote Sensing ProjectsVijay Karan
 
Comparison of Neural Network Training Functions for Hematoma Classification i...
Comparison of Neural Network Training Functions for Hematoma Classification i...Comparison of Neural Network Training Functions for Hematoma Classification i...
Comparison of Neural Network Training Functions for Hematoma Classification i...IOSR Journals
 
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...ijceronline
 
Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)hyunsung lee
 
Super resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooSuper resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooJaeJun Yoo
 
Image Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsImage Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsVijay Karan
 

Similar to [딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review (20)

IEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsIEEE 2015 Matlab Projects
IEEE 2015 Matlab Projects
 
Enhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-ResolutionEnhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-Resolution
 
IEEE 2015 Matlab Projects
IEEE 2015 Matlab ProjectsIEEE 2015 Matlab Projects
IEEE 2015 Matlab Projects
 
Face alignment by deep convolutional network with adaptive learning rate
Face alignment by deep convolutional network with adaptive learning rateFace alignment by deep convolutional network with adaptive learning rate
Face alignment by deep convolutional network with adaptive learning rate
 
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
 
deep CNN vs conventional ML
deep CNN vs conventional MLdeep CNN vs conventional ML
deep CNN vs conventional ML
 
Algorithm for Lossy Image Compression using FPGA
Algorithm for Lossy Image Compression using FPGAAlgorithm for Lossy Image Compression using FPGA
Algorithm for Lossy Image Compression using FPGA
 
Deep vs diverse architectures for classification problems
Deep vs diverse architectures for classification problemsDeep vs diverse architectures for classification problems
Deep vs diverse architectures for classification problems
 
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
AI Class Topic 6: Easy Way to Learn Deep Learning AI TechnologiesAI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
 
Machine learning in science and industry — day 4
Machine learning in science and industry — day 4Machine learning in science and industry — day 4
Machine learning in science and industry — day 4
 
Asilomar09 compressive superres
Asilomar09 compressive superresAsilomar09 compressive superres
Asilomar09 compressive superres
 
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...
ABayesianApproachToLocalizedMultiKernelLearningUsingTheRelevanceVectorMachine...
 
Image Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsImage Processing IEEE 2015 Projects
Image Processing IEEE 2015 Projects
 
Few shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningFew shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learning
 
M.E Computer Science Remote Sensing Projects
M.E Computer Science Remote Sensing ProjectsM.E Computer Science Remote Sensing Projects
M.E Computer Science Remote Sensing Projects
 
Comparison of Neural Network Training Functions for Hematoma Classification i...
Comparison of Neural Network Training Functions for Hematoma Classification i...Comparison of Neural Network Training Functions for Hematoma Classification i...
Comparison of Neural Network Training Functions for Hematoma Classification i...
 
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...
PSO-based Training, Pruning, and Ensembling of Extreme Learning Machine RBF N...
 
Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)
 
Super resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooSuper resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun Yoo
 
Image Processing IEEE 2015 Projects
Image Processing IEEE 2015 ProjectsImage Processing IEEE 2015 Projects
Image Processing IEEE 2015 Projects
 

More from 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
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splattingtaeseon ryu
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptxtaeseon ryu
 
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_변현정taeseon ryu
 
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.pdftaeseon ryu
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories taeseon ryu
 
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 Extractiontaeseon ryu
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learningtaeseon ryu
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Modelstaeseon ryu
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuningtaeseon ryu
 
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.pdftaeseon ryu
 
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.pdftaeseon ryu
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithmtaeseon ryu
 
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 Networkstaeseon ryu
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarizationtaeseon ryu
 

More from 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...
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splatting
 
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
 

Recently uploaded

Temporomandibular joint Muscles of Mastication
Temporomandibular joint Muscles of MasticationTemporomandibular joint Muscles of Mastication
Temporomandibular joint Muscles of Masticationvidulajaib
 
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.aasikanpl
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555kikilily0909
 
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.aasikanpl
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫qfactory1
 
Heredity: Inheritance and Variation of Traits
Heredity: Inheritance and Variation of TraitsHeredity: Inheritance and Variation of Traits
Heredity: Inheritance and Variation of TraitsCharlene Llagas
 
Forest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantForest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantadityabhardwaj282
 
Transposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptTransposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptArshadWarsi13
 
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |aasikanpl
 
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.aasikanpl
 
TOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxTOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxdharshini369nike
 
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptx
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptxSOLUBLE PATTERN RECOGNITION RECEPTORS.pptx
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptxkessiyaTpeter
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfSwapnil Therkar
 
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...lizamodels9
 
Harmful and Useful Microorganisms Presentation
Harmful and Useful Microorganisms PresentationHarmful and Useful Microorganisms Presentation
Harmful and Useful Microorganisms Presentationtahreemzahra82
 
Cytokinin, mechanism and its application.pptx
Cytokinin, mechanism and its application.pptxCytokinin, mechanism and its application.pptx
Cytokinin, mechanism and its application.pptxVarshiniMK
 
Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10ROLANARIBATO3
 
Speech, hearing, noise, intelligibility.pptx
Speech, hearing, noise, intelligibility.pptxSpeech, hearing, noise, intelligibility.pptx
Speech, hearing, noise, intelligibility.pptxpriyankatabhane
 

Recently uploaded (20)

Temporomandibular joint Muscles of Mastication
Temporomandibular joint Muscles of MasticationTemporomandibular joint Muscles of Mastication
Temporomandibular joint Muscles of Mastication
 
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555
 
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Aiims Metro Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫
 
Heredity: Inheritance and Variation of Traits
Heredity: Inheritance and Variation of TraitsHeredity: Inheritance and Variation of Traits
Heredity: Inheritance and Variation of Traits
 
Forest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantForest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are important
 
Transposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptTransposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.ppt
 
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
 
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Hauz Khas Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
 
Volatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -IVolatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -I
 
Hot Sexy call girls in Moti Nagar,🔝 9953056974 🔝 escort Service
Hot Sexy call girls in  Moti Nagar,🔝 9953056974 🔝 escort ServiceHot Sexy call girls in  Moti Nagar,🔝 9953056974 🔝 escort Service
Hot Sexy call girls in Moti Nagar,🔝 9953056974 🔝 escort Service
 
TOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxTOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptx
 
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptx
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptxSOLUBLE PATTERN RECOGNITION RECEPTORS.pptx
SOLUBLE PATTERN RECOGNITION RECEPTORS.pptx
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
 
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
 
Harmful and Useful Microorganisms Presentation
Harmful and Useful Microorganisms PresentationHarmful and Useful Microorganisms Presentation
Harmful and Useful Microorganisms Presentation
 
Cytokinin, mechanism and its application.pptx
Cytokinin, mechanism and its application.pptxCytokinin, mechanism and its application.pptx
Cytokinin, mechanism and its application.pptx
 
Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10
 
Speech, hearing, noise, intelligibility.pptx
Speech, hearing, noise, intelligibility.pptxSpeech, hearing, noise, intelligibility.pptx
Speech, hearing, noise, intelligibility.pptx
 

[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review

  • 1. Meta-Transfer Learning for Zero-Shot Super-Resolution Image Processing Team Dawoon Heo Jeongho Shin Seonok Kim(🙋) Presented in CVPR 2020 Authors - Jae Woong Soh, Sunwoo Cho, Nam Ik Cho (Seoul National University)
  • 4. MZSR MZSR (Meta Transfer Learning for Zero Shot Super Resolution) Zero Shot Super Resolution Recent CNN based methods Trained on large-scale ‘external’ dataset Applicable only to the specific condition of data that they are supervised (e.g., “bicubic” downsampled noise-free image) Flexibility Few gradient updates 🤔 👍 💡 It can be applied to real-world scenes. One single gradient update can yield quite considerable results. Meta-Learning MAML1) scheme for fast adaptation of ZSSR Proposed for flexible internal learning. 1) Model-Agnostic Meta-Learning (https://arxiv.org/abs/1703.03400) Transfer-Learning Employed a pre-trained network with meta-learning method 4
  • 6. MZSR Background Bicubic Down-sampling Why Down-sample images 2) Comparison of bicubic interpolation with some 1- and 2-dimensional interpolations (Wikipedia). 2) A neighborhood of 4X4 pixel is considered to perform the interpolation Down- sample LR HR Super- Resolution HR LR- HR pairs is used in the training phase The trained network used for SR in the test phase 6
  • 7. CNN-based Methods Most of the recent CNN-based methods are applicable only to the specific condition of data that they are supervised. (e.g., “bicubic” downsampling.) They are rained on large-scale external dataset and the number of parameters are large to boost performance Limitations Convolutional neural networks (CNNs) have shown dramatic improvements in single image super-resolution (SISR) by using large- scale external samples. MZSR Bicubic 3) ECCV ’18 Image Super-Resolution Using Very Deep Residual Channel Attention Networks (https://arxiv.org/abs/1807.02758) Gaussian RCAN 3) RCAN 34.28dB 👍 👍 27.15dB 7
  • 8. SISR (Single Image Super-Resolution) SISR is to find a plausible high-resolution image from its counterpart low- resolution image. Downsample LR HR MZSR LR HR Low Resolution Image Convolution Decimation Gaussian noise Blur kernel Low Resolution Image 8
  • 9. ZSSR (Zero-Shot Super-Resolution) Requires thousands of gradient updates, which require a large amount of time. Cannot fully exploit large-scale external dataset. Limitations Train on HR-LR pairs from the test image itself. Downsample LR HR LR HR Learns image specific internal information Totally unsupervised or self- supervised MZSR 9
  • 12. MZSR (Meta Transfer Learning for Zero Shot Super Resolution) The overall scheme of our proposed MZSR MZSR 12
  • 13. Large-scale Training MZSR Pixel-wise L1 loss Bicubic Prediction Ground-truth Synthesized large number of paired dataset. Trained the network to learn super-resolution of “bicubic” degradation model by minimizing the loss. Paired dataset 13
  • 14. Meta-Transfer Learning MZSR Adopt optimization-based meta-training step. Mostly follow MAML with some modifications. Synthesize paired dataset with Gaussian kernels. Covariance matrix MAML(Model-Agnostic Meta-Learning) 14 Task-level training, test dataset Dataset for meta-transfer learning A kernel distribution is p(k) and each kernel is determined by a covariance matrix ∑.
  • 15. Meta-Transfer Learning MZSR The model parameters 𝜃 are optimized to achieve minimal test error of 𝜃 with respect to 𝜃!. Meta-transfer optimization Task-level gradient updates with the respect to model parameter 𝜃. 15 Parameter update rule Parameter update Meta-learning rate Kernel distribution Task-level learning rate
  • 16. Meta-Test MZSR Self-supervised ZSSR(Zero-Shot Super Resolution) Learn internal information within a single image. With a given LR image, we downsample it with corresponding downsampling kernel to generate 𝚰"#$(Image son) Perform a few gradient updates with respect to the model parameter using a single pair of “LR son” and a given image. Downsample LR HR LR HR 16
  • 20. Measurement and Kernels d: direct subsampling b: bicubic subsampling MZSR PSNR (dB): peak-signal-to-noise ratio SSIM: structural index similarity PSNR and SSIM Gaussian blur kernels anisotropic isotropic isotropic isotropic 20
  • 21. The average PSNR/SSIM results on “bicubic” downsampling scenario with ×2 on benchmarks Evaluations on “Bicubic” Downsampling MZSR 21
  • 22. Results on various kernel environments (X2) The average PSNR/SSIM results on various kernels with ×2 on benchmarks MZSR 22
  • 23. Visualized Results Visualized comparisons of super-resolution results (×2) MZSR 23
  • 24. Visualized Results MZSR Visualized comparisons of super-resolution results (×2) 24
  • 26. Number of Gradient Updates MZSR The initial point of MZSR shows the worst performance, but in one iteration, our method quickly adapts to the im- age condition and shows the best performance among the compared methods. Visualization of the initial point and after one iteration of each method MZSR pre-trained network on “bicubic” degradation 26
  • 27. Multi-scale Models MZSR Average PSNR results of multi-scale model on Set5 With multiple scaling factors, the task distribution p(𝑇) becomes more complex, in which the meta-learner struggles to capture such regions that are suitable for fast adaptation. As MZSR learns internal information of CNN, such images with multi-scale recurrent patterns show plausible results even with large scaling factors. The number in parenthesis is PSNR loss compared to the single-scale model. MZSR results on scaling factor × 4 with blur kernel 𝑔!.# $ 27
  • 28. Complexity MZSR MZSR with a single gradient update requires the shortest time among comparisons. ZSSR requires thousands of forward and backward pass to get a super-resolved image. Comparisons of the number of parameters and time complexity 28
  • 30. Conclusion MZSR MZSR is a fast, flexible, and lightweight self-supervised super-resolution method by exploiting both external and internal samples. MZSR adopts an optimization-based meta-learning method with transfer learning to seek an initial point that is sensitive to different conditions of blur kernels. MZSR can quickly adapt to specific image conditions within a few gradient updates. MZSR outperforms other methods, including ZSSR, which requires thousands of gradient descent iterations. Super-resolved results (X2) 30
  • 32. Sources MZSR Paper (https://arxiv.org/pdf/2002.12213.pdf) MZSR GitHub (https://github.com/JWSoh/MZSR) ComputerVisionFoundation Videos (https://www.youtube.com/watch?v=ZEgZtvxuT4U) Deep Learning Paper Review and Practice (https://www.youtube.com/watch?v=PUtFz4vqXHQ) Seonok Kim (sokim0991@korea.ac.kr) Presenter