SlideShare a Scribd company logo
1 of 91
Download to read offline
Overview of GAN
▪ Generative
–Can generate samples
▪ Adversarial
–Trained by competing each other
▪ Networks
–Use neural networks
Definition
Generative Adversarial Networks
▪ Discriminative Models
–Given X, predict Y
–We learn P(Y | X) directly
–We cannot can generate samples
–Examples
• Logistic regression, SVM, CRF, Decision trees
▪ Generative models
–Given X, predict P(X|Y)
–We learn P(X, Y)
–We can generate samples from P(X)
–Examples
• Markov chains, Naïve Bayes, GMM
Discriminative Models vs Generative Models
Generative Models?
Richard Feynmann
▪ Given dataset examples from true data distribution ,
we train a neural network with parameter , which map data points from known distribution
(such as Gaussian) to some predicted distribution by minimizing some loss (i.e. KL
divergence) between and .
General Formulation
Learning Generative Model
https://blog.openai.com/generative-models/
▪ Adversarial Training between Discriminator vs Generator
–Discriminator is a classifier that determines whether given images is real data from the world
or fake data synthesized by generator.
–Proposed by Ian Goodfellow(NIPS 2014)
Discriminator vs Generator
Adversarial Networks?
https://www.oreilly.com/learning/generative-adversarial-networks-for-beginners?imm_mid=0f6436&cmp=em-data-na-na-newsltr_ai_20170918
VS
▪ Alternate the training of discriminator and generator until convergence(may not happen)
Overview
Training GAN
https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
▪ Fix the generator, then train discriminator to distinguish samples of real images from samples
synthesized by the generator
Discriminator Training
Training GAN
https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
▪ Fix the discriminator, then train generator from the feedback of discriminator using samples
synthesized by the generator
Generator Training
Training GAN
https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
▪ Training GAN is a minmax problem where
–The discriminator D tries to maximize its classification accuracy
–The generator G tries to minimize the discriminator’s classification accuracy
–The optimal solution for D
–The optimal solution for G
Mathematical Formulation
Training GAN
Iam Goodfellow et. al, NIPS 2014
Maximized by D Minimized by G
(in practice, we maximize )
Training Algorithm
Training GAN
Iam Goodfellow et. al, NIPS 2014
Discriminator Training
Generator Training
▪ With the optimal discriminator, training GAN is equivalent to minimizing Jensen-Shannon
divergence as
What happens during the training of GAN?
Why GAN Works?
http://videolectures.net/site/normal_dl/tag=1129740/deeplearning2017_courville_generative_models_01.pdf
Christian Leidig et. al, CVPR 2017
the only solution is
Visualization of samples generated from trained Generator
Generating Samples from GAN
Iam Goodfellow et. al, NIPS 2014
Deep Convolutional GAN
Improving Vanilla GAN
Alec Radford et. al, ICLR 2016
▪ LSUN bedroom dataset
Deep Convolutional GAN – Generated Samples
Improving Vanilla GAN
Alec Radford et. al, ICLR 2016
Deep Convolutional GAN – Vector Space Arithmetic
Improving Vanilla GAN
Alec Radford et. al, ICLR 2016
Improvement over Vanilla GAN
“GAN Zoo”
GAN Papers
https://github.com/hindupuravinash/the-gan-zoo
▪ Replace discriminator loss from binary cross entropy to least square loss
Least Square GAN(LS-GAN)
Improving Loss Function of GAN
Xudong Mao et. al, arXiv 2016
They don’t move.
0
1
▪ Is JS divergence good enough to train GAN?
Wasserstein GAN(WGAN)
Improving Loss Function of GAN
Martin Arjovsky et. al, arXiv 2016
Continuous everywhere and differentiable almost everywhere
Vanishing gradient and bad convergence
▪ WGAN objective function
▪ How can we efficiently enforce the Lipschitz
constraint on the critic D ?
–Weight clipping
Wasserstein GAN(WGAN)
Improving Loss Function of GAN
𝐷 𝑥1 − 𝐷 𝑥2 ≤ 𝐾 𝑥1 − 𝑥2 , K=1
Martin Arjovsky et. al, arXiv 2016
▪ Learning curve and sample quality
Wasserstein GAN(WGAN)
Improving Loss Function of GAN
Vanilla GAN
WGAN
Martin Arjovsky et. al, arXiv 2016
▪ Issues with Weight Clipping
–Fail to capture higher moments of the data distribution
–Either exploding or vanishing gradient
Wasserstein GAN with Gradient Penalty(WGAN-GP)
Improving Loss Function of GAN
Weight
Clipping
Gradient
Clipping
Ishaan Gulrajani et. al, NIPS 2017
▪ WGAN with Gradient Penalty
–Penalize the norm of the gradient instead of clipping the weights of critics
Wasserstein GAN with Gradient Penalty(WGAN-GP)
Improving Loss Function of GAN
Ishaan Gulrajani et. al, NIPS 2017
▪ Comparison of various loss functions and their sample quality
Wasserstein GAN with Gradient Penalty(WGAN-GP)
Improving Loss Function of GAN
Ishaan Gulrajani et. al, NIPS 2017
Generation of Conditioned Samples by GANs
▪ Conditioning the model on additional information for better multi-modal learning
Conditional GAN(CGAN)
Conditional Generation
Mirza et. al, arXiv 2014
https://github.com/hwalsuklee/tensorflow-generative-model-collections
▪ Disentangle individual dimensions in latent vector for capturing key attributes
InfoGAN
Conditional Generation
Xi Chen et al arXiv 2016
https://github.com/hwalsuklee/tensorflow-generative-model-collections
▪ Examples
InfoGAN
Conditional Generation
Xi Chen et al arXiv 2016
▪ Use both real/fake and label classifiers for discriminator training
Auxiliary Classifier GAN(AC-GAN)
Conditional Generation
Augustus Odena et al arXiv 2016
https://github.com/hwalsuklee/tensorflow-generative-model-collections
Recent GANs and Their Applications
▪ “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”
–Perceptual Loss
GAN for Image Super Resolution
SRGAN
Chrisitan Leidig et al, CVPR 2017
▪ Super Resolution Results
GAN for Image Super Resolution
SRGAN
Chrisitan Leidig et al, CVPR 2017
▪ Super Resolution Results
GAN for Image Super Resolution
SRGAN
Chrisitan Leidig et al, CVPR 2017
▪ “Image-to-Image Translation with Conditional Adversarial Networks”
Conditional GAN for Image Domain Transfer
Image-to-Image Translation
Phillip Isola et al, CVPR 2017
▪ Image Translation Results
Conditional GAN for Image Domain Transfer
Image-to-Image Translation
Phillip Isola et al, CVPR 2017
▪ Image Translation Results
Conditional GAN for Image Domain Transfer
Image-to-Image Translation
Phillip Isola et al, CVPR 2017
▪ “Generative Adversarial Text to Image Synthesis”
–Generator is conditioned on text embedding
–Discriminator uses both visual and textual features by concatenation
Conditional GAN for Text to Image Translation
Text2Image
Scott Reed et al, ICML 2016
▪ Text-to-Image Translation Results
Conditional GAN for Text to Image Translation
Text2Image
Scott Reed et al, ICML 2016
▪ “Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks”
–Generate high-resolution images from text by stacking conditional GANs
Stacked Conditional GAN for Text to Image Translation
StackGAN
Han Zhang et al, ICCV 2017
▪ Text-to-Image Translation Results
Stacked Conditional GAN for Text to Image Translation
StackGAN
Han Zhang et al, ICCV 2017
▪ Text-to-Image Translation Results
Stacked Conditional GAN for Text to Image Translation
StackGAN
Han Zhang et al, ICCV 2017
▪ “Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks”
Unpaired Image Translation
CycleGAN
Jun-Yan Zhu et al, ICCV 2017
▪ Paired/Unpaired and Generated Image/Reconstruction
Unpaired Image Translation
CycleGAN
Jun-Yan Zhu et al, ICCV 2017
▪ Image Translation Example
Unpaired Image Translation
CycleGAN
Jun-Yan Zhu et al, ICCV 2017
▪ “StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation”
–Instead of training generators for each source-domain pair, we can train one generator handling
multiple domains to utilize all training dataset for all domain pairs and even for different dataset
Multi-domain Image-to-Image Translation with a Single Network
StarGAN
for real
for fake
Yunjey Choi et. al, CVPR 2018
▪ Multi-domain Translation Result
Multi-domain Image-to-Image Translation with a Single Network
StarGAN
Yunjey Choi et. al, CVPR 2018
▪ Use of ‘mask vector’ to jointly train multiple dataset
Multi-domain Image-to-Image Translation with a Single Network
StarGAN
Yunjey Choi et. al, CVPR 2018
▪ Use of ‘mask vector’ to jointly train multiple dataset
Multi-domain Image-to-Image Translation with a Single Network
StarGAN
Yunjey Choi et. al, CVPR 2018
▪ Multi-domain Translation Results
Multi-domain Image-to-Image Translation with a Single Network
StarGAN
Yunjey Choi et. al, CVPR 2018
▪ “Learning from Simulated and Unsupervised Images through Adversarial Training”
Refining Simulated Image for Data Augmentation
SimGAN
Ashish Shrivastava et. al, CVPR 2017
Self-regularization loss
▪ “Learning from Simulated and Unsupervised Images through Adversarial Training”
Refining Simulated Image for Data Augmentation
SimGAN
Ashish Shrivastava et. al, CVPR 2017
Visual Turing Test d=7 degree
GANs in Medical Imaging
–In many cases, data augmentation techniques used in natural images does not semantically
make sense in medical image
(flips, rotations, scale shifts, color shifts)
–Physically-plausible deformations or morphological transform can be used in limited cases.
–More augmentation choices for texture classification problems.
Data Augmentation for Effective Training Set Expansion
Medical Data Generation
Source : H. R. Roth et. al., MICCAI, 2015
Generation of synthetic dataset for dataset expansion
Medical Data Generation
M.J.M. Chuquicusma, ISBI 2018
▪ “How To Fool Radiologists with Generative Adversarial Networks? A Visual Turing Test For
Lung Cancer Diagnosis”
Generation of synthetic dataset for dataset expansion
Medical Data Generation
M.J.M. Chuquicusma, ISBI 2018
▪ Visual Turing Test
▪ “Synthetic Medical Images from Dual Generative Adversarial Networks”
Generation of Fundus Image using Dual GANs
Medical Data Generation
John T. Guibas et. al, NIPS Workshop 2017
▪ “Synthetic Medical Images from Dual Generative Adversarial Networks”
Generation of Fundus Image using Dual GANs
Medical Data Generation
John T. Guibas et. al, NIPS Workshop 2017
▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver
Lesion Classification”
Liver Lesion Generation for Data Augmentation
Medical Data Generation
Maayan Frid-Ada et. al, ISBI 2018
▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver
Lesion Classification”
Liver Lesion Generation for Data Augmentation
Medical Data Generation
Maayan Frid-Ada et. al, ISBI 2018
Classical Augmentation
(Translation, Rotation, Flip, Scaling)
Augmentation using GAN
▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver
Lesion Classification”
Liver Lesion Generation for Data Augmentation
Medical Data Generation
Maayan Frid-Ada et. al, ISBI 2018
▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver
Lesion Classification”
Liver Lesion Generation for Data Augmentation
Medical Data Generation
Maayan Frid-Ada et. al, ISBI 2018
▪ “Generalization of Deep Neural Networks for Chest Pathology Classification in X-ray using
Generative Adversarial Networks”
Chest X-ray Generation for Data Augmentation
Medical Data Generation
Hojjat Salehinejad et. al, ICASSP 2018
▪ Generated Samples and Performance Improvement by Synthetic Augmentation
Chest X-ray Generation for Data Augmentation
Medical Data Generation
Hojjat Salehinejad et. al, ICASSP 2018
▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks
for Robust Lung Segmentation”
Lung Nodule Synthesis for Lung Segmentation
Medical Data Synthesis
▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks
for Robust Lung Segmentation”
Lung Nodule Synthesis for Lung Segmentation
Medical Data Synthesis
D. Jin et. al, MICCAI 2018
▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks
for Robust Lung Segmentation”
Lung Nodule Synthesis for Lung Segmentation
Medical Data Synthesis
D. Jin et. al, MICCAI 2018
▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks
for Robust Lung Segmentation”
Lung Nodule Synthesis for Lung Segmentation
Medical Data Synthesis
D. Jin et. al, MICCAI 2018
▪ StainGAN: Stain Style Transfer for Digital Histological Images
– Exploit Cycle-consistency to learn stain style transfer between source and target domain.
Stain Style Transfer
Domain Transfer
M. T. Shaban et. al., https://arxiv.org/abs/1804.01601
▪ StainGAN: Stain Style Transfer for Digital Histological Images
– Exploit Cycle-consistency to learn stain style transfer between source and target domain.
Stain Style Transfer
Domain Transfer
M. T. Shaban et. al., https://arxiv.org/abs/1804.01601
Style transfer between scanners(Aperio to Hamamatsu)
ROC curve of pre-processed test set
using different stain normalization methods
▪ “Visual Feature Attribution using Wasserstein GANs “
VA-GAN : Understanding Visual Feature Attribution for Alzheimer Disease
Visual Feature Attribution
Christian F. Baumgatrner et. al, arXiv 2018
Overall Objective
GAN Loss Term
RegularizationTerm
▪ “Visual Feature Attribution using Wasserstein GANs “
VA-GAN : Understanding Visual Feature Attribution for Alzheimer Disease
Visual Feature Attribution
Christian F. Baumgatrner et. al, arXiv 2018
Enhance the quality of low-dose CT to normal-dose CT
Synthesis or Enhancement of Medical Image
Dong Nie et. al, MICCAI 2017
▪ “Medical Image Synthesis using Context-aware Generative Adversarial Networks”
Unpaired image translation from MR to CT using CycleGAN
Synthesis or Enhancement of Medical Image
Jelmer M. Wolterink et. al, MICCAI 2017 Workshop
Setting Mean Absolute Error
Paired Voxel-wise Loss 89.4 ± 6.8 HU
Unpaired Cycle Consistency Loss 73.7 ± 2.3 HU
▪ “Deep MR to CT Synthesis using Unpaired Data”
Enhance the quality of low-dose CT to normal-dose CT
Synthesis or Enhancement of Medical Image
J. M. Wolterink et. al, IEEE Trans. Medical Imaging
▪ “Generative Adversarial Networks for Noise Reduction in Low-Dose CT”
Deep learning for undersampled MRI reconstruction
Synthesis or Enhancement of Medical Image
Tran Min Quan et. al, arXiv 2018
▪ “Compressed Sensing MRI Reconstruction using a Generative Adversarial Network with a Cyclic Loss”
–Problem of compressed sensing MRI reconstruction
–CS-MRI using GAN objective
Deep learning for undersampled MRI reconstruction
Synthesis or Enhancement of Medical Image
Tran Min Quan et. al, arXiv 2018
▪ “Compressed Sensing MRI Reconstruction using a Generative Adversarial Network with a Cyclic Loss”
Deep learning for undersampled MRI reconstruction
Synthesis or Enhancement of Medical Image
Tran Min Quan et. al, arXiv 2018
▪ Experimental Results for Understampled MRI Reconstruction using GAN
Generation of segmentation mask undistinguishable from physician’s mask
Physician Friendly Loss for Segmentation
Source : P. Costa(2017), VUNO(2017)
▪ “Retinal Vessel Segmentation in Fundoscopic Images with Generative Adversarial Networks”
▪ “Adversarial Networks for the Detection of Aggressive Prostate Cancer”
Generation of segmentation mask undistinguishable from physician’s mask
Physician Friendly Loss for Segmentation
Source : S. Kohl et. al(2017)
▪ “SegAN : Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation”
SegAN : Adversarial Network with Multi-scale Loss
Physician Friendly Loss for Segmentation
Yuan Xue et. al, Neuroinformatics, 2018
▪ “SegAN : Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation”
SegAN : Adversarial Network with Multi-scale Loss
Physician Friendly Loss for Segmentation
Yuan Xue et. al, Neuroinformatics, 2018
▪ “Translating and Segmenting Multimodal Medical Volumes with Cycle- and Shape-Consistency
Generative Adversarial Network”
Segmentation of Multimodal Images using Image-to-Image Translation
Multimodal Image Segmentation
Zizhao Zhang et. al, CVPR 2018
▪ “Translating and Segmenting Multimodal Medical Volumes with Cycle- and Shape-Consistency
Generative Adversarial Network”
Segmentation of Multimodal Images using Image-to-Image Translation
Multimodal Image Segmentation
Zizhao Zhang et. al, CVPR 2018
▪ “Deep Multi-Class Segmentation Without Ground-Truth Labels”
Multi-class Cardiac Segmentation without Labels
Unsupervised Segmentation
T. Joyce et. al, MIDL 2018
LS-GAN Loss
Reconstruction Loss
Mask Size Loss
Intensity Consistency Loss
▪ “Deep Multi-Class Segmentation Without Ground-Truth Labels”
Multi-class Cardiac Segmentation without Labels
Unsupervised Segmentation
T. Joyce et. al, MIDL 2018
Conclusion
▪ Image Generation
– Generation of rare cases
– Understanding latent structure of lesions
– Improving the performance of diagnostic models
▪ Image Synthesis and Translation
– Noise reduction, modality translation
– Accelerating image acquisition time
– Improving diagnostic performance
▪ Lesion Detection and Segmentation
– More physician friendly training
– Better performance for lesions or organs with complex structure
▪ Future of GANs in Medical Imaging
– More GANs to come in medical imaging with clinical and commercial values
More GANs in Medical Imaging
Future of GANs
▪ https://github.com/xinario/awesome-gan-for-medical-imaging
Awesome Series by Xinario
Curated List of GANs in Medical Imaging
▪ https://hollobit.github.io/All-About-the-GAN/#doc-medical
All About GAN by Jonathan Jeon
Curated List of GANs in Medical Imaging
khwan.jung@vuno.co
hello@vuno.co
Putting the world’s medical data to work

More Related Content

What's hot

What's hot (20)

Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)
 
Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AIIntro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
 
Mask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationMask-RCNN for Instance Segmentation
Mask-RCNN for Instance Segmentation
 
Responsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons LearnedResponsible AI in Industry: Practical Challenges and Lessons Learned
Responsible AI in Industry: Practical Challenges and Lessons Learned
 
Yolov5
Yolov5 Yolov5
Yolov5
 
A survey of deep learning approaches to medical applications
A survey of deep learning approaches to medical applicationsA survey of deep learning approaches to medical applications
A survey of deep learning approaches to medical applications
 
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
 
Object Detection Using R-CNN Deep Learning Framework
Object Detection Using R-CNN Deep Learning FrameworkObject Detection Using R-CNN Deep Learning Framework
Object Detection Using R-CNN Deep Learning Framework
 
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...
 
Generative Adversarial Networks and Their Applications
Generative Adversarial Networks and Their ApplicationsGenerative Adversarial Networks and Their Applications
Generative Adversarial Networks and Their Applications
 
InfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksInfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial Networks
 
Explainable AI in Healthcare
Explainable AI in HealthcareExplainable AI in Healthcare
Explainable AI in Healthcare
 
Medical Image Synthesis with Improved Cycle-GAN: CT from CECT
Medical Image Synthesis with Improved Cycle-GAN: CT from CECT Medical Image Synthesis with Improved Cycle-GAN: CT from CECT
Medical Image Synthesis with Improved Cycle-GAN: CT from CECT
 
Application of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detectionApplication of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detection
 
Explainable deep learning with applications in Healthcare By Sunil Kumar Vupp...
Explainable deep learning with applications in Healthcare By Sunil Kumar Vupp...Explainable deep learning with applications in Healthcare By Sunil Kumar Vupp...
Explainable deep learning with applications in Healthcare By Sunil Kumar Vupp...
 
GAN in medical imaging
GAN in medical imagingGAN in medical imaging
GAN in medical imaging
 
Explainable AI (XAI)
Explainable AI (XAI)Explainable AI (XAI)
Explainable AI (XAI)
 
Machine Learning for Medical Image Analysis: What, where and how?
Machine Learning for Medical Image Analysis:What, where and how?Machine Learning for Medical Image Analysis:What, where and how?
Machine Learning for Medical Image Analysis: What, where and how?
 

Similar to (20180715) ksiim gan in medical imaging - vuno - kyuhwan jung

ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
宏毅 李
 
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATIONPROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
Willy Marroquin (WillyDevNET)
 
consistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_reviewconsistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_review
Yoonho Na
 
Pratik ibm-open power-ppt
Pratik ibm-open power-pptPratik ibm-open power-ppt
Pratik ibm-open power-ppt
Vaibhav R
 
Webpage Personalization and User Profiling
Webpage Personalization and User ProfilingWebpage Personalization and User Profiling
Webpage Personalization and User Profiling
yingfeng
 

Similar to (20180715) ksiim gan in medical imaging - vuno - kyuhwan jung (20)

Generative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging ApplicationsGenerative Adversarial Networks and Their Medical Imaging Applications
Generative Adversarial Networks and Their Medical Imaging Applications
 
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
 
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATIONPROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
PROGRESSIVE GROWING OF GAN S FOR I MPROVED QUALITY , STABILITY , AND VARIATION
 
Face-GAN project report.pptx
Face-GAN project report.pptxFace-GAN project report.pptx
Face-GAN project report.pptx
 
Face-GAN project report
Face-GAN project reportFace-GAN project report
Face-GAN project report
 
Gan intro
Gan introGan intro
Gan intro
 
Automatic Attendance System using CNN
Automatic Attendance System using CNNAutomatic Attendance System using CNN
Automatic Attendance System using CNN
 
consistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_reviewconsistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_review
 
Generative Adversarial Networks and Their Applications in Medical Imaging
Generative Adversarial Networks  and Their Applications in Medical ImagingGenerative Adversarial Networks  and Their Applications in Medical Imaging
Generative Adversarial Networks and Their Applications in Medical Imaging
 
Pratik ibm-open power-ppt
Pratik ibm-open power-pptPratik ibm-open power-ppt
Pratik ibm-open power-ppt
 
Decomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisDecomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesis
 
[PR12] intro. to gans jaejun yoo
[PR12] intro. to gans   jaejun yoo[PR12] intro. to gans   jaejun yoo
[PR12] intro. to gans jaejun yoo
 
do adversarially robust image net models transfer better
do adversarially robust image net models transfer betterdo adversarially robust image net models transfer better
do adversarially robust image net models transfer better
 
Generative adversarial network and its applications to speech signal and natu...
Generative adversarial network and its applications to speech signal and natu...Generative adversarial network and its applications to speech signal and natu...
Generative adversarial network and its applications to speech signal and natu...
 
Generative Adversarial Network and its Applications to Speech Processing an...
Generative Adversarial Network and its Applications to Speech Processing an...Generative Adversarial Network and its Applications to Speech Processing an...
Generative Adversarial Network and its Applications to Speech Processing an...
 
ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...
ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...
ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...
 
gan.pdf
gan.pdfgan.pdf
gan.pdf
 
(20180728) kosaim workshop vuno - kyuhwan jung
(20180728) kosaim workshop   vuno - kyuhwan jung(20180728) kosaim workshop   vuno - kyuhwan jung
(20180728) kosaim workshop vuno - kyuhwan jung
 
MSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for ADMSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for AD
 
Webpage Personalization and User Profiling
Webpage Personalization and User ProfilingWebpage Personalization and User Profiling
Webpage Personalization and User Profiling
 

Recently uploaded

Recently uploaded (20)

Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
GenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdfGenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdf
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 

(20180715) ksiim gan in medical imaging - vuno - kyuhwan jung

  • 1.
  • 3. ▪ Generative –Can generate samples ▪ Adversarial –Trained by competing each other ▪ Networks –Use neural networks Definition Generative Adversarial Networks
  • 4. ▪ Discriminative Models –Given X, predict Y –We learn P(Y | X) directly –We cannot can generate samples –Examples • Logistic regression, SVM, CRF, Decision trees ▪ Generative models –Given X, predict P(X|Y) –We learn P(X, Y) –We can generate samples from P(X) –Examples • Markov chains, Naïve Bayes, GMM Discriminative Models vs Generative Models Generative Models? Richard Feynmann
  • 5. ▪ Given dataset examples from true data distribution , we train a neural network with parameter , which map data points from known distribution (such as Gaussian) to some predicted distribution by minimizing some loss (i.e. KL divergence) between and . General Formulation Learning Generative Model https://blog.openai.com/generative-models/
  • 6. ▪ Adversarial Training between Discriminator vs Generator –Discriminator is a classifier that determines whether given images is real data from the world or fake data synthesized by generator. –Proposed by Ian Goodfellow(NIPS 2014) Discriminator vs Generator Adversarial Networks? https://www.oreilly.com/learning/generative-adversarial-networks-for-beginners?imm_mid=0f6436&cmp=em-data-na-na-newsltr_ai_20170918 VS
  • 7. ▪ Alternate the training of discriminator and generator until convergence(may not happen) Overview Training GAN https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
  • 8. ▪ Fix the generator, then train discriminator to distinguish samples of real images from samples synthesized by the generator Discriminator Training Training GAN https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
  • 9. ▪ Fix the discriminator, then train generator from the feedback of discriminator using samples synthesized by the generator Generator Training Training GAN https://www.slideshare.net/xavigiro/deep-learning-for-computer-vision-generative-models-and-adversarial-training-upc-2016
  • 10. ▪ Training GAN is a minmax problem where –The discriminator D tries to maximize its classification accuracy –The generator G tries to minimize the discriminator’s classification accuracy –The optimal solution for D –The optimal solution for G Mathematical Formulation Training GAN Iam Goodfellow et. al, NIPS 2014 Maximized by D Minimized by G (in practice, we maximize )
  • 11. Training Algorithm Training GAN Iam Goodfellow et. al, NIPS 2014 Discriminator Training Generator Training
  • 12. ▪ With the optimal discriminator, training GAN is equivalent to minimizing Jensen-Shannon divergence as What happens during the training of GAN? Why GAN Works? http://videolectures.net/site/normal_dl/tag=1129740/deeplearning2017_courville_generative_models_01.pdf Christian Leidig et. al, CVPR 2017 the only solution is
  • 13. Visualization of samples generated from trained Generator Generating Samples from GAN Iam Goodfellow et. al, NIPS 2014
  • 14. Deep Convolutional GAN Improving Vanilla GAN Alec Radford et. al, ICLR 2016
  • 15. ▪ LSUN bedroom dataset Deep Convolutional GAN – Generated Samples Improving Vanilla GAN Alec Radford et. al, ICLR 2016
  • 16. Deep Convolutional GAN – Vector Space Arithmetic Improving Vanilla GAN Alec Radford et. al, ICLR 2016
  • 19. ▪ Replace discriminator loss from binary cross entropy to least square loss Least Square GAN(LS-GAN) Improving Loss Function of GAN Xudong Mao et. al, arXiv 2016 They don’t move. 0 1
  • 20. ▪ Is JS divergence good enough to train GAN? Wasserstein GAN(WGAN) Improving Loss Function of GAN Martin Arjovsky et. al, arXiv 2016 Continuous everywhere and differentiable almost everywhere Vanishing gradient and bad convergence
  • 21. ▪ WGAN objective function ▪ How can we efficiently enforce the Lipschitz constraint on the critic D ? –Weight clipping Wasserstein GAN(WGAN) Improving Loss Function of GAN 𝐷 𝑥1 − 𝐷 𝑥2 ≤ 𝐾 𝑥1 − 𝑥2 , K=1 Martin Arjovsky et. al, arXiv 2016
  • 22. ▪ Learning curve and sample quality Wasserstein GAN(WGAN) Improving Loss Function of GAN Vanilla GAN WGAN Martin Arjovsky et. al, arXiv 2016
  • 23. ▪ Issues with Weight Clipping –Fail to capture higher moments of the data distribution –Either exploding or vanishing gradient Wasserstein GAN with Gradient Penalty(WGAN-GP) Improving Loss Function of GAN Weight Clipping Gradient Clipping Ishaan Gulrajani et. al, NIPS 2017
  • 24. ▪ WGAN with Gradient Penalty –Penalize the norm of the gradient instead of clipping the weights of critics Wasserstein GAN with Gradient Penalty(WGAN-GP) Improving Loss Function of GAN Ishaan Gulrajani et. al, NIPS 2017
  • 25. ▪ Comparison of various loss functions and their sample quality Wasserstein GAN with Gradient Penalty(WGAN-GP) Improving Loss Function of GAN Ishaan Gulrajani et. al, NIPS 2017
  • 26. Generation of Conditioned Samples by GANs
  • 27. ▪ Conditioning the model on additional information for better multi-modal learning Conditional GAN(CGAN) Conditional Generation Mirza et. al, arXiv 2014 https://github.com/hwalsuklee/tensorflow-generative-model-collections
  • 28. ▪ Disentangle individual dimensions in latent vector for capturing key attributes InfoGAN Conditional Generation Xi Chen et al arXiv 2016 https://github.com/hwalsuklee/tensorflow-generative-model-collections
  • 30. ▪ Use both real/fake and label classifiers for discriminator training Auxiliary Classifier GAN(AC-GAN) Conditional Generation Augustus Odena et al arXiv 2016 https://github.com/hwalsuklee/tensorflow-generative-model-collections
  • 31. Recent GANs and Their Applications
  • 32. ▪ “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network” –Perceptual Loss GAN for Image Super Resolution SRGAN Chrisitan Leidig et al, CVPR 2017
  • 33. ▪ Super Resolution Results GAN for Image Super Resolution SRGAN Chrisitan Leidig et al, CVPR 2017
  • 34. ▪ Super Resolution Results GAN for Image Super Resolution SRGAN Chrisitan Leidig et al, CVPR 2017
  • 35. ▪ “Image-to-Image Translation with Conditional Adversarial Networks” Conditional GAN for Image Domain Transfer Image-to-Image Translation Phillip Isola et al, CVPR 2017
  • 36. ▪ Image Translation Results Conditional GAN for Image Domain Transfer Image-to-Image Translation Phillip Isola et al, CVPR 2017
  • 37. ▪ Image Translation Results Conditional GAN for Image Domain Transfer Image-to-Image Translation Phillip Isola et al, CVPR 2017
  • 38. ▪ “Generative Adversarial Text to Image Synthesis” –Generator is conditioned on text embedding –Discriminator uses both visual and textual features by concatenation Conditional GAN for Text to Image Translation Text2Image Scott Reed et al, ICML 2016
  • 39. ▪ Text-to-Image Translation Results Conditional GAN for Text to Image Translation Text2Image Scott Reed et al, ICML 2016
  • 40. ▪ “Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks” –Generate high-resolution images from text by stacking conditional GANs Stacked Conditional GAN for Text to Image Translation StackGAN Han Zhang et al, ICCV 2017
  • 41. ▪ Text-to-Image Translation Results Stacked Conditional GAN for Text to Image Translation StackGAN Han Zhang et al, ICCV 2017
  • 42. ▪ Text-to-Image Translation Results Stacked Conditional GAN for Text to Image Translation StackGAN Han Zhang et al, ICCV 2017
  • 43. ▪ “Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks” Unpaired Image Translation CycleGAN Jun-Yan Zhu et al, ICCV 2017
  • 44. ▪ Paired/Unpaired and Generated Image/Reconstruction Unpaired Image Translation CycleGAN Jun-Yan Zhu et al, ICCV 2017
  • 45. ▪ Image Translation Example Unpaired Image Translation CycleGAN Jun-Yan Zhu et al, ICCV 2017
  • 46. ▪ “StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation” –Instead of training generators for each source-domain pair, we can train one generator handling multiple domains to utilize all training dataset for all domain pairs and even for different dataset Multi-domain Image-to-Image Translation with a Single Network StarGAN for real for fake Yunjey Choi et. al, CVPR 2018
  • 47. ▪ Multi-domain Translation Result Multi-domain Image-to-Image Translation with a Single Network StarGAN Yunjey Choi et. al, CVPR 2018
  • 48. ▪ Use of ‘mask vector’ to jointly train multiple dataset Multi-domain Image-to-Image Translation with a Single Network StarGAN Yunjey Choi et. al, CVPR 2018
  • 49. ▪ Use of ‘mask vector’ to jointly train multiple dataset Multi-domain Image-to-Image Translation with a Single Network StarGAN Yunjey Choi et. al, CVPR 2018
  • 50. ▪ Multi-domain Translation Results Multi-domain Image-to-Image Translation with a Single Network StarGAN Yunjey Choi et. al, CVPR 2018
  • 51. ▪ “Learning from Simulated and Unsupervised Images through Adversarial Training” Refining Simulated Image for Data Augmentation SimGAN Ashish Shrivastava et. al, CVPR 2017 Self-regularization loss
  • 52. ▪ “Learning from Simulated and Unsupervised Images through Adversarial Training” Refining Simulated Image for Data Augmentation SimGAN Ashish Shrivastava et. al, CVPR 2017 Visual Turing Test d=7 degree
  • 53. GANs in Medical Imaging
  • 54. –In many cases, data augmentation techniques used in natural images does not semantically make sense in medical image (flips, rotations, scale shifts, color shifts) –Physically-plausible deformations or morphological transform can be used in limited cases. –More augmentation choices for texture classification problems. Data Augmentation for Effective Training Set Expansion Medical Data Generation Source : H. R. Roth et. al., MICCAI, 2015
  • 55. Generation of synthetic dataset for dataset expansion Medical Data Generation M.J.M. Chuquicusma, ISBI 2018 ▪ “How To Fool Radiologists with Generative Adversarial Networks? A Visual Turing Test For Lung Cancer Diagnosis”
  • 56. Generation of synthetic dataset for dataset expansion Medical Data Generation M.J.M. Chuquicusma, ISBI 2018 ▪ Visual Turing Test
  • 57. ▪ “Synthetic Medical Images from Dual Generative Adversarial Networks” Generation of Fundus Image using Dual GANs Medical Data Generation John T. Guibas et. al, NIPS Workshop 2017
  • 58. ▪ “Synthetic Medical Images from Dual Generative Adversarial Networks” Generation of Fundus Image using Dual GANs Medical Data Generation John T. Guibas et. al, NIPS Workshop 2017
  • 59. ▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver Lesion Classification” Liver Lesion Generation for Data Augmentation Medical Data Generation Maayan Frid-Ada et. al, ISBI 2018
  • 60. ▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver Lesion Classification” Liver Lesion Generation for Data Augmentation Medical Data Generation Maayan Frid-Ada et. al, ISBI 2018 Classical Augmentation (Translation, Rotation, Flip, Scaling) Augmentation using GAN
  • 61. ▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver Lesion Classification” Liver Lesion Generation for Data Augmentation Medical Data Generation Maayan Frid-Ada et. al, ISBI 2018
  • 62. ▪ “GAN-based Synthetic Medical Image Augmentation for increased CNN Performance in Liver Lesion Classification” Liver Lesion Generation for Data Augmentation Medical Data Generation Maayan Frid-Ada et. al, ISBI 2018
  • 63. ▪ “Generalization of Deep Neural Networks for Chest Pathology Classification in X-ray using Generative Adversarial Networks” Chest X-ray Generation for Data Augmentation Medical Data Generation Hojjat Salehinejad et. al, ICASSP 2018
  • 64. ▪ Generated Samples and Performance Improvement by Synthetic Augmentation Chest X-ray Generation for Data Augmentation Medical Data Generation Hojjat Salehinejad et. al, ICASSP 2018
  • 65. ▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks for Robust Lung Segmentation” Lung Nodule Synthesis for Lung Segmentation Medical Data Synthesis
  • 66. ▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks for Robust Lung Segmentation” Lung Nodule Synthesis for Lung Segmentation Medical Data Synthesis D. Jin et. al, MICCAI 2018
  • 67. ▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks for Robust Lung Segmentation” Lung Nodule Synthesis for Lung Segmentation Medical Data Synthesis D. Jin et. al, MICCAI 2018
  • 68. ▪ “CT-Realistic Lung Nodule Simulation from 3D Conditional Generative Adversarial Networks for Robust Lung Segmentation” Lung Nodule Synthesis for Lung Segmentation Medical Data Synthesis D. Jin et. al, MICCAI 2018
  • 69. ▪ StainGAN: Stain Style Transfer for Digital Histological Images – Exploit Cycle-consistency to learn stain style transfer between source and target domain. Stain Style Transfer Domain Transfer M. T. Shaban et. al., https://arxiv.org/abs/1804.01601
  • 70. ▪ StainGAN: Stain Style Transfer for Digital Histological Images – Exploit Cycle-consistency to learn stain style transfer between source and target domain. Stain Style Transfer Domain Transfer M. T. Shaban et. al., https://arxiv.org/abs/1804.01601 Style transfer between scanners(Aperio to Hamamatsu) ROC curve of pre-processed test set using different stain normalization methods
  • 71. ▪ “Visual Feature Attribution using Wasserstein GANs “ VA-GAN : Understanding Visual Feature Attribution for Alzheimer Disease Visual Feature Attribution Christian F. Baumgatrner et. al, arXiv 2018 Overall Objective GAN Loss Term RegularizationTerm
  • 72. ▪ “Visual Feature Attribution using Wasserstein GANs “ VA-GAN : Understanding Visual Feature Attribution for Alzheimer Disease Visual Feature Attribution Christian F. Baumgatrner et. al, arXiv 2018
  • 73. Enhance the quality of low-dose CT to normal-dose CT Synthesis or Enhancement of Medical Image Dong Nie et. al, MICCAI 2017 ▪ “Medical Image Synthesis using Context-aware Generative Adversarial Networks”
  • 74. Unpaired image translation from MR to CT using CycleGAN Synthesis or Enhancement of Medical Image Jelmer M. Wolterink et. al, MICCAI 2017 Workshop Setting Mean Absolute Error Paired Voxel-wise Loss 89.4 ± 6.8 HU Unpaired Cycle Consistency Loss 73.7 ± 2.3 HU ▪ “Deep MR to CT Synthesis using Unpaired Data”
  • 75. Enhance the quality of low-dose CT to normal-dose CT Synthesis or Enhancement of Medical Image J. M. Wolterink et. al, IEEE Trans. Medical Imaging ▪ “Generative Adversarial Networks for Noise Reduction in Low-Dose CT”
  • 76. Deep learning for undersampled MRI reconstruction Synthesis or Enhancement of Medical Image Tran Min Quan et. al, arXiv 2018 ▪ “Compressed Sensing MRI Reconstruction using a Generative Adversarial Network with a Cyclic Loss” –Problem of compressed sensing MRI reconstruction –CS-MRI using GAN objective
  • 77. Deep learning for undersampled MRI reconstruction Synthesis or Enhancement of Medical Image Tran Min Quan et. al, arXiv 2018 ▪ “Compressed Sensing MRI Reconstruction using a Generative Adversarial Network with a Cyclic Loss”
  • 78. Deep learning for undersampled MRI reconstruction Synthesis or Enhancement of Medical Image Tran Min Quan et. al, arXiv 2018 ▪ Experimental Results for Understampled MRI Reconstruction using GAN
  • 79. Generation of segmentation mask undistinguishable from physician’s mask Physician Friendly Loss for Segmentation Source : P. Costa(2017), VUNO(2017) ▪ “Retinal Vessel Segmentation in Fundoscopic Images with Generative Adversarial Networks”
  • 80. ▪ “Adversarial Networks for the Detection of Aggressive Prostate Cancer” Generation of segmentation mask undistinguishable from physician’s mask Physician Friendly Loss for Segmentation Source : S. Kohl et. al(2017)
  • 81. ▪ “SegAN : Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation” SegAN : Adversarial Network with Multi-scale Loss Physician Friendly Loss for Segmentation Yuan Xue et. al, Neuroinformatics, 2018
  • 82. ▪ “SegAN : Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation” SegAN : Adversarial Network with Multi-scale Loss Physician Friendly Loss for Segmentation Yuan Xue et. al, Neuroinformatics, 2018
  • 83. ▪ “Translating and Segmenting Multimodal Medical Volumes with Cycle- and Shape-Consistency Generative Adversarial Network” Segmentation of Multimodal Images using Image-to-Image Translation Multimodal Image Segmentation Zizhao Zhang et. al, CVPR 2018
  • 84. ▪ “Translating and Segmenting Multimodal Medical Volumes with Cycle- and Shape-Consistency Generative Adversarial Network” Segmentation of Multimodal Images using Image-to-Image Translation Multimodal Image Segmentation Zizhao Zhang et. al, CVPR 2018
  • 85. ▪ “Deep Multi-Class Segmentation Without Ground-Truth Labels” Multi-class Cardiac Segmentation without Labels Unsupervised Segmentation T. Joyce et. al, MIDL 2018 LS-GAN Loss Reconstruction Loss Mask Size Loss Intensity Consistency Loss
  • 86. ▪ “Deep Multi-Class Segmentation Without Ground-Truth Labels” Multi-class Cardiac Segmentation without Labels Unsupervised Segmentation T. Joyce et. al, MIDL 2018
  • 88. ▪ Image Generation – Generation of rare cases – Understanding latent structure of lesions – Improving the performance of diagnostic models ▪ Image Synthesis and Translation – Noise reduction, modality translation – Accelerating image acquisition time – Improving diagnostic performance ▪ Lesion Detection and Segmentation – More physician friendly training – Better performance for lesions or organs with complex structure ▪ Future of GANs in Medical Imaging – More GANs to come in medical imaging with clinical and commercial values More GANs in Medical Imaging Future of GANs
  • 89. ▪ https://github.com/xinario/awesome-gan-for-medical-imaging Awesome Series by Xinario Curated List of GANs in Medical Imaging
  • 90. ▪ https://hollobit.github.io/All-About-the-GAN/#doc-medical All About GAN by Jonathan Jeon Curated List of GANs in Medical Imaging