SlideShare a Scribd company logo
Intelligence Machine Vision Lab
Strictly Confidential
Single Image Super Resolution Overview
SUALAB
Ho Seong Lee
2Type A-3
Contents
• What is Super Resolution?
• Applications of Super Resolution
• Deep Learning for Single Image Super Resolution
• Some Issues for Super Resolution
3Type A-3
What is Super Resolution?
• Super Resolution
• Restore High-Resolution(HR) image(or video) from Low-Resolution(LR) image(or video)
• According to the number of input LR images, SR can be classified SISR or MISR
• Single Image Super Resolution
Efficient & Popular
Super
Resolution
4Type A-3
What is Super Resolution?
• Single Image Super Resolution
• Restore High-Resolution(HR) image(or video) from Low-Resolution(LR) image(or video)
• Ill-Posed Problem.. (Regular Inverse Problem) → We can’t have ground truth from LR image
HR 3
HR 2
HR 1
LR
5Type A-3
What is Super Resolution?
• Interpolation-based Single Image Super Resolution
• In image upscaling task, bicubic or bilinear or Lanczos interpolation is usually used.
• Fast, easy.. but low quality..
Super
Resolution
Deep SR
bilinear
6Type A-3
What is Super Resolution?
• Single Image Super Resolution algorithms
• Interpolation-based method
• Reconstruction-based method
• (Deep) Learning-based method
• Today, I will cover learning-based method
7Type A-3
Applications of Super Resolution
• Satellite image processing
• Medical image processing
• Multimedia Industry and Video Enhancement
Reference: “Super Resolution Applications in Modern Digital Image Processing”, 2016 IJCA
TV & Monitor
HD(1280x720), FHD(1920x180) UHD(3840x2160)
8Type A-3
Deep Learning for Single Image Super Resolution
• Learning-based Single Image Super Resolution
• For tackling regular inverse problem, almost use this paradigm
• [HR(GT) image] + [distortion & down-sampling] → [LR(input) image]
• This is limitation of SISR training
• Overall restoration quality is dependent on the distortion & down-sampling method
Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
9Type A-3
Deep Learning for Single Image Super Resolution
• Learning-based Single Image Super Resolution
• [HR(GT) image] + [distortion & down-sampling] → [LR(input) image]
• In CVPR 2017 SR Challenge, many team showed many degradation of quality metric
Reference: http://www.vision.ee.ethz.ch/~timofter/publications/NTIRE2017SRchallenge_factsheets.pdf
10Type A-3
Deep Learning for Single Image Super Resolution
• First Deep Learning architecture for Single Image Super Resolution
• SRCNN(2014) – three-layer CNN, MSE Loss, Early upsampling
• Compared to traditional methods, it shows excellent performance.
Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
11Type A-3
Deep Learning for Single Image Super Resolution
• Efficient Single Image Super Resolution
• FSRCNN(2016), ESPCN(2016)
• Use Late Upsampling with deconvolution or sub-pixel convolutional layer
Inefficient in Memory, FLOPS
Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
12Type A-3
Deep Learning for Single Image Super Resolution
• FSRCNN(Fast Super-Resolution Convolutional Neural Network)
• Use Deconvolution layer instead of pre-processing(upsampling)
• Faster and more accurate than SRCNN
Reference: “Accelerating the Super-Resolution Convolutional Neural Network”, 2016 ECCV
13Type A-3
Deep Learning for Single Image Super Resolution
• ESPCN(Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel
Convolutional Neural Network)
• Use sub-pixel convolutional layer (pixel shuffler or depth_to_space)
• This sub-pixel convolutional layer is used in recent SR models
Reference: “Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network”, 2016 CVPR
Code: https://github.com/leftthomas/ESPCN
14Type A-3
Deep Learning for Single Image Super Resolution
• Deeper Networks for Super-Resolution
• SRCNN, FSRCNN, ESPCN are shallow network → Why not deep network?
• Failed to train deeper models.. → Use shallow network → how to use deeper network?
Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
15Type A-3
Deep Learning for Single Image Super Resolution
• VDSR(Accurate Image Super-Resolution Using Very Deep Convolutional Networks)
• VGG based deeper model(20-layer) for Super-Resolution → large receptive field
• Residual learning & High learning rate with gradient clipping
• MSE Loss, Early upsampling
Reference: “Accurate Image Super-Resolution Using Very Deep Convolutional Networks”, 2016 CVPR
16Type A-3
Deep Learning for Single Image Super Resolution
• Deeper Networks for Super-Resolution after VDSR
• DRCN(Deeply-recursive Convolutional network), 2016 CVPR
• SRResNet, 2017 CVPR
• DRRN(Deep Recursive Residual Network), 2017 CVPR
Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
17Type A-3
Deep Learning for Single Image Super Resolution
• Deeper Networks for Super-Resolution after VDSR
• EDSR, MDSR (Enhanced Deep Residual Network, Multi Scale EDSR), 2017 CVPRW
• DenseSR, 2017 CVPR
• MemNet, 2017 CVPR
Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
18Type A-3
Deep Learning for Single Image Super Resolution
• Generative Adversarial Network(GAN) for Super-Resolution
• SRGAN(Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network)
• First GAN-based SR Model, MSE Loss → Blurry Output → GAN loss + Content loss = Perceptual loss
Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
19Type A-3
Deep Learning for Single Image Super Resolution
• Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
• MSE Loss → Blurry Output → GAN loss + Content loss = Perceptual loss
• Replace MSE loss to VGG loss (used in style transfer) and add adversarial loss
Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
20Type A-3
Deep Learning for Single Image Super Resolution
• Generative Adversarial Network(GAN) for Super-Resolution
• SRGAN, EnhanceNet, SRFeat, ESRGAN
Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
21Type A-3
Deep Learning for Single Image Super Resolution
Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
• Deep Learning for Single Image Super Resolution
22Type A-3
Deep Learning for Single Image Super Resolution
Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
23Type A-3
Deep Learning for Single Image Super Resolution
• Deep Learning for Single Image Super Resolution
24Type A-3
Some Issues for Super Resolution
• Checkerboard artifact
• Deconvolution (Transposed convolution) layer can easily have “uneven overlap”
• Simple solution: use “resize + conv” or “sub-pixel convolutional layer”
Reference: “Deconvolution and Checkerboard Artifacts”, distill blog(https://distill.pub/2016/deconv-checkerboard/)
25Type A-3
Some Issues for Super Resolution
• Loss function
• Propose a various loss function methods in Image Restoration task
• Report the best result when using mixed loss with MS-SSIM loss + 𝒍 𝟏 loss
Reference: “Loss Functions for Image Restoration with Neural Networks”, 2016 IEEE TCI
26Type A-3
Some Issues for Super Resolution
• Loss function
• Recent papers almost use 𝒍 𝟏 loss
Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
27Type A-3
Some Issues for Super Resolution
• Metric (Distortion measure)
• Almost paper use distortion metric(PSNR and SSIM) as performance metric
• But, high PSNR, SSIM do not guarantee good quality that looks good to human..
Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
28Type A-3
Some Issues for Super Resolution
• Metric (Human opinion score)
• But, high PSNR, SSIM do not guarantee good quality that looks good to human..
• In SRGAN Paper, Mean Opinion Score(MOS) Testing is done for quantify perceptual quality
• 26 raters, score from 1(bad) to 5(excellent)
• The raters were calibrated on the NN(1) and HR(5) version of 20 images from BSD300 dataset
29Type A-3
Some Issues for Super Resolution
• Metric Paper (The Perception-Distortion Tradeoff, 2018 CVPR)
• Analysis distortion measure(PSNR, SSIM, etc.) vs human opinion score(Perceptual quality)
• Good supplementary video: https://www.youtube.com/watch?v=6Yid4dituqo (PR-12)
Reference: “The Perception-Distortion Tradeoff”, 2018 CVPR
Better
quality
30Type A-3
References
• “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
• “Super Resolution Applications in Modern Digital Image Processing”, 2016 IJCA
• “Loss Functions for Image Restoration with Neural Networks”, 2016 IEEE TCI
• “Deconvolution and Checkerboard Artifacts”, distill blog(https://distill.pub/2016/deconv-checkerboard/)
• “Accurate Image Super-Resolution Using Very Deep Convolutional Networks”, 2016 CVPR
• “Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network”, 2016
CVPR
• “Accelerating the Super-Resolution Convolutional Neural Network”, 2016 ECCV
• “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
• http://www.vision.ee.ethz.ch/~timofter/publications/NTIRE2017SRchallenge_factsheets.pdf
• “The Perception-Distortion Tradeoff”, 2018 CVPR
• “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
• “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
Thank you

More Related Content

What's hot

Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
NUPUR YADAV
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolution
NAVER Engineering
 
U-Net (1).pptx
U-Net (1).pptxU-Net (1).pptx
U-Net (1).pptx
Changjin Lee
 
[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks
Taegyun Jeon
 
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
Taegyun Jeon
 
Survey of Super Resolution Task (SISR Only)
Survey of Super Resolution Task (SISR Only)Survey of Super Resolution Task (SISR Only)
Survey of Super Resolution Task (SISR Only)
MYEONGGYU LEE
 
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
Hansol Kang
 
Literature Review on Single Image Super Resolution
Literature Review on Single Image Super ResolutionLiterature Review on Single Image Super Resolution
Literature Review on Single Image Super Resolution
ijtsrd
 
SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)
Universitat Politècnica de Catalunya
 
YOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection reviewYOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection review
LEE HOSEONG
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep Learning
Sungjoon Choi
 
Understanding neural radiance fields
Understanding neural radiance fieldsUnderstanding neural radiance fields
Understanding neural radiance fields
Varun Bhaseen
 
Stable Diffusion path
Stable Diffusion pathStable Diffusion path
Stable Diffusion path
Vitaly Bondar
 
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Universitat Politècnica de Catalunya
 
Variational Autoencoders For Image Generation
Variational Autoencoders For Image GenerationVariational Autoencoders For Image Generation
Variational Autoencoders For Image Generation
Jason Anderson
 
Action Recognition (Thesis presentation)
Action Recognition (Thesis presentation)Action Recognition (Thesis presentation)
Action Recognition (Thesis presentation)nikhilus85
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
Fellowship at Vodafone FutureLab
 
Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...
Universitat Politècnica de Catalunya
 
Object detection - RCNNs vs Retinanet
Object detection - RCNNs vs RetinanetObject detection - RCNNs vs Retinanet
Object detection - RCNNs vs Retinanet
Rishabh Indoria
 
Segment Anything
Segment AnythingSegment Anything
Segment Anything
fake can
 

What's hot (20)

Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolution
 
U-Net (1).pptx
U-Net (1).pptxU-Net (1).pptx
U-Net (1).pptx
 
[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks
 
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
 
Survey of Super Resolution Task (SISR Only)
Survey of Super Resolution Task (SISR Only)Survey of Super Resolution Task (SISR Only)
Survey of Super Resolution Task (SISR Only)
 
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...
 
Literature Review on Single Image Super Resolution
Literature Review on Single Image Super ResolutionLiterature Review on Single Image Super Resolution
Literature Review on Single Image Super Resolution
 
SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)
 
YOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection reviewYOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection review
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep Learning
 
Understanding neural radiance fields
Understanding neural radiance fieldsUnderstanding neural radiance fields
Understanding neural radiance fields
 
Stable Diffusion path
Stable Diffusion pathStable Diffusion path
Stable Diffusion path
 
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
 
Variational Autoencoders For Image Generation
Variational Autoencoders For Image GenerationVariational Autoencoders For Image Generation
Variational Autoencoders For Image Generation
 
Action Recognition (Thesis presentation)
Action Recognition (Thesis presentation)Action Recognition (Thesis presentation)
Action Recognition (Thesis presentation)
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...
 
Object detection - RCNNs vs Retinanet
Object detection - RCNNs vs RetinanetObject detection - RCNNs vs Retinanet
Object detection - RCNNs vs Retinanet
 
Segment Anything
Segment AnythingSegment Anything
Segment Anything
 

Similar to Single Image Super Resolution Overview

A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution
Mohammed Ashour
 
Single Image Super Resolution using Fuzzy Deep Convolutional Networks
Single Image Super Resolution using Fuzzy Deep Convolutional NetworksSingle Image Super Resolution using Fuzzy Deep Convolutional Networks
Single Image Super Resolution using Fuzzy Deep Convolutional Networks
Greeshma M.S.R
 
Scaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution AlgorithmsScaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution Algorithms
Xiaoyong Zhu
 
[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
Taegyun Jeon
 
Full resolution image compression with recurrent neural networks
Full resolution image compression with  recurrent neural networksFull resolution image compression with  recurrent neural networks
Full resolution image compression with recurrent neural networks
Ashis Kumar Chanda
 
Super resolution-review
Super resolution-reviewSuper resolution-review
Super resolution-review
Woojin Jeong
 
Full resolution image compression with recurrent neural networks
Full resolution image compression with recurrent neural networksFull resolution image compression with recurrent neural networks
Full resolution image compression with recurrent neural networks
Ashis Chanda
 
Survey on Single image Super Resolution Techniques
Survey on Single image Super Resolution TechniquesSurvey on Single image Super Resolution Techniques
Survey on Single image Super Resolution Techniques
IOSR Journals
 
Survey on Single image Super Resolution Techniques
Survey on Single image Super Resolution TechniquesSurvey on Single image Super Resolution Techniques
Survey on Single image Super Resolution Techniques
IOSR Journals
 
Seminarpaper
SeminarpaperSeminarpaper
Seminarpaper
PrashantChaudhari75
 
2019 cvpr paper overview by Ho Seong Lee
2019 cvpr paper overview by Ho Seong Lee2019 cvpr paper overview by Ho Seong Lee
2019 cvpr paper overview by Ho Seong Lee
Moazzem Hossain
 
2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
LEE HOSEONG
 
Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331
Jihong Kang
 
Enhance Example-Based Super Resolution to Achieve Fine Magnification of Low ...
Enhance Example-Based Super Resolution to Achieve Fine  Magnification of Low ...Enhance Example-Based Super Resolution to Achieve Fine  Magnification of Low ...
Enhance Example-Based Super Resolution to Achieve Fine Magnification of Low ...
IJMER
 
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"..."How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
Edge AI and Vision Alliance
 
Single Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
Single Image Super-Resolution Using Analytical Solution for L2-L2 AlgorithmSingle Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
Single Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
ijtsrd
 
SeRanet introduction
SeRanet introductionSeRanet introduction
SeRanet introduction
Kosuke Nakago
 
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
JaeJun Yoo
 
Obscenity Detection in Images
Obscenity Detection in ImagesObscenity Detection in Images
Obscenity Detection in Images
Anil Kumar Gupta
 
Depth estimation using deep learning
Depth estimation using deep learningDepth estimation using deep learning
Depth estimation using deep learning
University of Oklahoma
 

Similar to Single Image Super Resolution Overview (20)

A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution
 
Single Image Super Resolution using Fuzzy Deep Convolutional Networks
Single Image Super Resolution using Fuzzy Deep Convolutional NetworksSingle Image Super Resolution using Fuzzy Deep Convolutional Networks
Single Image Super Resolution using Fuzzy Deep Convolutional Networks
 
Scaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution AlgorithmsScaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution Algorithms
 
[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
 
Full resolution image compression with recurrent neural networks
Full resolution image compression with  recurrent neural networksFull resolution image compression with  recurrent neural networks
Full resolution image compression with recurrent neural networks
 
Super resolution-review
Super resolution-reviewSuper resolution-review
Super resolution-review
 
Full resolution image compression with recurrent neural networks
Full resolution image compression with recurrent neural networksFull resolution image compression with recurrent neural networks
Full resolution image compression with recurrent neural networks
 
Survey on Single image Super Resolution Techniques
Survey on Single image Super Resolution TechniquesSurvey on Single image Super Resolution Techniques
Survey on Single image Super Resolution Techniques
 
Survey on Single image Super Resolution Techniques
Survey on Single image Super Resolution TechniquesSurvey on Single image Super Resolution Techniques
Survey on Single image Super Resolution Techniques
 
Seminarpaper
SeminarpaperSeminarpaper
Seminarpaper
 
2019 cvpr paper overview by Ho Seong Lee
2019 cvpr paper overview by Ho Seong Lee2019 cvpr paper overview by Ho Seong Lee
2019 cvpr paper overview by Ho Seong Lee
 
2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
 
Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331
 
Enhance Example-Based Super Resolution to Achieve Fine Magnification of Low ...
Enhance Example-Based Super Resolution to Achieve Fine  Magnification of Low ...Enhance Example-Based Super Resolution to Achieve Fine  Magnification of Low ...
Enhance Example-Based Super Resolution to Achieve Fine Magnification of Low ...
 
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"..."How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
"How Image Sensor and Video Compression Parameters Impact Vision Algorithms,"...
 
Single Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
Single Image Super-Resolution Using Analytical Solution for L2-L2 AlgorithmSingle Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
Single Image Super-Resolution Using Analytical Solution for L2-L2 Algorithm
 
SeRanet introduction
SeRanet introductionSeRanet introduction
SeRanet introduction
 
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
 
Obscenity Detection in Images
Obscenity Detection in ImagesObscenity Detection in Images
Obscenity Detection in Images
 
Depth estimation using deep learning
Depth estimation using deep learningDepth estimation using deep learning
Depth estimation using deep learning
 

More from LEE HOSEONG

Unsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillationUnsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillation
LEE HOSEONG
 
do adversarially robust image net models transfer better
do adversarially robust image net models transfer betterdo adversarially robust image net models transfer better
do adversarially robust image net models transfer better
LEE HOSEONG
 
CNN Architecture A to Z
CNN Architecture A to ZCNN Architecture A to Z
CNN Architecture A to Z
LEE HOSEONG
 
carrier of_tricks_for_image_classification
carrier of_tricks_for_image_classificationcarrier of_tricks_for_image_classification
carrier of_tricks_for_image_classification
LEE HOSEONG
 
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen..."The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
LEE HOSEONG
 
Mixed Precision Training Review
Mixed Precision Training ReviewMixed Precision Training Review
Mixed Precision Training Review
LEE HOSEONG
 
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly DetectionMVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
LEE HOSEONG
 
FixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidenceFixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidence
LEE HOSEONG
 
"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review
LEE HOSEONG
 
Unsupervised visual representation learning overview: Toward Self-Supervision
Unsupervised visual representation learning overview: Toward Self-SupervisionUnsupervised visual representation learning overview: Toward Self-Supervision
Unsupervised visual representation learning overview: Toward Self-Supervision
LEE HOSEONG
 
Human uncertainty makes classification more robust, ICCV 2019 Review
Human uncertainty makes classification more robust, ICCV 2019 ReviewHuman uncertainty makes classification more robust, ICCV 2019 Review
Human uncertainty makes classification more robust, ICCV 2019 Review
LEE HOSEONG
 
2019 ICLR Best Paper Review
2019 ICLR Best Paper Review2019 ICLR Best Paper Review
2019 ICLR Best Paper Review
LEE HOSEONG
 
"Google Vizier: A Service for Black-Box Optimization" Paper Review
"Google Vizier: A Service for Black-Box Optimization" Paper Review"Google Vizier: A Service for Black-Box Optimization" Paper Review
"Google Vizier: A Service for Black-Box Optimization" Paper Review
LEE HOSEONG
 
"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper Review"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper Review
LEE HOSEONG
 
"Learning transferable architectures for scalable image recognition" Paper Re...
"Learning transferable architectures for scalable image recognition" Paper Re..."Learning transferable architectures for scalable image recognition" Paper Re...
"Learning transferable architectures for scalable image recognition" Paper Re...
LEE HOSEONG
 
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
LEE HOSEONG
 
"Dataset and metrics for predicting local visible differences" Paper Review
"Dataset and metrics for predicting local visible differences" Paper Review"Dataset and metrics for predicting local visible differences" Paper Review
"Dataset and metrics for predicting local visible differences" Paper Review
LEE HOSEONG
 
"From image level to pixel-level labeling with convolutional networks" Paper ...
"From image level to pixel-level labeling with convolutional networks" Paper ..."From image level to pixel-level labeling with convolutional networks" Paper ...
"From image level to pixel-level labeling with convolutional networks" Paper ...
LEE HOSEONG
 
"simple does it weakly supervised instance and semantic segmentation" Paper r...
"simple does it weakly supervised instance and semantic segmentation" Paper r..."simple does it weakly supervised instance and semantic segmentation" Paper r...
"simple does it weakly supervised instance and semantic segmentation" Paper r...
LEE HOSEONG
 
"How does batch normalization help optimization" Paper Review
"How does batch normalization help optimization" Paper Review"How does batch normalization help optimization" Paper Review
"How does batch normalization help optimization" Paper Review
LEE HOSEONG
 

More from LEE HOSEONG (20)

Unsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillationUnsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillation
 
do adversarially robust image net models transfer better
do adversarially robust image net models transfer betterdo adversarially robust image net models transfer better
do adversarially robust image net models transfer better
 
CNN Architecture A to Z
CNN Architecture A to ZCNN Architecture A to Z
CNN Architecture A to Z
 
carrier of_tricks_for_image_classification
carrier of_tricks_for_image_classificationcarrier of_tricks_for_image_classification
carrier of_tricks_for_image_classification
 
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen..."The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
 
Mixed Precision Training Review
Mixed Precision Training ReviewMixed Precision Training Review
Mixed Precision Training Review
 
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly DetectionMVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
MVTec AD: A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
 
FixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidenceFixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidence
 
"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review
 
Unsupervised visual representation learning overview: Toward Self-Supervision
Unsupervised visual representation learning overview: Toward Self-SupervisionUnsupervised visual representation learning overview: Toward Self-Supervision
Unsupervised visual representation learning overview: Toward Self-Supervision
 
Human uncertainty makes classification more robust, ICCV 2019 Review
Human uncertainty makes classification more robust, ICCV 2019 ReviewHuman uncertainty makes classification more robust, ICCV 2019 Review
Human uncertainty makes classification more robust, ICCV 2019 Review
 
2019 ICLR Best Paper Review
2019 ICLR Best Paper Review2019 ICLR Best Paper Review
2019 ICLR Best Paper Review
 
"Google Vizier: A Service for Black-Box Optimization" Paper Review
"Google Vizier: A Service for Black-Box Optimization" Paper Review"Google Vizier: A Service for Black-Box Optimization" Paper Review
"Google Vizier: A Service for Black-Box Optimization" Paper Review
 
"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper Review"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper Review
 
"Learning transferable architectures for scalable image recognition" Paper Re...
"Learning transferable architectures for scalable image recognition" Paper Re..."Learning transferable architectures for scalable image recognition" Paper Re...
"Learning transferable architectures for scalable image recognition" Paper Re...
 
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
"Learning From Noisy Large-Scale Datasets With Minimal Supervision" Paper Review
 
"Dataset and metrics for predicting local visible differences" Paper Review
"Dataset and metrics for predicting local visible differences" Paper Review"Dataset and metrics for predicting local visible differences" Paper Review
"Dataset and metrics for predicting local visible differences" Paper Review
 
"From image level to pixel-level labeling with convolutional networks" Paper ...
"From image level to pixel-level labeling with convolutional networks" Paper ..."From image level to pixel-level labeling with convolutional networks" Paper ...
"From image level to pixel-level labeling with convolutional networks" Paper ...
 
"simple does it weakly supervised instance and semantic segmentation" Paper r...
"simple does it weakly supervised instance and semantic segmentation" Paper r..."simple does it weakly supervised instance and semantic segmentation" Paper r...
"simple does it weakly supervised instance and semantic segmentation" Paper r...
 
"How does batch normalization help optimization" Paper Review
"How does batch normalization help optimization" Paper Review"How does batch normalization help optimization" Paper Review
"How does batch normalization help optimization" Paper Review
 

Recently uploaded

The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance
 
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
Thierry Lestable
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
James Anderson
 
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
Sri Ambati
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
Ralf Eggert
 
ODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User GroupODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User Group
CatarinaPereira64715
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
Abida Shariff
 
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
Tobias Schneck
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
Thijs Feryn
 
Key Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdfKey Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdf
Cheryl Hung
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
Safe Software
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
Kari Kakkonen
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
Alan Dix
 
JMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and GrafanaJMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and Grafana
RTTS
 
GraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge GraphGraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge Graph
Guy Korland
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
UiPathCommunity
 
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdfFIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance
 

Recently uploaded (20)

The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
 
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
Empowering NextGen Mobility via Large Action Model Infrastructure (LAMI): pav...
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
 
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
 
PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)PHP Frameworks: I want to break free (IPC Berlin 2024)
PHP Frameworks: I want to break free (IPC Berlin 2024)
 
ODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User GroupODC, Data Fabric and Architecture User Group
ODC, Data Fabric and Architecture User Group
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptxIOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
IOS-PENTESTING-BEGINNERS-PRACTICAL-GUIDE-.pptx
 
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
Kubernetes & AI - Beauty and the Beast !?! @KCD Istanbul 2024
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
 
Key Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdfKey Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdf
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
 
JMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and GrafanaJMeter webinar - integration with InfluxDB and Grafana
JMeter webinar - integration with InfluxDB and Grafana
 
GraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge GraphGraphRAG is All You need? LLM & Knowledge Graph
GraphRAG is All You need? LLM & Knowledge Graph
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
 
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdfFIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
 

Single Image Super Resolution Overview

  • 1. Intelligence Machine Vision Lab Strictly Confidential Single Image Super Resolution Overview SUALAB Ho Seong Lee
  • 2. 2Type A-3 Contents • What is Super Resolution? • Applications of Super Resolution • Deep Learning for Single Image Super Resolution • Some Issues for Super Resolution
  • 3. 3Type A-3 What is Super Resolution? • Super Resolution • Restore High-Resolution(HR) image(or video) from Low-Resolution(LR) image(or video) • According to the number of input LR images, SR can be classified SISR or MISR • Single Image Super Resolution Efficient & Popular Super Resolution
  • 4. 4Type A-3 What is Super Resolution? • Single Image Super Resolution • Restore High-Resolution(HR) image(or video) from Low-Resolution(LR) image(or video) • Ill-Posed Problem.. (Regular Inverse Problem) → We can’t have ground truth from LR image HR 3 HR 2 HR 1 LR
  • 5. 5Type A-3 What is Super Resolution? • Interpolation-based Single Image Super Resolution • In image upscaling task, bicubic or bilinear or Lanczos interpolation is usually used. • Fast, easy.. but low quality.. Super Resolution Deep SR bilinear
  • 6. 6Type A-3 What is Super Resolution? • Single Image Super Resolution algorithms • Interpolation-based method • Reconstruction-based method • (Deep) Learning-based method • Today, I will cover learning-based method
  • 7. 7Type A-3 Applications of Super Resolution • Satellite image processing • Medical image processing • Multimedia Industry and Video Enhancement Reference: “Super Resolution Applications in Modern Digital Image Processing”, 2016 IJCA TV & Monitor HD(1280x720), FHD(1920x180) UHD(3840x2160)
  • 8. 8Type A-3 Deep Learning for Single Image Super Resolution • Learning-based Single Image Super Resolution • For tackling regular inverse problem, almost use this paradigm • [HR(GT) image] + [distortion & down-sampling] → [LR(input) image] • This is limitation of SISR training • Overall restoration quality is dependent on the distortion & down-sampling method Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
  • 9. 9Type A-3 Deep Learning for Single Image Super Resolution • Learning-based Single Image Super Resolution • [HR(GT) image] + [distortion & down-sampling] → [LR(input) image] • In CVPR 2017 SR Challenge, many team showed many degradation of quality metric Reference: http://www.vision.ee.ethz.ch/~timofter/publications/NTIRE2017SRchallenge_factsheets.pdf
  • 10. 10Type A-3 Deep Learning for Single Image Super Resolution • First Deep Learning architecture for Single Image Super Resolution • SRCNN(2014) – three-layer CNN, MSE Loss, Early upsampling • Compared to traditional methods, it shows excellent performance. Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
  • 11. 11Type A-3 Deep Learning for Single Image Super Resolution • Efficient Single Image Super Resolution • FSRCNN(2016), ESPCN(2016) • Use Late Upsampling with deconvolution or sub-pixel convolutional layer Inefficient in Memory, FLOPS Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
  • 12. 12Type A-3 Deep Learning for Single Image Super Resolution • FSRCNN(Fast Super-Resolution Convolutional Neural Network) • Use Deconvolution layer instead of pre-processing(upsampling) • Faster and more accurate than SRCNN Reference: “Accelerating the Super-Resolution Convolutional Neural Network”, 2016 ECCV
  • 13. 13Type A-3 Deep Learning for Single Image Super Resolution • ESPCN(Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network) • Use sub-pixel convolutional layer (pixel shuffler or depth_to_space) • This sub-pixel convolutional layer is used in recent SR models Reference: “Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network”, 2016 CVPR Code: https://github.com/leftthomas/ESPCN
  • 14. 14Type A-3 Deep Learning for Single Image Super Resolution • Deeper Networks for Super-Resolution • SRCNN, FSRCNN, ESPCN are shallow network → Why not deep network? • Failed to train deeper models.. → Use shallow network → how to use deeper network? Reference: “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV
  • 15. 15Type A-3 Deep Learning for Single Image Super Resolution • VDSR(Accurate Image Super-Resolution Using Very Deep Convolutional Networks) • VGG based deeper model(20-layer) for Super-Resolution → large receptive field • Residual learning & High learning rate with gradient clipping • MSE Loss, Early upsampling Reference: “Accurate Image Super-Resolution Using Very Deep Convolutional Networks”, 2016 CVPR
  • 16. 16Type A-3 Deep Learning for Single Image Super Resolution • Deeper Networks for Super-Resolution after VDSR • DRCN(Deeply-recursive Convolutional network), 2016 CVPR • SRResNet, 2017 CVPR • DRRN(Deep Recursive Residual Network), 2017 CVPR Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
  • 17. 17Type A-3 Deep Learning for Single Image Super Resolution • Deeper Networks for Super-Resolution after VDSR • EDSR, MDSR (Enhanced Deep Residual Network, Multi Scale EDSR), 2017 CVPRW • DenseSR, 2017 CVPR • MemNet, 2017 CVPR Reference: “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM)
  • 18. 18Type A-3 Deep Learning for Single Image Super Resolution • Generative Adversarial Network(GAN) for Super-Resolution • SRGAN(Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network) • First GAN-based SR Model, MSE Loss → Blurry Output → GAN loss + Content loss = Perceptual loss Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
  • 19. 19Type A-3 Deep Learning for Single Image Super Resolution • Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network • MSE Loss → Blurry Output → GAN loss + Content loss = Perceptual loss • Replace MSE loss to VGG loss (used in style transfer) and add adversarial loss Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
  • 20. 20Type A-3 Deep Learning for Single Image Super Resolution • Generative Adversarial Network(GAN) for Super-Resolution • SRGAN, EnhanceNet, SRFeat, ESRGAN Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
  • 21. 21Type A-3 Deep Learning for Single Image Super Resolution Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv • Deep Learning for Single Image Super Resolution
  • 22. 22Type A-3 Deep Learning for Single Image Super Resolution Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
  • 23. 23Type A-3 Deep Learning for Single Image Super Resolution • Deep Learning for Single Image Super Resolution
  • 24. 24Type A-3 Some Issues for Super Resolution • Checkerboard artifact • Deconvolution (Transposed convolution) layer can easily have “uneven overlap” • Simple solution: use “resize + conv” or “sub-pixel convolutional layer” Reference: “Deconvolution and Checkerboard Artifacts”, distill blog(https://distill.pub/2016/deconv-checkerboard/)
  • 25. 25Type A-3 Some Issues for Super Resolution • Loss function • Propose a various loss function methods in Image Restoration task • Report the best result when using mixed loss with MS-SSIM loss + 𝒍 𝟏 loss Reference: “Loss Functions for Image Restoration with Neural Networks”, 2016 IEEE TCI
  • 26. 26Type A-3 Some Issues for Super Resolution • Loss function • Recent papers almost use 𝒍 𝟏 loss Reference: “A Deep Journey into Super-resolution: A survey”, 2019 arXiv
  • 27. 27Type A-3 Some Issues for Super Resolution • Metric (Distortion measure) • Almost paper use distortion metric(PSNR and SSIM) as performance metric • But, high PSNR, SSIM do not guarantee good quality that looks good to human.. Reference: “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR
  • 28. 28Type A-3 Some Issues for Super Resolution • Metric (Human opinion score) • But, high PSNR, SSIM do not guarantee good quality that looks good to human.. • In SRGAN Paper, Mean Opinion Score(MOS) Testing is done for quantify perceptual quality • 26 raters, score from 1(bad) to 5(excellent) • The raters were calibrated on the NN(1) and HR(5) version of 20 images from BSD300 dataset
  • 29. 29Type A-3 Some Issues for Super Resolution • Metric Paper (The Perception-Distortion Tradeoff, 2018 CVPR) • Analysis distortion measure(PSNR, SSIM, etc.) vs human opinion score(Perceptual quality) • Good supplementary video: https://www.youtube.com/watch?v=6Yid4dituqo (PR-12) Reference: “The Perception-Distortion Tradeoff”, 2018 CVPR Better quality
  • 30. 30Type A-3 References • “Image Super-Resolution Using Deep Convolutional Networks”, 2014 ECCV • “Super Resolution Applications in Modern Digital Image Processing”, 2016 IJCA • “Loss Functions for Image Restoration with Neural Networks”, 2016 IEEE TCI • “Deconvolution and Checkerboard Artifacts”, distill blog(https://distill.pub/2016/deconv-checkerboard/) • “Accurate Image Super-Resolution Using Very Deep Convolutional Networks”, 2016 CVPR • “Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network”, 2016 CVPR • “Accelerating the Super-Resolution Convolutional Neural Network”, 2016 ECCV • “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”, 2017 CVPR • http://www.vision.ee.ethz.ch/~timofter/publications/NTIRE2017SRchallenge_factsheets.pdf • “The Perception-Distortion Tradeoff”, 2018 CVPR • “Deep Learning for Single Image Super-Resolution: A Brief Review”, 2018 IEEE Transactions on Multimedia (TMM) • “A Deep Journey into Super-resolution: A survey”, 2019 arXiv