SlideShare a Scribd company logo
Image Enhancement
via a Simple but (very) Effective way
Style transfer your image in “photographic way”, e.g., day2sunset. “CutBlur”: a powerful data augmentation method for various low-level vision.
Jaejun Yoo AI research scientist / Clova AI
Postdoctoral researcher / EPFL
Code, generated images,
and pre-trained models
are all available at
github.com/clovaai/WCT2
Code, generated images,
and pre-trained models
are all available at
github.com/clovaai/cutblur
Leave your contact information
and feedback here. Join Clova !
Image enhancement
Image enhancement is the process of adjusting digital images so that the results are more suitable for
display or further image analysis.
Traditionally…
Low resolution Baseline Proposed
Denoising Super-resolution
Image enhancement (extended)
Image enhancement is the process of adjusting digital images so that the results are more suitable for
display or further image analysis.
Traditionally… + generate (or translate into) an authentic image
• WCT2: Photorealistic Style Transfer via Wavelet Transforms (ICCV’19)
Clearer (authentic) output with 840 times faster and 51% lighter (in memory) model (Current SOTA)
• CutBlur: Rethinking Data Augmentation for Image Super-resolution (CVPR’20)
Current SOTA in Real-world Super-resolution (RealSR)
• SimUSR: A Simple but Strong Baseline for Unsupervised Image Super-resolution (CVPRW’20)
Ranked PSNR 1st and SSIM 2nd in unsupervised Super-resolution Competition (NTIRE)
Contents
Our goal: Solving these problems in a simple and intuitive way while also
achieving huge improvement over the previous SOTA.
WCT2 (ICCV’19)
: A simple correction of the network architecture using wavelets
Clova AI Research 1 Yonsei University 2
Jaejun Yoo1* Youngjung Uh1* Sanghyuk Chun1* Byeongkyu Kang1,2 Jung-Woo Ha1
Leave your contact information
and feedback here. Join Clova !
Gatys et al. CVPR ‘16
using CNN representation (VGG)
Artistic Style Transfer
Neural Style Algorithm
!"
"
# ∗ %
!#
!= '()*(!)
"
"
Noise - Style .
||' ⋅ − '(⋅)||
||' ⋅ − '(⋅)||
||' ⋅ − '(⋅)||
||' ⋅ − '(⋅)||
• Matching Gram matrix
Neural Style Algorithm
Noise ! Style " Content #
||% ⋅ − %(⋅)||, ||(⋅) − (⋅)||
||% ⋅ − %(⋅)||, ||(⋅) − (⋅)||
||% ⋅ − %(⋅)||, ||(⋅) − (⋅)||
||% ⋅ − %(⋅)||, ||(⋅) − (⋅)||
- from Gatys et al., CVPR 2016
Transfer your style in “photographic way”, e.g., day2sunset, day2night, etc.
Photorealistic Style Transfer
Artistic: Whitening and Coloring Transforms (WCT)
orthogonal matrix of eigenvectors
diagonal matrix with the eigenvalues of the covariance matrix
Whitening
centered content feature
- from Yi et al., NIPS 2017
Artistic: Whitening and Coloring Transforms (WCT)
orthogonal matrix of eigenvectors
diagonal matrix with the eigenvalues of the covariance matrix
Whitening
centered content feature
- from Yi et al., NIPS 2017
Artistic: Whitening and Coloring Transforms (WCT)
orthogonal matrix of eigenvectors
Coloring
centered style feature
diagonal matrix with the eigenvalues of the covariance matrix
- from Yi et al., NIPS 2017
Artistic: Whitening and Coloring Transforms (WCT)
Contents Single level Multi level
- from Yi et al., NIPS 2017
PhotoWCT
WCT (artistic model)
: “VGG decoder uses nearest-neighbor upsampling”
PhotoWCT (photorealistic model)
- from Yi et al., ECCV 2018
“Provide decoder the location where the pooling operation happened (unpooling)”
√
√
√
√
√
√
√
PhotoWCT
Content WCT PhotoWCT
“Providing the index to the decoder (unpooling) is actually not that effective?”
PhotoWCT
Content PhotoWCT
+ smoothing
PhotoWCT
* in seconds
“In fact, the post-processing (smoothing) was doing every job.”
Content PhotoWCT
+ smoothing
* in seconds
PhotoWCT
Ours
* Yoo et al., ICCV 2019
“Our new model show better performance even without any post-processing!
WCT via Wavelet Corrected Transforms (WCT2)
To enforce the Encoder-Decoder to learn a function, which has a good property:
1. Should play a similar role to the original pooling (global filter),
2. Shoud not lose the information during the encoding and decoding process,
3. Should be able to represent the features of input images.
WCT via Wavelet Corrected Transforms (WCT2)
* Theoretical motivation: Perfect reconstruction (PR) condition
To enforce the Encoder-Decoder to learn a function, which has a good property:
1. Should play a similar role to the original pooling (global filter),
2. Shoud not lose the information during the encoding and decoding process,
3. Should be able to represent the features of input images.
WCT via Wavelet Corrected Transforms (WCT2)
To enforce the Encoder-Decoder to learn a function, which has a good property:
1. Should play a similar role to the original pooling (global filter),
2. Shoud not lose the information during the encoding and decoding process,
3. Should be able to represent the features of input images.
WCT via Wavelet Corrected Transforms (WCT2)
1
1
1
1
1
-1
1
-1
1
1
-1
-1
1
-1
-1
1
1
2
∗
LL HHHLLH
1
2
∗
To enforce the Encoder-Decoder to learn a function, which has a good property:
1. Should play a similar role to the original pooling (global filter),
2. Shoud not lose the information during the encoding and decoding process,
3. Should be able to represent the features of input images.
WCT via Wavelet Corrected Transforms (WCT2)
- removing multi-level stylization (less error propagation)
1. Better stylization (6 times more preferred by users)
2. Faster model (840 times acceleration than the previous SOTA)
3. Lighter model (51% less memory than the previous SOTA)
4. Stronger model (The only model that can process 1k sized resolution image under 4 sec.)
To enforce the Encoder-Decoder to learn a function, which has a good property:
WCT via Wavelet Corrected Transforms (WCT2)
content
style
content
style
content
style
content
style
5
WCT via Wavelet Corrected Transforms (WCT2)
content
style
content
style
content
style
content
style
WCT via Wavelet Corrected Transforms (WCT2)
“Photorealistic video stylization results (from day-to-sunset). Given
a style and video frames (top), we show the results by WCT2
(middle) and PhotoWCT (bottom) without semantic segmentation
and post-processing. Despite the lack of segmentation map, WCT2
shows photorealistic results while keeping temporal consistency. On
the other hand, PhotoWCT generates spotty and varying artifacts
over frames, which harm the photorealism.”
* Video Style Transfer
Sequential consistency over the frames without imposing
further constraints.
WCT via Wavelet Corrected Transforms (WCT2)
IDEAL CASE
* User study results
40 pairs of content and style
41 subjects
* Computational cost (seconds)
* SSIM index vs. Style loss
Substitute all pooling layers to wavelet filters (wavelet corrected transform)
• Note that this is a general architecture change and not bound to the stylization method!
• You can use our wavelet corrected model with other methods such as AdaIN.
Enjoy the power of lossless image reconstructing network!
• Note that this also opens a new venue to the other applications such as image
restoration tasks! (e.g., denoising, super-resolution, dehazing, etc.)
Summary
Simple solution,
But Effective !
CutBlur (CVPR’20)
: The first data augmentation method for various low-level vision tasks
Clova AI Research 1 Ajou University 2
Jaejun Yoo1* Namhyuk Ahn1,2* Kyung-Ah Shon2
Leave your contact information
and feedback here. Join Clova !
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Some spoilers J
• First to provide comprehensive analysis of recent DA’s on Super-resolution (SR)
• A new data augmentation (DA) strategy “CutBlur” is proposed.
• Our method provide consistent and significant improvements in the SR task.
• By just applying our DA method, the model of ‘17 can already achieve the state-of-
the-art (SOTA) performance in RealSR competition
• Last but not least, our method also improves other low-level vision tasks, such as
denoising and compression artifact removal.
Motivation
* Various levels of vision tasks
High-level: Semantic recognition
(e.g., classification, object detection)
Mid-level: Super-pixel
(e.g., segmentation)
Low-level: Pixels, Edges, Colors
(e.g., super-resolution, denoising)
MixUp, Cutout, CutMix …
Motivation
* Various levels of vision tasks
High-level: Semantic recognition
(e.g., classification, object detection)
Mid-level: Super-pixel
(e.g., segmentation)
Low-level: Pixels, Edges, Colors
(e.g., super-resolution, denoising)
?????
MixUp, Cutout, CutMix …
Analysis on existing DA methods
“Sharp transitions, mixed image contents or losing the relationships of pixels can
degrade SR performance.”
e.g., Cutout fails (discarding pixels) and every feature method fails (manipulation).
Training curves when applied feature DA’s
Analysis on existing DA methods
• DA methods in pixel space bring
some improvements when applied
very carefully.
Analysis on existing DA methods
• DA methods in pixel space bring
some improvements when applied
very carefully.
• Cutout:
Original setting (drop 25% of of pixels in a
rectangular shape) significantly degrades the
performance because it erases spatial information
too much. However, erasing tiny amount of pixels
(0.1% random pixels) boosts the performance (2~3
pixels of 48x48 input patch)
Analysis on existing DA methods
• DA methods in pixel space bring
some improvements when applied
very carefully.
• Mixup & CutMix:
Improvements of using CutMix are marginal. We
suspect this happens because CutMix generates a
drastic sharp transition between two different
images.
Improvements of using Mixup is better than
CutMix but it still generates unrealistic image and
affects to the image structure.
Mixup CutMix
Analysis on existing DA methods
• DA methods in pixel space bring
some improvements when applied
very carefully.
• CutMixup:
To verify our hypothesis, we combine benefits of
Mixup and CutMix; CutMixup. CutMixupt
provides various boundary cases while minimizes
the sharp transition by retaining partial cues as
Mixup does.
CutMixup
Analysis on existing DA methods
• DA methods in pixel space bring
some improvements when applied
very carefully.
• Blend & RGB permutation:
To push further, we tried a constant blending and
RGB channel permutation, which turn out to be
very simple but effective strategies showing big
performance enhancement (dB).
Note that both methods do not incur any structure
modification to an image.
BlendRGB perm.
CutBlur
CutBlur
• What does the model learn from CutBlur?
• CutBlur prevents the SR model from over-sharpening an image and helps it to super-resolve only the
necessary region.
Super-resolution results of a model (EDSR) trained without CutBlur and its error residual (Δ)
Error residual (Δ)Output
CutBlur
• What does the model learn from CutBlur?
• CutBlur prevents the SR model from over-sharpening an image and helps it to super-resolve only the
necessary region.
Super-resolution results of a model (EDSR) trained CutBlur and its error residual (Δ)
Error residual (Δ)Output
with
Improved generalization: over-sharpening
• Super-resolution (SR)
• Trained on ×4 scale factor dataset and tested on different scale factor (×2)
Improved generalization: over-smoothing
• Denoising
• Trained on severe noise (! = 70) & tested on mild noise (! = 30).
Improved generalization: over-removal
• JPEG artifact removal
• Trained on a mild compression rate & tested on a severe compression rate
Mixture of Augmentation (MoA)
• During the training phase …
• Randomly select single augmentation at
every step. (among the curated DA list)
• Apply it!
Comparison on diverse benchmark models and datasets
• SRCNN (0.07M) – ECCV’14, CARN (1.14M) – ECCV’18, RCAN (15.6M) – ECCV’18, EDSR (43.1M) – CVPRW’17
• DIV2K (synthetic), RealSR (real-world)
• Our method shows consistent improvement for different models (parameters) and
datasets (different environments and size):
Use CutBlur; cut-and-paste the LQ images to the corresponding HQ images (or vice versa)!
Use our curated list of augmentation methods to further improve the performance!
Mixture of Augmentation
Enjoy the at minimum 0.22dB performance boosting of your model J
+ additional positive side-effects as well
Summary
Simple solution,
But Effective !
SimUSR (CVPRW’20)
: Simple but Strong Baseline for Unsupervised Image Super-resolution
Clova AI Research 1 Ajou University 2
Jaejun Yoo1* Kyung-Ah Shon2Namhyuk Ahn1,2*
Leave your contact information
and feedback here. Join Clova !
Level of supervision in SR
Level of supervision in SR
Level of supervision in SR
Level of supervision in SR
Zero-shot SR (ZSSR); previous SOTA
• Tackles the truly unsupervised SR task (no !"# given)
• Use only a single LR image (!$#)
• Runs both training and inference online (runtime)
• Training: Optimize image-specific network using
!$#
%
, !$# , where !$#
%
is downsampled version of !$#
• Inference: Same as the supervised SR
• Pros and Cons:
• ! Single image is required; learns internal statistics
• " Extremely high latency
• " Hard to benefit from a large capacity network
Zero-shot SR (ZSSR); previous SOTA
• Tackles the truly unsupervised SR task (no !"# given)
• Use only a single LR image (!$#)
• Runs both training and inference online (runtime)
• Training: Optimize image-specific network using
!$#
%
, !$# , where !$#
%
is downsampled version of !$#
• Inference: Same as the supervised SR
• Pros and Cons:
• ! Single image is required; learns internal statistics
• " Extremely high latency
• " Hard to benefit from a large capacity network
Our method: SimUSR
• Relax the constraints of ZSSR by assuming that
LR images ("#$%
, . . . , "#$(
) are easy to collect
• Train the model offline and inference online
• Generate ("#$*
+
, "#$*
) following the ZSSR
• Now, unsupervised SR turns into the supervised
• Benefits of SimUSR
• ! Low latency
• ! Enjoy every advantages of supervised framework
• Can use any network unlike ZSSR and MZSR [1]
• Can apply data augmentation [2]
Our method: SimUSR
• Relax the constraints of ZSSR by assuming that
LR images ("#$%
, . . . , "#$(
) are easy to collect
• Train the model offline and inference online
• Generate ("#$*
+
, "#$*
) following the ZSSR
• Now, unsupervised SR turns into the supervised
• Benefits of SimUSR
• ! Low latency
• ! Enjoy every advantages of supervised framework
• Can use any network unlike ZSSR and MZSR [1]
• Can apply data augmentation [2]
• Yes! We are just doing a supervised learning method at one scale lower space and
relying on its generalizability on different scales.
Our method: SimUSR
• Relax the constraints of ZSSR by assuming that
LR images ("#$%
, . . . , "#$(
) are easy to collect
• Train the model offline and inference online
• Generate ("#$*
+
, "#$*
) following the ZSSR
• Now, unsupervised SR turns into the supervised
• Benefits of SimUSR
• ! Low latency
• ! Enjoy every advantages of supervised framework
• Can use any network unlike ZSSR and MZSR [1]
• Can apply data augmentation [2]
• Though this line of study is easy to think of and thus SHOULD HAVE BEEN investigated
prior to any complicated unsupervised methods, surprisingly, there are currently NONE.
Our method: SimUSR
• Relax the constraints of ZSSR by assuming that
LR images ("#$%
, . . . , "#$(
) are easy to collect
• Train the model offline and inference online
• Generate ("#$*
+
, "#$*
) following the ZSSR
• Now, unsupervised SR turns into the supervised
• Benefits of SimUSR
• ! Low latency
• ! Enjoy every advantages of supervised framework
• Can use any network unlike ZSSR and MZSR [1]
• Can apply data augmentation [2]
• Even more, this simple method outperforms the SOTA method with a dramatically shorter
latency at runtime, and significantly reduces the gap to the supervised models.
Experiment: Bicubic SR
• To analyze multiple methods simultaneously in the supervised setup
• Compare supervised SR / ZSSR / SimUSR
• For SimUSR, we use CARN / RCAN / EDSR as a backbone
• SimUSR shows large improvement over the ZSSR (Table 1)
• Larger network achieves better performance (e.g. CARN vs. RCAN)
• SimUSR further reduces the gap to supervised SR using augmentation (Table 2)
Note that ours are achieving almost similar performance with the supervised SR.
Experiment: Real-world SR
• Compare ZSSR and our SimUSR on NTIRE 2020 dataset
: We improved the previous SOTA based on our observations
1) ZSSR suffers from noise
→ add BM3D as pre-processing
2) Certain data augmentation harms the performance
→ remove Affine transformation
Experiment: Real-world SR
• Compare ZSSR and our SimUSR on NTIRE 2020 dataset
: We improved the previous SOTA based on our observations
1) ZSSR suffers from noise
→ add BM3D as pre-processing
2) Certain data augmentation harms the performance
→ remove Affine transformation
• Our SimUSR outperforms ZSSR in a huge margin
on both SR performance and latency
Qualitative comparison and competition results
NTIRE 20 Real-world SR challenge
Track 1 (image processing artifact)
• 1st rank of PSNR
• 2nd rank of SSIM
• 13th rank of LPIPS
Bicubic dataset
NTIRE 2020 dataset
Solve the supervised learning problem in the one-scale lower and apply it to the original problem!
Use our data augmentation methods for better generalization J
Enjoy the SOTA performance in the unsupervised SR world J
Summary
Simple solution,
But Effective !
Style transfer your image in “photographic way”, e.g., day2sunset.
“CutBlur”: a powerful data augmentation method for various low-level vision.
That’s all!
Enjoy your CVPR!
Code, generated images,
and pre-trained models
are all available at
github.com/clovaai/WCT2
Code, generated images,
and pre-trained models
are all available at
github.com/clovaai/cutblur
Leave your contact information
and feedback here. Join Clova!
Appendix
Other pooling & unpoolings
Analysis
Analysis
Progressive vs. multilevel strategy
Frame-based signal reconstruction
: Perfect reconstruction condition and tight wavelet frames
Theory

More Related Content

What's hot

Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
Prudhvi Raj
 
2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
LEE HOSEONG
 
Understanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksUnderstanding Convolutional Neural Networks
Understanding Convolutional Neural Networks
Jeremy Nixon
 
Exploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation LearningExploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation Learning
Sangmin Woo
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
Jinwon Lee
 
V2 v posenet
V2 v posenetV2 v posenet
V2 v posenet
NAVER Engineering
 
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
Jia-Bin Huang
 
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondenceParn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
NAVER Engineering
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
Jinwon Lee
 
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
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
Fellowship at Vodafone FutureLab
 
Emerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision TransformersEmerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision Transformers
Sungchul Kim
 
Attentive semantic alignment with offset aware correlation kernels
Attentive semantic alignment with offset aware correlation kernelsAttentive semantic alignment with offset aware correlation kernels
Attentive semantic alignment with offset aware correlation kernels
NAVER Engineering
 
Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...
NAVER Engineering
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
ananth
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
Dmytro Mishkin
 
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of MapsCPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
NAVER Engineering
 
Domain Transfer and Adaptation Survey
Domain Transfer and Adaptation SurveyDomain Transfer and Adaptation Survey
Domain Transfer and Adaptation Survey
Sangwoo Mo
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
Fellowship at Vodafone FutureLab
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
Ketaki Patwari
 

What's hot (20)

Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
 
2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
 
Understanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksUnderstanding Convolutional Neural Networks
Understanding Convolutional Neural Networks
 
Exploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation LearningExploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation Learning
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
 
V2 v posenet
V2 v posenetV2 v posenet
V2 v posenet
 
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
 
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondenceParn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
Parn pyramidal+affine+regression+networks+for+dense+semantic+correspondence
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
 
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
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
 
Emerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision TransformersEmerging Properties in Self-Supervised Vision Transformers
Emerging Properties in Self-Supervised Vision Transformers
 
Attentive semantic alignment with offset aware correlation kernels
Attentive semantic alignment with offset aware correlation kernelsAttentive semantic alignment with offset aware correlation kernels
Attentive semantic alignment with offset aware correlation kernels
 
Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
 
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of MapsCPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
CPlaNet: Enhancing Image Geolocalization by Combinatorial Partitioning of Maps
 
Domain Transfer and Adaptation Survey
Domain Transfer and Adaptation SurveyDomain Transfer and Adaptation Survey
Domain Transfer and Adaptation Survey
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
 

Similar to [CVPR2020] Simple but effective image enhancement techniques

IMAGE PROCESSING
IMAGE PROCESSINGIMAGE PROCESSING
IMAGE PROCESSING
ABHISHEK MAURYA
 
ZJPeng.3DSolderBallReconstruction
ZJPeng.3DSolderBallReconstructionZJPeng.3DSolderBallReconstruction
ZJPeng.3DSolderBallReconstruction
Zhejian Peng
 
Realtime pothole detection system using improved CNN Models
Realtime pothole detection system using improved CNN ModelsRealtime pothole detection system using improved CNN Models
Realtime pothole detection system using improved CNN Models
nithinsai2992
 
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
IJDKP
 
An improved image compression algorithm based on daubechies wavelets with ar...
An improved image compression algorithm based on daubechies  wavelets with ar...An improved image compression algorithm based on daubechies  wavelets with ar...
An improved image compression algorithm based on daubechies wavelets with ar...
Alexander Decker
 
Technical Documentation_Embedded_Image_DSP_Projects
Technical Documentation_Embedded_Image_DSP_ProjectsTechnical Documentation_Embedded_Image_DSP_Projects
Technical Documentation_Embedded_Image_DSP_Projects
Emmanuel Chidinma
 
Temporal Segment Network
Temporal Segment NetworkTemporal Segment Network
Temporal Segment Network
Dongang (Sean) Wang
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathon
Aditya Bhattacharya
 
C04841417
C04841417C04841417
C04841417
IOSR-JEN
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
IRJET Journal
 
Thesis_Oral
Thesis_OralThesis_Oral
Thesis_Oral
FanDong Wei
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image Translation
Junho Kim
 
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargetingIEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
IEEEBEBTECHSTUDENTPROJECTS
 
Video to Video Translation CGAN
Video to Video Translation CGANVideo to Video Translation CGAN
Video to Video Translation CGAN
Alessandro Calmanovici
 
OBDPC 2022
OBDPC 2022OBDPC 2022
Aocr Hmm Presentation
Aocr Hmm PresentationAocr Hmm Presentation
Aocr Hmm Presentation
Mahmoud Elgenedy
 
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured LightingBuild Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
Douglas Lanman
 
Questions Log: Dynamic Cubes – Set to Retire Transformer?
Questions Log: Dynamic Cubes – Set to Retire Transformer?Questions Log: Dynamic Cubes – Set to Retire Transformer?
Questions Log: Dynamic Cubes – Set to Retire Transformer?
Senturus
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用
CHENHuiMei
 
DALL-E.pdf
DALL-E.pdfDALL-E.pdf
DALL-E.pdf
dsfajkh
 

Similar to [CVPR2020] Simple but effective image enhancement techniques (20)

IMAGE PROCESSING
IMAGE PROCESSINGIMAGE PROCESSING
IMAGE PROCESSING
 
ZJPeng.3DSolderBallReconstruction
ZJPeng.3DSolderBallReconstructionZJPeng.3DSolderBallReconstruction
ZJPeng.3DSolderBallReconstruction
 
Realtime pothole detection system using improved CNN Models
Realtime pothole detection system using improved CNN ModelsRealtime pothole detection system using improved CNN Models
Realtime pothole detection system using improved CNN Models
 
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
BIG DATA-DRIVEN FAST REDUCING THE VISUAL BLOCK ARTIFACTS OF DCT COMPRESSED IM...
 
An improved image compression algorithm based on daubechies wavelets with ar...
An improved image compression algorithm based on daubechies  wavelets with ar...An improved image compression algorithm based on daubechies  wavelets with ar...
An improved image compression algorithm based on daubechies wavelets with ar...
 
Technical Documentation_Embedded_Image_DSP_Projects
Technical Documentation_Embedded_Image_DSP_ProjectsTechnical Documentation_Embedded_Image_DSP_Projects
Technical Documentation_Embedded_Image_DSP_Projects
 
Temporal Segment Network
Temporal Segment NetworkTemporal Segment Network
Temporal Segment Network
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathon
 
C04841417
C04841417C04841417
C04841417
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
 
Thesis_Oral
Thesis_OralThesis_Oral
Thesis_Oral
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image Translation
 
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargetingIEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
IEEE 2014 MATLAB IMAGE PROCESSING PROJECTS Compressed domain video retargeting
 
Video to Video Translation CGAN
Video to Video Translation CGANVideo to Video Translation CGAN
Video to Video Translation CGAN
 
OBDPC 2022
OBDPC 2022OBDPC 2022
OBDPC 2022
 
Aocr Hmm Presentation
Aocr Hmm PresentationAocr Hmm Presentation
Aocr Hmm Presentation
 
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured LightingBuild Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
 
Questions Log: Dynamic Cubes – Set to Retire Transformer?
Questions Log: Dynamic Cubes – Set to Retire Transformer?Questions Log: Dynamic Cubes – Set to Retire Transformer?
Questions Log: Dynamic Cubes – Set to Retire Transformer?
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用
 
DALL-E.pdf
DALL-E.pdfDALL-E.pdf
DALL-E.pdf
 

More from JaeJun Yoo

[PR12] Spectral Normalization for Generative Adversarial Networks
[PR12] Spectral Normalization for Generative Adversarial Networks[PR12] Spectral Normalization for Generative Adversarial Networks
[PR12] Spectral Normalization for Generative Adversarial Networks
JaeJun Yoo
 
Introduction to ambient GAN
Introduction to ambient GANIntroduction to ambient GAN
Introduction to ambient GAN
JaeJun Yoo
 
[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax
JaeJun Yoo
 
[PR12] understanding deep learning requires rethinking generalization
[PR12] understanding deep learning requires rethinking generalization[PR12] understanding deep learning requires rethinking generalization
[PR12] understanding deep learning requires rethinking generalization
JaeJun Yoo
 
[PR12] Capsule Networks - Jaejun Yoo
[PR12] Capsule Networks - Jaejun Yoo[PR12] Capsule Networks - Jaejun Yoo
[PR12] Capsule Networks - Jaejun Yoo
JaeJun Yoo
 
[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo
JaeJun Yoo
 
[PR12] PixelRNN- Jaejun Yoo
[PR12] PixelRNN- Jaejun Yoo[PR12] PixelRNN- Jaejun Yoo
[PR12] PixelRNN- Jaejun Yoo
JaeJun Yoo
 
[Pr12] dann jaejun yoo
[Pr12] dann   jaejun yoo[Pr12] dann   jaejun yoo
[Pr12] dann jaejun yoo
JaeJun Yoo
 
Variants of GANs - Jaejun Yoo
Variants of GANs - Jaejun YooVariants of GANs - Jaejun Yoo
Variants of GANs - Jaejun Yoo
JaeJun Yoo
 
[PR12] intro. to gans jaejun yoo
[PR12] intro. to gans   jaejun yoo[PR12] intro. to gans   jaejun yoo
[PR12] intro. to gans jaejun yoo
JaeJun Yoo
 

More from JaeJun Yoo (10)

[PR12] Spectral Normalization for Generative Adversarial Networks
[PR12] Spectral Normalization for Generative Adversarial Networks[PR12] Spectral Normalization for Generative Adversarial Networks
[PR12] Spectral Normalization for Generative Adversarial Networks
 
Introduction to ambient GAN
Introduction to ambient GANIntroduction to ambient GAN
Introduction to ambient GAN
 
[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax[PR12] categorical reparameterization with gumbel softmax
[PR12] categorical reparameterization with gumbel softmax
 
[PR12] understanding deep learning requires rethinking generalization
[PR12] understanding deep learning requires rethinking generalization[PR12] understanding deep learning requires rethinking generalization
[PR12] understanding deep learning requires rethinking generalization
 
[PR12] Capsule Networks - Jaejun Yoo
[PR12] Capsule Networks - Jaejun Yoo[PR12] Capsule Networks - Jaejun Yoo
[PR12] Capsule Networks - Jaejun Yoo
 
[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo
 
[PR12] PixelRNN- Jaejun Yoo
[PR12] PixelRNN- Jaejun Yoo[PR12] PixelRNN- Jaejun Yoo
[PR12] PixelRNN- Jaejun Yoo
 
[Pr12] dann jaejun yoo
[Pr12] dann   jaejun yoo[Pr12] dann   jaejun yoo
[Pr12] dann jaejun yoo
 
Variants of GANs - Jaejun Yoo
Variants of GANs - Jaejun YooVariants of GANs - Jaejun Yoo
Variants of GANs - Jaejun Yoo
 
[PR12] intro. to gans jaejun yoo
[PR12] intro. to gans   jaejun yoo[PR12] intro. to gans   jaejun yoo
[PR12] intro. to gans jaejun yoo
 

Recently uploaded

SAR of Medicinal Chemistry 1st by dk.pdf
SAR of Medicinal Chemistry 1st by dk.pdfSAR of Medicinal Chemistry 1st by dk.pdf
SAR of Medicinal Chemistry 1st by dk.pdf
KrushnaDarade1
 
20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx
Sharon Liu
 
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
vluwdy49
 
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
Sérgio Sacani
 
8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf
by6843629
 
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdfTopic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
TinyAnderson
 
ESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptxESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptx
PRIYANKA PATEL
 
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdfwaterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
LengamoLAppostilic
 
Sharlene Leurig - Enabling Onsite Water Use with Net Zero Water
Sharlene Leurig - Enabling Onsite Water Use with Net Zero WaterSharlene Leurig - Enabling Onsite Water Use with Net Zero Water
Sharlene Leurig - Enabling Onsite Water Use with Net Zero Water
Texas Alliance of Groundwater Districts
 
Eukaryotic Transcription Presentation.pptx
Eukaryotic Transcription Presentation.pptxEukaryotic Transcription Presentation.pptx
Eukaryotic Transcription Presentation.pptx
RitabrataSarkar3
 
Shallowest Oil Discovery of Turkiye.pptx
Shallowest Oil Discovery of Turkiye.pptxShallowest Oil Discovery of Turkiye.pptx
Shallowest Oil Discovery of Turkiye.pptx
Gokturk Mehmet Dilci
 
Cytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptxCytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptx
Hitesh Sikarwar
 
THEMATIC APPERCEPTION TEST(TAT) cognitive abilities, creativity, and critic...
THEMATIC  APPERCEPTION  TEST(TAT) cognitive abilities, creativity, and critic...THEMATIC  APPERCEPTION  TEST(TAT) cognitive abilities, creativity, and critic...
THEMATIC APPERCEPTION TEST(TAT) cognitive abilities, creativity, and critic...
Abdul Wali Khan University Mardan,kP,Pakistan
 
Compexometric titration/Chelatorphy titration/chelating titration
Compexometric titration/Chelatorphy titration/chelating titrationCompexometric titration/Chelatorphy titration/chelating titration
Compexometric titration/Chelatorphy titration/chelating titration
Vandana Devesh Sharma
 
Authoring a personal GPT for your research and practice: How we created the Q...
Authoring a personal GPT for your research and practice: How we created the Q...Authoring a personal GPT for your research and practice: How we created the Q...
Authoring a personal GPT for your research and practice: How we created the Q...
Leonel Morgado
 
Deep Software Variability and Frictionless Reproducibility
Deep Software Variability and Frictionless ReproducibilityDeep Software Variability and Frictionless Reproducibility
Deep Software Variability and Frictionless Reproducibility
University of Rennes, INSA Rennes, Inria/IRISA, CNRS
 
Oedema_types_causes_pathophysiology.pptx
Oedema_types_causes_pathophysiology.pptxOedema_types_causes_pathophysiology.pptx
Oedema_types_causes_pathophysiology.pptx
muralinath2
 
aziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobelaziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobel
İsa Badur
 
Applied Science: Thermodynamics, Laws & Methodology.pdf
Applied Science: Thermodynamics, Laws & Methodology.pdfApplied Science: Thermodynamics, Laws & Methodology.pdf
Applied Science: Thermodynamics, Laws & Methodology.pdf
University of Hertfordshire
 
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
yqqaatn0
 

Recently uploaded (20)

SAR of Medicinal Chemistry 1st by dk.pdf
SAR of Medicinal Chemistry 1st by dk.pdfSAR of Medicinal Chemistry 1st by dk.pdf
SAR of Medicinal Chemistry 1st by dk.pdf
 
20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx
 
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
在线办理(salfor毕业证书)索尔福德大学毕业证毕业完成信一模一样
 
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
EWOCS-I: The catalog of X-ray sources in Westerlund 1 from the Extended Weste...
 
8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf
 
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdfTopic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
 
ESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptxESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptx
 
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdfwaterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
waterlessdyeingtechnolgyusing carbon dioxide chemicalspdf
 
Sharlene Leurig - Enabling Onsite Water Use with Net Zero Water
Sharlene Leurig - Enabling Onsite Water Use with Net Zero WaterSharlene Leurig - Enabling Onsite Water Use with Net Zero Water
Sharlene Leurig - Enabling Onsite Water Use with Net Zero Water
 
Eukaryotic Transcription Presentation.pptx
Eukaryotic Transcription Presentation.pptxEukaryotic Transcription Presentation.pptx
Eukaryotic Transcription Presentation.pptx
 
Shallowest Oil Discovery of Turkiye.pptx
Shallowest Oil Discovery of Turkiye.pptxShallowest Oil Discovery of Turkiye.pptx
Shallowest Oil Discovery of Turkiye.pptx
 
Cytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptxCytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptx
 
THEMATIC APPERCEPTION TEST(TAT) cognitive abilities, creativity, and critic...
THEMATIC  APPERCEPTION  TEST(TAT) cognitive abilities, creativity, and critic...THEMATIC  APPERCEPTION  TEST(TAT) cognitive abilities, creativity, and critic...
THEMATIC APPERCEPTION TEST(TAT) cognitive abilities, creativity, and critic...
 
Compexometric titration/Chelatorphy titration/chelating titration
Compexometric titration/Chelatorphy titration/chelating titrationCompexometric titration/Chelatorphy titration/chelating titration
Compexometric titration/Chelatorphy titration/chelating titration
 
Authoring a personal GPT for your research and practice: How we created the Q...
Authoring a personal GPT for your research and practice: How we created the Q...Authoring a personal GPT for your research and practice: How we created the Q...
Authoring a personal GPT for your research and practice: How we created the Q...
 
Deep Software Variability and Frictionless Reproducibility
Deep Software Variability and Frictionless ReproducibilityDeep Software Variability and Frictionless Reproducibility
Deep Software Variability and Frictionless Reproducibility
 
Oedema_types_causes_pathophysiology.pptx
Oedema_types_causes_pathophysiology.pptxOedema_types_causes_pathophysiology.pptx
Oedema_types_causes_pathophysiology.pptx
 
aziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobelaziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobel
 
Applied Science: Thermodynamics, Laws & Methodology.pdf
Applied Science: Thermodynamics, Laws & Methodology.pdfApplied Science: Thermodynamics, Laws & Methodology.pdf
Applied Science: Thermodynamics, Laws & Methodology.pdf
 
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
原版制作(carleton毕业证书)卡尔顿大学毕业证硕士文凭原版一模一样
 

[CVPR2020] Simple but effective image enhancement techniques

  • 1. Image Enhancement via a Simple but (very) Effective way Style transfer your image in “photographic way”, e.g., day2sunset. “CutBlur”: a powerful data augmentation method for various low-level vision. Jaejun Yoo AI research scientist / Clova AI Postdoctoral researcher / EPFL Code, generated images, and pre-trained models are all available at github.com/clovaai/WCT2 Code, generated images, and pre-trained models are all available at github.com/clovaai/cutblur Leave your contact information and feedback here. Join Clova !
  • 2. Image enhancement Image enhancement is the process of adjusting digital images so that the results are more suitable for display or further image analysis. Traditionally… Low resolution Baseline Proposed Denoising Super-resolution
  • 3. Image enhancement (extended) Image enhancement is the process of adjusting digital images so that the results are more suitable for display or further image analysis. Traditionally… + generate (or translate into) an authentic image
  • 4. • WCT2: Photorealistic Style Transfer via Wavelet Transforms (ICCV’19) Clearer (authentic) output with 840 times faster and 51% lighter (in memory) model (Current SOTA) • CutBlur: Rethinking Data Augmentation for Image Super-resolution (CVPR’20) Current SOTA in Real-world Super-resolution (RealSR) • SimUSR: A Simple but Strong Baseline for Unsupervised Image Super-resolution (CVPRW’20) Ranked PSNR 1st and SSIM 2nd in unsupervised Super-resolution Competition (NTIRE) Contents Our goal: Solving these problems in a simple and intuitive way while also achieving huge improvement over the previous SOTA.
  • 5. WCT2 (ICCV’19) : A simple correction of the network architecture using wavelets Clova AI Research 1 Yonsei University 2 Jaejun Yoo1* Youngjung Uh1* Sanghyuk Chun1* Byeongkyu Kang1,2 Jung-Woo Ha1 Leave your contact information and feedback here. Join Clova !
  • 6. Gatys et al. CVPR ‘16 using CNN representation (VGG) Artistic Style Transfer
  • 7. Neural Style Algorithm !" " # ∗ % !# != '()*(!) " " Noise - Style . ||' ⋅ − '(⋅)|| ||' ⋅ − '(⋅)|| ||' ⋅ − '(⋅)|| ||' ⋅ − '(⋅)|| • Matching Gram matrix
  • 8. Neural Style Algorithm Noise ! Style " Content # ||% ⋅ − %(⋅)||, ||(⋅) − (⋅)|| ||% ⋅ − %(⋅)||, ||(⋅) − (⋅)|| ||% ⋅ − %(⋅)||, ||(⋅) − (⋅)|| ||% ⋅ − %(⋅)||, ||(⋅) − (⋅)|| - from Gatys et al., CVPR 2016
  • 9. Transfer your style in “photographic way”, e.g., day2sunset, day2night, etc. Photorealistic Style Transfer
  • 10. Artistic: Whitening and Coloring Transforms (WCT) orthogonal matrix of eigenvectors diagonal matrix with the eigenvalues of the covariance matrix Whitening centered content feature - from Yi et al., NIPS 2017
  • 11. Artistic: Whitening and Coloring Transforms (WCT) orthogonal matrix of eigenvectors diagonal matrix with the eigenvalues of the covariance matrix Whitening centered content feature - from Yi et al., NIPS 2017
  • 12. Artistic: Whitening and Coloring Transforms (WCT) orthogonal matrix of eigenvectors Coloring centered style feature diagonal matrix with the eigenvalues of the covariance matrix - from Yi et al., NIPS 2017
  • 13. Artistic: Whitening and Coloring Transforms (WCT) Contents Single level Multi level - from Yi et al., NIPS 2017
  • 14. PhotoWCT WCT (artistic model) : “VGG decoder uses nearest-neighbor upsampling” PhotoWCT (photorealistic model) - from Yi et al., ECCV 2018 “Provide decoder the location where the pooling operation happened (unpooling)” √ √ √ √ √ √ √
  • 15. PhotoWCT Content WCT PhotoWCT “Providing the index to the decoder (unpooling) is actually not that effective?”
  • 16. PhotoWCT Content PhotoWCT + smoothing PhotoWCT * in seconds “In fact, the post-processing (smoothing) was doing every job.”
  • 17. Content PhotoWCT + smoothing * in seconds PhotoWCT Ours * Yoo et al., ICCV 2019 “Our new model show better performance even without any post-processing!
  • 18. WCT via Wavelet Corrected Transforms (WCT2) To enforce the Encoder-Decoder to learn a function, which has a good property: 1. Should play a similar role to the original pooling (global filter), 2. Shoud not lose the information during the encoding and decoding process, 3. Should be able to represent the features of input images.
  • 19. WCT via Wavelet Corrected Transforms (WCT2) * Theoretical motivation: Perfect reconstruction (PR) condition To enforce the Encoder-Decoder to learn a function, which has a good property: 1. Should play a similar role to the original pooling (global filter), 2. Shoud not lose the information during the encoding and decoding process, 3. Should be able to represent the features of input images.
  • 20. WCT via Wavelet Corrected Transforms (WCT2) To enforce the Encoder-Decoder to learn a function, which has a good property: 1. Should play a similar role to the original pooling (global filter), 2. Shoud not lose the information during the encoding and decoding process, 3. Should be able to represent the features of input images.
  • 21. WCT via Wavelet Corrected Transforms (WCT2) 1 1 1 1 1 -1 1 -1 1 1 -1 -1 1 -1 -1 1 1 2 ∗ LL HHHLLH 1 2 ∗ To enforce the Encoder-Decoder to learn a function, which has a good property: 1. Should play a similar role to the original pooling (global filter), 2. Shoud not lose the information during the encoding and decoding process, 3. Should be able to represent the features of input images.
  • 22. WCT via Wavelet Corrected Transforms (WCT2) - removing multi-level stylization (less error propagation) 1. Better stylization (6 times more preferred by users) 2. Faster model (840 times acceleration than the previous SOTA) 3. Lighter model (51% less memory than the previous SOTA) 4. Stronger model (The only model that can process 1k sized resolution image under 4 sec.) To enforce the Encoder-Decoder to learn a function, which has a good property:
  • 23. WCT via Wavelet Corrected Transforms (WCT2) content style content style content style content style 5
  • 24. WCT via Wavelet Corrected Transforms (WCT2) content style content style content style content style
  • 25. WCT via Wavelet Corrected Transforms (WCT2) “Photorealistic video stylization results (from day-to-sunset). Given a style and video frames (top), we show the results by WCT2 (middle) and PhotoWCT (bottom) without semantic segmentation and post-processing. Despite the lack of segmentation map, WCT2 shows photorealistic results while keeping temporal consistency. On the other hand, PhotoWCT generates spotty and varying artifacts over frames, which harm the photorealism.” * Video Style Transfer Sequential consistency over the frames without imposing further constraints.
  • 26. WCT via Wavelet Corrected Transforms (WCT2) IDEAL CASE * User study results 40 pairs of content and style 41 subjects * Computational cost (seconds) * SSIM index vs. Style loss
  • 27. Substitute all pooling layers to wavelet filters (wavelet corrected transform) • Note that this is a general architecture change and not bound to the stylization method! • You can use our wavelet corrected model with other methods such as AdaIN. Enjoy the power of lossless image reconstructing network! • Note that this also opens a new venue to the other applications such as image restoration tasks! (e.g., denoising, super-resolution, dehazing, etc.) Summary Simple solution, But Effective !
  • 28. CutBlur (CVPR’20) : The first data augmentation method for various low-level vision tasks Clova AI Research 1 Ajou University 2 Jaejun Yoo1* Namhyuk Ahn1,2* Kyung-Ah Shon2 Leave your contact information and feedback here. Join Clova !
  • 29. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 30. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 31. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 32. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 33. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 34. Some spoilers J • First to provide comprehensive analysis of recent DA’s on Super-resolution (SR) • A new data augmentation (DA) strategy “CutBlur” is proposed. • Our method provide consistent and significant improvements in the SR task. • By just applying our DA method, the model of ‘17 can already achieve the state-of- the-art (SOTA) performance in RealSR competition • Last but not least, our method also improves other low-level vision tasks, such as denoising and compression artifact removal.
  • 35. Motivation * Various levels of vision tasks High-level: Semantic recognition (e.g., classification, object detection) Mid-level: Super-pixel (e.g., segmentation) Low-level: Pixels, Edges, Colors (e.g., super-resolution, denoising) MixUp, Cutout, CutMix …
  • 36. Motivation * Various levels of vision tasks High-level: Semantic recognition (e.g., classification, object detection) Mid-level: Super-pixel (e.g., segmentation) Low-level: Pixels, Edges, Colors (e.g., super-resolution, denoising) ????? MixUp, Cutout, CutMix …
  • 37. Analysis on existing DA methods “Sharp transitions, mixed image contents or losing the relationships of pixels can degrade SR performance.” e.g., Cutout fails (discarding pixels) and every feature method fails (manipulation). Training curves when applied feature DA’s
  • 38. Analysis on existing DA methods • DA methods in pixel space bring some improvements when applied very carefully.
  • 39. Analysis on existing DA methods • DA methods in pixel space bring some improvements when applied very carefully. • Cutout: Original setting (drop 25% of of pixels in a rectangular shape) significantly degrades the performance because it erases spatial information too much. However, erasing tiny amount of pixels (0.1% random pixels) boosts the performance (2~3 pixels of 48x48 input patch)
  • 40. Analysis on existing DA methods • DA methods in pixel space bring some improvements when applied very carefully. • Mixup & CutMix: Improvements of using CutMix are marginal. We suspect this happens because CutMix generates a drastic sharp transition between two different images. Improvements of using Mixup is better than CutMix but it still generates unrealistic image and affects to the image structure. Mixup CutMix
  • 41. Analysis on existing DA methods • DA methods in pixel space bring some improvements when applied very carefully. • CutMixup: To verify our hypothesis, we combine benefits of Mixup and CutMix; CutMixup. CutMixupt provides various boundary cases while minimizes the sharp transition by retaining partial cues as Mixup does. CutMixup
  • 42. Analysis on existing DA methods • DA methods in pixel space bring some improvements when applied very carefully. • Blend & RGB permutation: To push further, we tried a constant blending and RGB channel permutation, which turn out to be very simple but effective strategies showing big performance enhancement (dB). Note that both methods do not incur any structure modification to an image. BlendRGB perm.
  • 44. CutBlur • What does the model learn from CutBlur? • CutBlur prevents the SR model from over-sharpening an image and helps it to super-resolve only the necessary region. Super-resolution results of a model (EDSR) trained without CutBlur and its error residual (Δ) Error residual (Δ)Output
  • 45. CutBlur • What does the model learn from CutBlur? • CutBlur prevents the SR model from over-sharpening an image and helps it to super-resolve only the necessary region. Super-resolution results of a model (EDSR) trained CutBlur and its error residual (Δ) Error residual (Δ)Output with
  • 46. Improved generalization: over-sharpening • Super-resolution (SR) • Trained on ×4 scale factor dataset and tested on different scale factor (×2)
  • 47. Improved generalization: over-smoothing • Denoising • Trained on severe noise (! = 70) & tested on mild noise (! = 30).
  • 48. Improved generalization: over-removal • JPEG artifact removal • Trained on a mild compression rate & tested on a severe compression rate
  • 49. Mixture of Augmentation (MoA) • During the training phase … • Randomly select single augmentation at every step. (among the curated DA list) • Apply it!
  • 50. Comparison on diverse benchmark models and datasets • SRCNN (0.07M) – ECCV’14, CARN (1.14M) – ECCV’18, RCAN (15.6M) – ECCV’18, EDSR (43.1M) – CVPRW’17 • DIV2K (synthetic), RealSR (real-world) • Our method shows consistent improvement for different models (parameters) and datasets (different environments and size):
  • 51. Use CutBlur; cut-and-paste the LQ images to the corresponding HQ images (or vice versa)! Use our curated list of augmentation methods to further improve the performance! Mixture of Augmentation Enjoy the at minimum 0.22dB performance boosting of your model J + additional positive side-effects as well Summary Simple solution, But Effective !
  • 52. SimUSR (CVPRW’20) : Simple but Strong Baseline for Unsupervised Image Super-resolution Clova AI Research 1 Ajou University 2 Jaejun Yoo1* Kyung-Ah Shon2Namhyuk Ahn1,2* Leave your contact information and feedback here. Join Clova !
  • 57. Zero-shot SR (ZSSR); previous SOTA • Tackles the truly unsupervised SR task (no !"# given) • Use only a single LR image (!$#) • Runs both training and inference online (runtime) • Training: Optimize image-specific network using !$# % , !$# , where !$# % is downsampled version of !$# • Inference: Same as the supervised SR • Pros and Cons: • ! Single image is required; learns internal statistics • " Extremely high latency • " Hard to benefit from a large capacity network
  • 58. Zero-shot SR (ZSSR); previous SOTA • Tackles the truly unsupervised SR task (no !"# given) • Use only a single LR image (!$#) • Runs both training and inference online (runtime) • Training: Optimize image-specific network using !$# % , !$# , where !$# % is downsampled version of !$# • Inference: Same as the supervised SR • Pros and Cons: • ! Single image is required; learns internal statistics • " Extremely high latency • " Hard to benefit from a large capacity network
  • 59. Our method: SimUSR • Relax the constraints of ZSSR by assuming that LR images ("#$% , . . . , "#$( ) are easy to collect • Train the model offline and inference online • Generate ("#$* + , "#$* ) following the ZSSR • Now, unsupervised SR turns into the supervised • Benefits of SimUSR • ! Low latency • ! Enjoy every advantages of supervised framework • Can use any network unlike ZSSR and MZSR [1] • Can apply data augmentation [2]
  • 60. Our method: SimUSR • Relax the constraints of ZSSR by assuming that LR images ("#$% , . . . , "#$( ) are easy to collect • Train the model offline and inference online • Generate ("#$* + , "#$* ) following the ZSSR • Now, unsupervised SR turns into the supervised • Benefits of SimUSR • ! Low latency • ! Enjoy every advantages of supervised framework • Can use any network unlike ZSSR and MZSR [1] • Can apply data augmentation [2] • Yes! We are just doing a supervised learning method at one scale lower space and relying on its generalizability on different scales.
  • 61. Our method: SimUSR • Relax the constraints of ZSSR by assuming that LR images ("#$% , . . . , "#$( ) are easy to collect • Train the model offline and inference online • Generate ("#$* + , "#$* ) following the ZSSR • Now, unsupervised SR turns into the supervised • Benefits of SimUSR • ! Low latency • ! Enjoy every advantages of supervised framework • Can use any network unlike ZSSR and MZSR [1] • Can apply data augmentation [2] • Though this line of study is easy to think of and thus SHOULD HAVE BEEN investigated prior to any complicated unsupervised methods, surprisingly, there are currently NONE.
  • 62. Our method: SimUSR • Relax the constraints of ZSSR by assuming that LR images ("#$% , . . . , "#$( ) are easy to collect • Train the model offline and inference online • Generate ("#$* + , "#$* ) following the ZSSR • Now, unsupervised SR turns into the supervised • Benefits of SimUSR • ! Low latency • ! Enjoy every advantages of supervised framework • Can use any network unlike ZSSR and MZSR [1] • Can apply data augmentation [2] • Even more, this simple method outperforms the SOTA method with a dramatically shorter latency at runtime, and significantly reduces the gap to the supervised models.
  • 63. Experiment: Bicubic SR • To analyze multiple methods simultaneously in the supervised setup • Compare supervised SR / ZSSR / SimUSR • For SimUSR, we use CARN / RCAN / EDSR as a backbone • SimUSR shows large improvement over the ZSSR (Table 1) • Larger network achieves better performance (e.g. CARN vs. RCAN) • SimUSR further reduces the gap to supervised SR using augmentation (Table 2) Note that ours are achieving almost similar performance with the supervised SR.
  • 64. Experiment: Real-world SR • Compare ZSSR and our SimUSR on NTIRE 2020 dataset : We improved the previous SOTA based on our observations 1) ZSSR suffers from noise → add BM3D as pre-processing 2) Certain data augmentation harms the performance → remove Affine transformation
  • 65. Experiment: Real-world SR • Compare ZSSR and our SimUSR on NTIRE 2020 dataset : We improved the previous SOTA based on our observations 1) ZSSR suffers from noise → add BM3D as pre-processing 2) Certain data augmentation harms the performance → remove Affine transformation • Our SimUSR outperforms ZSSR in a huge margin on both SR performance and latency
  • 66. Qualitative comparison and competition results NTIRE 20 Real-world SR challenge Track 1 (image processing artifact) • 1st rank of PSNR • 2nd rank of SSIM • 13th rank of LPIPS Bicubic dataset NTIRE 2020 dataset
  • 67. Solve the supervised learning problem in the one-scale lower and apply it to the original problem! Use our data augmentation methods for better generalization J Enjoy the SOTA performance in the unsupervised SR world J Summary Simple solution, But Effective !
  • 68. Style transfer your image in “photographic way”, e.g., day2sunset. “CutBlur”: a powerful data augmentation method for various low-level vision. That’s all! Enjoy your CVPR! Code, generated images, and pre-trained models are all available at github.com/clovaai/WCT2 Code, generated images, and pre-trained models are all available at github.com/clovaai/cutblur Leave your contact information and feedback here. Join Clova!
  • 70. Other pooling & unpoolings Analysis
  • 72. Frame-based signal reconstruction : Perfect reconstruction condition and tight wavelet frames Theory