SlideShare uma empresa Scribd logo
1 de 31
Baixar para ler offline
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

Mais conteúdo relacionado

Mais procurados

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 Resolutionijtsrd
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolutionNAVER Engineering
 
Super resolution-review
Super resolution-reviewSuper resolution-review
Super resolution-reviewWoojin Jeong
 
Deep learning based object detection basics
Deep learning based object detection basicsDeep learning based object detection basics
Deep learning based object detection basicsBrodmann17
 
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
 
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
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detectionBrodmann17
 
Deep-Learning Based Stereo Super-Resolution
Deep-Learning Based Stereo Super-ResolutionDeep-Learning Based Stereo Super-Resolution
Deep-Learning Based Stereo Super-ResolutionNAVER Engineering
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
Chapter 6 Image Processing: Image Enhancement
Chapter 6 Image Processing: Image EnhancementChapter 6 Image Processing: Image Enhancement
Chapter 6 Image Processing: Image EnhancementVarun Ojha
 
ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)Sanjay Saha
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnnSumeraHangi
 
Deep learning for image video processing
Deep learning for image video processingDeep learning for image video processing
Deep learning for image video processingYu Huang
 
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-Resolution
[OSGeo-KR Tech Workshop] Deep Learning for Single Image Super-ResolutionTaegyun Jeon
 

Mais procurados (20)

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
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolution
 
Super resolution-review
Super resolution-reviewSuper resolution-review
Super resolution-review
 
Deep learning based object detection basics
Deep learning based object detection basicsDeep learning based object detection basics
Deep learning based object detection basics
 
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
 
Super resolution
Super resolutionSuper resolution
Super resolution
 
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)
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detection
 
Deep-Learning Based Stereo Super-Resolution
Deep-Learning Based Stereo Super-ResolutionDeep-Learning Based Stereo Super-Resolution
Deep-Learning Based Stereo Super-Resolution
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep Learning for Computer Vision: Object Detection (UPC 2016)
Deep Learning for Computer Vision: Object Detection (UPC 2016)Deep Learning for Computer Vision: Object Detection (UPC 2016)
Deep Learning for Computer Vision: Object Detection (UPC 2016)
 
Chapter 6 Image Processing: Image Enhancement
Chapter 6 Image Processing: Image EnhancementChapter 6 Image Processing: Image Enhancement
Chapter 6 Image Processing: Image Enhancement
 
ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)ResNet basics (Deep Residual Network for Image Recognition)
ResNet basics (Deep Residual Network for Image Recognition)
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Video Classification Basic
Video Classification Basic Video Classification Basic
Video Classification Basic
 
Deep learning for image video processing
Deep learning for image video processingDeep learning for image video processing
Deep learning for image video processing
 
[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
 

Semelhante a 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 NetworksGreeshma 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 AlgorithmsXiaoyong Zhu
 
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 networksAshis Kumar Chanda
 
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 networksAshis Chanda
 
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
 
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 TechniquesIOSR 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 TechniquesIOSR Journals
 
2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overviewLEE HOSEONG
 
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 LeeMoazzem Hossain
 
Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Jihong 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 Algorithmijtsrd
 
SeRanet introduction
SeRanet introductionSeRanet introduction
SeRanet introductionKosuke 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
 
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 surveyNUPUR YADAV
 
Obscenity Detection in Images
Obscenity Detection in ImagesObscenity Detection in Images
Obscenity Detection in ImagesAnil Kumar Gupta
 

Semelhante a 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
 
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
 
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 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)
 
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
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
 
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
 
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...
 
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
 
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
 

Mais de LEE HOSEONG

Unsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillationUnsupervised anomaly detection using style distillation
Unsupervised anomaly detection using style distillationLEE 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 betterLEE HOSEONG
 
CNN Architecture A to Z
CNN Architecture A to ZCNN Architecture A to Z
CNN Architecture A to ZLEE HOSEONG
 
carrier of_tricks_for_image_classification
carrier of_tricks_for_image_classificationcarrier of_tricks_for_image_classification
carrier of_tricks_for_image_classificationLEE 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 ReviewLEE 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 DetectionLEE HOSEONG
 
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 reviewLEE 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 confidenceLEE 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 ReviewLEE 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-SupervisionLEE 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 ReviewLEE HOSEONG
 
2019 ICLR Best Paper Review
2019 ICLR Best Paper Review2019 ICLR Best Paper Review
2019 ICLR Best Paper ReviewLEE 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 ReviewLEE HOSEONG
 
"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper Review"Searching for Activation Functions" Paper Review
"Searching for Activation Functions" Paper ReviewLEE 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 ReviewLEE 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 ReviewLEE 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
 

Mais de 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
 
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
 
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...
 

Último

Ransomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfRansomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfOverkill Security
 
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Angeliki Cooney
 
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobeapidays
 
AXA XL - Insurer Innovation Award Americas 2024
AXA XL - Insurer Innovation Award Americas 2024AXA XL - Insurer Innovation Award Americas 2024
AXA XL - Insurer Innovation Award Americas 2024The Digital Insurer
 
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfRising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfOrbitshub
 
ICT role in 21st century education and its challenges
ICT role in 21st century education and its challengesICT role in 21st century education and its challenges
ICT role in 21st century education and its challengesrafiqahmad00786416
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...apidays
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MIND CTI
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...DianaGray10
 
MS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectorsMS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectorsNanddeep Nachan
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingEdi Saputra
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century educationjfdjdjcjdnsjd
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businesspanagenda
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Victor Rentea
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Orbitshub
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...apidays
 

Último (20)

Ransomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfRansomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdf
 
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
 
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
 
AXA XL - Insurer Innovation Award Americas 2024
AXA XL - Insurer Innovation Award Americas 2024AXA XL - Insurer Innovation Award Americas 2024
AXA XL - Insurer Innovation Award Americas 2024
 
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfRising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
 
ICT role in 21st century education and its challenges
ICT role in 21st century education and its challengesICT role in 21st century education and its challenges
ICT role in 21st century education and its challenges
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
MS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectorsMS Copilot expands with MS Graph connectors
MS Copilot expands with MS Graph connectors
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
 

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