SlideShare ist ein Scribd-Unternehmen logo
1 von 31
Downloaden Sie, um offline zu lesen
Image Super-Resolution using
Deep Convolutional Neural Networks (2016)
Paper reviewed by Taegyun Jeon
Dong, Chao, et al. "Image super-resolution using deep convolutional networks."
IEEE transactions on pattern analysis and machine intelligence. 38.2 (2016): 295-307.
연구소개 | 문제 정의
● Single Image Super-Resolution
○ ILL-posed problem (many candidate solutions)
저해상도 이미지
(Low resolution)
고해상도 이미지
(High resolution)
연구소개 | 파급효과 및 지향점
위성영상 의료 영상
현미경영상 천체영상
연구소개 | 데이터셋
Test Dataset Image source
Set 5 Bevilacqua et al. BMVC 2012
Set 14 Zeyde et al. LNCS 2010
BSD 100 Martin et al. ICCV 2001
Urban 100 Huang et al. CVPR 2015
Train Dataset Image source
Yang 91 Yang et al. CVPR 2008
BSD 200 Martin et al. ICCV 2001
General 100 Dong et al. ECCV 2016
ImageNet Olga Russakovsky et al. IJCV 2015
COCO Tsung-Yi Lin et al. ECCV 2014
배경지식 | 평가방식
● PSNR (Peak Signal-to-Noise Ratio)
○ 최대 신호 대 잡음비 (영상 화질 손실정보에 대한 평가)
● SSIM (structural similarity index)
○ “밝기, 명암, 구조”를 조합하여 두 영상의 유사도 평가
● MS-SSIM (Multi-scale SSIM)
○ 다양한 배율 (scale)에 대해 SSIM 평가
● IFC (Information fidelity criterion)
○ 서로 다른 두 확률분포에 대한 의존도 평가
배경지식 | SISR 관련 선행 연구
방법론 | 핵심 아이디어
● Convolutional Neural Networks with 3-layers
방법론 | 핵심 아이디어
R
e
L
U
R
e
L
U
주요결과 | 실험 결과
주요결과 | 실험 결과
● Training data
주요결과 | 실험 결과
● Number of filters
주요결과 | 실험 결과
주요결과 | 실험 결과
● Color channels
리뷰의견 |
● 방법과 결과가 유효한가?
○ Sparse-coding과 같은 맥락의 표현을 CNN으로 구현
● 효율적인 방법인가?
○ Representation learning 관점에서 end-to-end learning이 가능하므로 효율적
● 독창적인가?
○ Single Image Super-Resolution 문제에 대해 최초로 딥러닝 적용
● 중요한 결과를 만들어냈는가?
○ 2014년 이후 거의 모든 Super-Resolution 문제에 대한 연구들이 SRCNN을 기반으로 함.
○ Super-Resolution 에 대한 breakthrough
Accurate Image Super-Resolution using
Very Deep Convolutional Networks (2016)
Paper reviewed by Taegyun Jeon
Kim, Jiwon, Jung Kwon Lee, and Kyoung Mu Lee. "Accurate image super-resolution using very deep convolutional networks."
Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2016.
방법론 | 핵심 아이디어
​ SRCNN VDSR
Architecture​ end-to-end learning​ end-to-end learning​
Receptive fields​ 13 x 13​ 41 x 41​
Scale factors​ x3​ x2, x3, x4​
Learning rate​ ​10-5
learning rate decay (10-2
, 10-6
)
Depth​ 4​ (Up to) 20​
방법론 | 핵심 아이디어
방법론 | 핵심 아이디어
● Convolutional Neural Networks with 20 layers
○ Large receptive fields (41 x 41) with consecutive 3x3 convolution kernels
○ Convolutional layers with zero-padding
● Residual learning
○ Original loss:
○ Residual loss:
● Adjustable gradient clipping with high learning rates
○ Common gradient clipping:
○ Adjustable gradient clipping:
y: output
x: input
f(x): prediction
θ: predefined range
: current learning rate
방법론 | 핵심 아이디어
● Single CNN for multi-scale factor super-resolution
○ Size of input patch = Size of receptive fields (41 x 41)
○ Images are divided into sub-images with no overlap.
○ Mini-batch size is 64.
○ Sub-images from different scales can be in the same batch.
방법론 | 핵심 아이디어
● Hyperparameters (Final model)
○ depth = 20
○ batch_size = 64
○ momentum = 0.9
○ weight_decay = 0.0001
○ weight_initialization = he_normal()
○ activations = ReLU
○ epochs = 80
○ learning_rate = 0.1
○ learning_rate was decreased by a factor 10 every 20 epochs.
주요결과 | 실험 결과
주요결과 | 실험 결과
●
주요결과 | 실험 결과
●
리뷰의견 |
● 방법과 결과가 유효한가?
○ SRCNN을 20개의 레이어로 확장. 표현력 증가
● 효율적인 방법인가?
○ Residual learning과 adjustable gradient clipping을 통해 빠른 학습 달성
● 독창적인가?
○ Image restoration 문제에서 input-output의 유사성을 residual learning 적용
● 중요한 결과를 만들어냈는가?
○ 학습 속도 대폭 개선.
○ SRCNN과 비교하여 확연히 개선된 결과
부록 | 1. 구현 코드 (Caffe and Matlab)
Caffe and Matlab Implementation (Author):
http://mmlab.ie.cuhk.edu.hk/projects/SRCNN.html
부록 | 2. CNN 기반 관련 논문 리스트 (2014-2016)
● Deep Networks for Image Super-Resolution with Sparse Prior (ICCV2015),
Zhaowen Wang et al.
● Robust Single Image Super-Resolution via Deep Networks with Sparse Prior (TIP2016),
Ding Liu et al.
● Accurate Image Super-Resolution Using Very Deep Convolutional Networks (CVPR2016),
Jiwon Kim et al.
● Deeply-Recursive Convolutional Network for Image Super-Resolution (CVPR2016),
Jiwon Kim et al.
● Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel
Convolutional Neural Network (CVPR2016),
Wenzhe Shi et al.
● Accelerating the Super-Resolution Convolutional Neural Network (ECCV2016),
Dong Chao et al.
부록 | 2. GAN 기반 관련 논문 리스트 (2014-2016)
● Perceptual Losses for Real-Time Style Transfer and Super-Resolution (ECCV2016),
Justin Johnson et al.
● Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network,
Christian Ledig et al.
● Amortised Map Inference for Image Super-Resolution,
Casper Kaae Sønderby et al.
● EnhanceNet: Single Image Super-Resolution through Automated Texture Synthesis,
Mehdi S. M. Sajjadi et al.
부록 | 3. Challenge on Super-Resolution
부록 | Open Questions
● CNN 기반 모델은 GAN 기반 모델보다 무조건 성능이 나쁘다고 볼 수 있는가?
부록 | Open Questions
● PSNR은 여전히 유효한
성능 지표인가?
감사합니다
fb.com/taegyun.jeon
github.com/tgjeon
taylor.taegyun.jeon@gmail.com
Paper reviewed by
Taegyun Jeon

Weitere ähnliche Inhalte

Was ist angesagt?

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
 
Object Detection using Deep Neural Networks
Object Detection using Deep Neural NetworksObject Detection using Deep Neural Networks
Object Detection using Deep Neural NetworksUsman Qayyum
 
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
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolutionNAVER Engineering
 
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ..."Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...Edge AI and Vision Alliance
 
Tutorial on Object Detection (Faster R-CNN)
Tutorial on Object Detection (Faster R-CNN)Tutorial on Object Detection (Faster R-CNN)
Tutorial on Object Detection (Faster R-CNN)Hwa Pyung Kim
 
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis taeseon ryu
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion ModelsSangwoo Mo
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSangwoo Mo
 
PR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsPR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsHyeongmin Lee
 
Efficient Neural Architecture Search via Parameter Sharing
Efficient Neural Architecture Search via Parameter SharingEfficient Neural Architecture Search via Parameter Sharing
Efficient Neural Architecture Search via Parameter SharingJinwon Lee
 
Mask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationMask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationDat Nguyen
 
Flow based generative models
Flow based generative modelsFlow based generative models
Flow based generative models수철 박
 
Deep residual learning for image recognition
Deep residual learning for image recognitionDeep residual learning for image recognition
Deep residual learning for image recognitionYoonho Shin
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015Jia-Bin Huang
 
Basic Generative Adversarial Networks
Basic Generative Adversarial NetworksBasic Generative Adversarial Networks
Basic Generative Adversarial NetworksDong Heon Cho
 
Object recognition of CIFAR - 10
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10Ratul Alahy
 

Was ist angesagt? (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
 
Object Detection using Deep Neural Networks
Object Detection using Deep Neural NetworksObject Detection using Deep Neural Networks
Object Detection using Deep Neural Networks
 
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...
 
Deep learning super resolution
Deep learning super resolutionDeep learning super resolution
Deep learning super resolution
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ..."Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...
"Getting More from Your Datasets: Data Augmentation, Annotation and Generativ...
 
LDM_ImageSythesis.pptx
LDM_ImageSythesis.pptxLDM_ImageSythesis.pptx
LDM_ImageSythesis.pptx
 
Tutorial on Object Detection (Faster R-CNN)
Tutorial on Object Detection (Faster R-CNN)Tutorial on Object Detection (Faster R-CNN)
Tutorial on Object Detection (Faster R-CNN)
 
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion Models
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
 
PR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic ModelsPR-409: Denoising Diffusion Probabilistic Models
PR-409: Denoising Diffusion Probabilistic Models
 
Efficient Neural Architecture Search via Parameter Sharing
Efficient Neural Architecture Search via Parameter SharingEfficient Neural Architecture Search via Parameter Sharing
Efficient Neural Architecture Search via Parameter Sharing
 
Mask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationMask-RCNN for Instance Segmentation
Mask-RCNN for Instance Segmentation
 
Flow based generative models
Flow based generative modelsFlow based generative models
Flow based generative models
 
Deep residual learning for image recognition
Deep residual learning for image recognitionDeep residual learning for image recognition
Deep residual learning for image recognition
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
Basic Generative Adversarial Networks
Basic Generative Adversarial NetworksBasic Generative Adversarial Networks
Basic Generative Adversarial Networks
 
Object recognition of CIFAR - 10
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10
 

Ähnlich wie [PR12] image super resolution using deep convolutional networks

210801 hierarchical long term video frame prediction without supervision
210801 hierarchical long term video frame prediction without supervision210801 hierarchical long term video frame prediction without supervision
210801 hierarchical long term video frame prediction without supervisiontaeseon ryu
 
Survey on Monocular Depth Estimation
Survey on Monocular Depth EstimationSurvey on Monocular Depth Estimation
Survey on Monocular Depth Estimation범준 김
 
연구실 세미나 Show and tell google image captioning
연구실 세미나 Show and tell google image captioning연구실 세미나 Show and tell google image captioning
연구실 세미나 Show and tell google image captioninghkh
 
180624 mobile visionnet_baeksucon_jwkang_pub
180624 mobile visionnet_baeksucon_jwkang_pub180624 mobile visionnet_baeksucon_jwkang_pub
180624 mobile visionnet_baeksucon_jwkang_pubJaewook. Kang
 
딥러닝 논문읽기 efficient netv2 논문리뷰
딥러닝 논문읽기 efficient netv2  논문리뷰딥러닝 논문읽기 efficient netv2  논문리뷰
딥러닝 논문읽기 efficient netv2 논문리뷰taeseon ryu
 
CNN Architecture A to Z
CNN Architecture A to ZCNN Architecture A to Z
CNN Architecture A to ZLEE HOSEONG
 
Deep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural NetworkDeep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural Networkagdatalab
 
Deep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesDeep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesKang Pilsung
 
"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
 
스마트폰 위의 딥러닝
스마트폰 위의 딥러닝스마트폰 위의 딥러닝
스마트폰 위의 딥러닝NAVER Engineering
 
[Paper Review] Visualizing and understanding convolutional networks
[Paper Review] Visualizing and understanding convolutional networks[Paper Review] Visualizing and understanding convolutional networks
[Paper Review] Visualizing and understanding convolutional networksKorea, Sejong University.
 
"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
 
I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)Susang Kim
 
Achieving human parity on visual question answering alicemind
Achieving human parity on visual question answering alicemindAchieving human parity on visual question answering alicemind
Achieving human parity on visual question answering alicemindtaeseon ryu
 
PR-218: MFAS: Multimodal Fusion Architecture Search
PR-218: MFAS: Multimodal Fusion Architecture SearchPR-218: MFAS: Multimodal Fusion Architecture Search
PR-218: MFAS: Multimodal Fusion Architecture SearchSunghoon Joo
 
Latest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsLatest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsHyeongmin Lee
 
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning SessionsTaegyun Jeon
 

Ähnlich wie [PR12] image super resolution using deep convolutional networks (20)

210801 hierarchical long term video frame prediction without supervision
210801 hierarchical long term video frame prediction without supervision210801 hierarchical long term video frame prediction without supervision
210801 hierarchical long term video frame prediction without supervision
 
Survey on Monocular Depth Estimation
Survey on Monocular Depth EstimationSurvey on Monocular Depth Estimation
Survey on Monocular Depth Estimation
 
연구실 세미나 Show and tell google image captioning
연구실 세미나 Show and tell google image captioning연구실 세미나 Show and tell google image captioning
연구실 세미나 Show and tell google image captioning
 
180624 mobile visionnet_baeksucon_jwkang_pub
180624 mobile visionnet_baeksucon_jwkang_pub180624 mobile visionnet_baeksucon_jwkang_pub
180624 mobile visionnet_baeksucon_jwkang_pub
 
Review SRGAN
Review SRGANReview SRGAN
Review SRGAN
 
딥러닝 논문읽기 efficient netv2 논문리뷰
딥러닝 논문읽기 efficient netv2  논문리뷰딥러닝 논문읽기 efficient netv2  논문리뷰
딥러닝 논문읽기 efficient netv2 논문리뷰
 
CNN Architecture A to Z
CNN Architecture A to ZCNN Architecture A to Z
CNN Architecture A to Z
 
Deep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural NetworkDeep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural Network
 
Deep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesDeep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniques
 
"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 ...
 
스마트폰 위의 딥러닝
스마트폰 위의 딥러닝스마트폰 위의 딥러닝
스마트폰 위의 딥러닝
 
[Paper Review] Visualizing and understanding convolutional networks
[Paper Review] Visualizing and understanding convolutional networks[Paper Review] Visualizing and understanding convolutional networks
[Paper Review] Visualizing and understanding convolutional networks
 
Detecting fake jpeg images
Detecting fake jpeg imagesDetecting fake jpeg images
Detecting fake jpeg images
 
"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
 
I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)
 
Achieving human parity on visual question answering alicemind
Achieving human parity on visual question answering alicemindAchieving human parity on visual question answering alicemind
Achieving human parity on visual question answering alicemind
 
PR-218: MFAS: Multimodal Fusion Architecture Search
PR-218: MFAS: Multimodal Fusion Architecture SearchPR-218: MFAS: Multimodal Fusion Architecture Search
PR-218: MFAS: Multimodal Fusion Architecture Search
 
Latest Frame interpolation Algorithms
Latest Frame interpolation AlgorithmsLatest Frame interpolation Algorithms
Latest Frame interpolation Algorithms
 
Refinenet
RefinenetRefinenet
Refinenet
 
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
 

Mehr von Taegyun Jeon

TensorFlow-KR 3rd meetup - Lightning Talk for SI Analytics
TensorFlow-KR 3rd meetup - Lightning Talk for SI AnalyticsTensorFlow-KR 3rd meetup - Lightning Talk for SI Analytics
TensorFlow-KR 3rd meetup - Lightning Talk for SI AnalyticsTaegyun Jeon
 
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager Execution
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager ExecutionTensorFlow Dev Summit 2018 Extended: TensorFlow Eager Execution
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager ExecutionTaegyun Jeon
 
[PR12] PR-063: Peephole predicting network performance before training
[PR12] PR-063: Peephole predicting network performance before training[PR12] PR-063: Peephole predicting network performance before training
[PR12] PR-063: Peephole predicting network performance before trainingTaegyun Jeon
 
GDG DevFest Xiamen 2017
GDG DevFest Xiamen 2017GDG DevFest Xiamen 2017
GDG DevFest Xiamen 2017Taegyun Jeon
 
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...Taegyun Jeon
 
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...Taegyun Jeon
 
[PR12] PR-036 Learning to Remember Rare Events
[PR12] PR-036 Learning to Remember Rare Events[PR12] PR-036 Learning to Remember Rare Events
[PR12] PR-036 Learning to Remember Rare EventsTaegyun Jeon
 
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개[대전AI포럼] 위성영상 분석 기술 개발 현황 소개
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개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 DetectionTaegyun Jeon
 
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & KerasGoogle Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & KerasTaegyun Jeon
 
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)Taegyun Jeon
 
인공지능: 변화와 능력개발
인공지능: 변화와 능력개발인공지능: 변화와 능력개발
인공지능: 변화와 능력개발Taegyun Jeon
 
Electricity price forecasting with Recurrent Neural Networks
Electricity price forecasting with Recurrent Neural NetworksElectricity price forecasting with Recurrent Neural Networks
Electricity price forecasting with Recurrent Neural NetworksTaegyun Jeon
 

Mehr von Taegyun Jeon (13)

TensorFlow-KR 3rd meetup - Lightning Talk for SI Analytics
TensorFlow-KR 3rd meetup - Lightning Talk for SI AnalyticsTensorFlow-KR 3rd meetup - Lightning Talk for SI Analytics
TensorFlow-KR 3rd meetup - Lightning Talk for SI Analytics
 
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager Execution
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager ExecutionTensorFlow Dev Summit 2018 Extended: TensorFlow Eager Execution
TensorFlow Dev Summit 2018 Extended: TensorFlow Eager Execution
 
[PR12] PR-063: Peephole predicting network performance before training
[PR12] PR-063: Peephole predicting network performance before training[PR12] PR-063: Peephole predicting network performance before training
[PR12] PR-063: Peephole predicting network performance before training
 
GDG DevFest Xiamen 2017
GDG DevFest Xiamen 2017GDG DevFest Xiamen 2017
GDG DevFest Xiamen 2017
 
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
 
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...
GDG DevFest Seoul 2017: Codelab - Time Series Analysis for Kaggle using Tenso...
 
[PR12] PR-036 Learning to Remember Rare Events
[PR12] PR-036 Learning to Remember Rare Events[PR12] PR-036 Learning to Remember Rare Events
[PR12] PR-036 Learning to Remember Rare Events
 
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개[대전AI포럼] 위성영상 분석 기술 개발 현황 소개
[대전AI포럼] 위성영상 분석 기술 개발 현황 소개
 
[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
 
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & KerasGoogle Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
 
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)
TensorFlow KR 2nd Meetup - Lightening talk (Satrec Initiative)
 
인공지능: 변화와 능력개발
인공지능: 변화와 능력개발인공지능: 변화와 능력개발
인공지능: 변화와 능력개발
 
Electricity price forecasting with Recurrent Neural Networks
Electricity price forecasting with Recurrent Neural NetworksElectricity price forecasting with Recurrent Neural Networks
Electricity price forecasting with Recurrent Neural Networks
 

[PR12] image super resolution using deep convolutional networks

  • 1. Image Super-Resolution using Deep Convolutional Neural Networks (2016) Paper reviewed by Taegyun Jeon Dong, Chao, et al. "Image super-resolution using deep convolutional networks." IEEE transactions on pattern analysis and machine intelligence. 38.2 (2016): 295-307.
  • 2. 연구소개 | 문제 정의 ● Single Image Super-Resolution ○ ILL-posed problem (many candidate solutions) 저해상도 이미지 (Low resolution) 고해상도 이미지 (High resolution)
  • 3. 연구소개 | 파급효과 및 지향점 위성영상 의료 영상 현미경영상 천체영상
  • 4. 연구소개 | 데이터셋 Test Dataset Image source Set 5 Bevilacqua et al. BMVC 2012 Set 14 Zeyde et al. LNCS 2010 BSD 100 Martin et al. ICCV 2001 Urban 100 Huang et al. CVPR 2015 Train Dataset Image source Yang 91 Yang et al. CVPR 2008 BSD 200 Martin et al. ICCV 2001 General 100 Dong et al. ECCV 2016 ImageNet Olga Russakovsky et al. IJCV 2015 COCO Tsung-Yi Lin et al. ECCV 2014
  • 5. 배경지식 | 평가방식 ● PSNR (Peak Signal-to-Noise Ratio) ○ 최대 신호 대 잡음비 (영상 화질 손실정보에 대한 평가) ● SSIM (structural similarity index) ○ “밝기, 명암, 구조”를 조합하여 두 영상의 유사도 평가 ● MS-SSIM (Multi-scale SSIM) ○ 다양한 배율 (scale)에 대해 SSIM 평가 ● IFC (Information fidelity criterion) ○ 서로 다른 두 확률분포에 대한 의존도 평가
  • 6. 배경지식 | SISR 관련 선행 연구
  • 7. 방법론 | 핵심 아이디어 ● Convolutional Neural Networks with 3-layers
  • 8. 방법론 | 핵심 아이디어 R e L U R e L U
  • 10. 주요결과 | 실험 결과 ● Training data
  • 11. 주요결과 | 실험 결과 ● Number of filters
  • 13. 주요결과 | 실험 결과 ● Color channels
  • 14. 리뷰의견 | ● 방법과 결과가 유효한가? ○ Sparse-coding과 같은 맥락의 표현을 CNN으로 구현 ● 효율적인 방법인가? ○ Representation learning 관점에서 end-to-end learning이 가능하므로 효율적 ● 독창적인가? ○ Single Image Super-Resolution 문제에 대해 최초로 딥러닝 적용 ● 중요한 결과를 만들어냈는가? ○ 2014년 이후 거의 모든 Super-Resolution 문제에 대한 연구들이 SRCNN을 기반으로 함. ○ Super-Resolution 에 대한 breakthrough
  • 15. Accurate Image Super-Resolution using Very Deep Convolutional Networks (2016) Paper reviewed by Taegyun Jeon Kim, Jiwon, Jung Kwon Lee, and Kyoung Mu Lee. "Accurate image super-resolution using very deep convolutional networks." Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2016.
  • 16. 방법론 | 핵심 아이디어 ​ SRCNN VDSR Architecture​ end-to-end learning​ end-to-end learning​ Receptive fields​ 13 x 13​ 41 x 41​ Scale factors​ x3​ x2, x3, x4​ Learning rate​ ​10-5 learning rate decay (10-2 , 10-6 ) Depth​ 4​ (Up to) 20​
  • 17. 방법론 | 핵심 아이디어
  • 18. 방법론 | 핵심 아이디어 ● Convolutional Neural Networks with 20 layers ○ Large receptive fields (41 x 41) with consecutive 3x3 convolution kernels ○ Convolutional layers with zero-padding ● Residual learning ○ Original loss: ○ Residual loss: ● Adjustable gradient clipping with high learning rates ○ Common gradient clipping: ○ Adjustable gradient clipping: y: output x: input f(x): prediction θ: predefined range : current learning rate
  • 19. 방법론 | 핵심 아이디어 ● Single CNN for multi-scale factor super-resolution ○ Size of input patch = Size of receptive fields (41 x 41) ○ Images are divided into sub-images with no overlap. ○ Mini-batch size is 64. ○ Sub-images from different scales can be in the same batch.
  • 20. 방법론 | 핵심 아이디어 ● Hyperparameters (Final model) ○ depth = 20 ○ batch_size = 64 ○ momentum = 0.9 ○ weight_decay = 0.0001 ○ weight_initialization = he_normal() ○ activations = ReLU ○ epochs = 80 ○ learning_rate = 0.1 ○ learning_rate was decreased by a factor 10 every 20 epochs.
  • 22. 주요결과 | 실험 결과 ●
  • 23. 주요결과 | 실험 결과 ●
  • 24. 리뷰의견 | ● 방법과 결과가 유효한가? ○ SRCNN을 20개의 레이어로 확장. 표현력 증가 ● 효율적인 방법인가? ○ Residual learning과 adjustable gradient clipping을 통해 빠른 학습 달성 ● 독창적인가? ○ Image restoration 문제에서 input-output의 유사성을 residual learning 적용 ● 중요한 결과를 만들어냈는가? ○ 학습 속도 대폭 개선. ○ SRCNN과 비교하여 확연히 개선된 결과
  • 25. 부록 | 1. 구현 코드 (Caffe and Matlab) Caffe and Matlab Implementation (Author): http://mmlab.ie.cuhk.edu.hk/projects/SRCNN.html
  • 26. 부록 | 2. CNN 기반 관련 논문 리스트 (2014-2016) ● Deep Networks for Image Super-Resolution with Sparse Prior (ICCV2015), Zhaowen Wang et al. ● Robust Single Image Super-Resolution via Deep Networks with Sparse Prior (TIP2016), Ding Liu et al. ● Accurate Image Super-Resolution Using Very Deep Convolutional Networks (CVPR2016), Jiwon Kim et al. ● Deeply-Recursive Convolutional Network for Image Super-Resolution (CVPR2016), Jiwon Kim et al. ● Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network (CVPR2016), Wenzhe Shi et al. ● Accelerating the Super-Resolution Convolutional Neural Network (ECCV2016), Dong Chao et al.
  • 27. 부록 | 2. GAN 기반 관련 논문 리스트 (2014-2016) ● Perceptual Losses for Real-Time Style Transfer and Super-Resolution (ECCV2016), Justin Johnson et al. ● Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network, Christian Ledig et al. ● Amortised Map Inference for Image Super-Resolution, Casper Kaae Sønderby et al. ● EnhanceNet: Single Image Super-Resolution through Automated Texture Synthesis, Mehdi S. M. Sajjadi et al.
  • 28. 부록 | 3. Challenge on Super-Resolution
  • 29. 부록 | Open Questions ● CNN 기반 모델은 GAN 기반 모델보다 무조건 성능이 나쁘다고 볼 수 있는가?
  • 30. 부록 | Open Questions ● PSNR은 여전히 유효한 성능 지표인가?