Generative Adversarial Network

Slides:



Advertisements
Similar presentations
Lecture 2: Caffe: getting started Forward propagation
Advertisements

ImageNet Classification with Deep Convolutional Neural Networks
Classification III Tamara Berg CS Artificial Intelligence Many slides throughout the course adapted from Svetlana Lazebnik, Dan Klein, Stuart Russell,
ECE6504 – Deep Learning for Perception
Basic User Guide 1 Installation Data preparation Examples – Convolutional Neural Network (CNN) Dataset: CIFAR-10 Single Worker / Synchronous / Downpour.
Tips for Training Neural Network
Neural Networks Vladimir Pleskonjić 3188/ /20 Vladimir Pleskonjić General Feedforward neural networks Inputs are numeric features Outputs are in.
Logan Lebanoff Mentor: Haroon Idrees
Convolutional Neural Network
Lecture 1c: Caffe - Getting Started
Assignment 4: Deep Convolutional Neural Networks
Lecture 3a Analysis of training of NN
Neural networks and support vector machines
Welcome deep loria !.
Generative Adversarial Network (GAN)
Group presentation WANG Yue 13/2/2017.
Analysis of Sparse Convolutional Neural Networks
Environment Generation with GANs
Artificial Neural Networks
Computer Science and Engineering, Seoul National University
DeepCount Mark Lenson.
Applications of Deep Learning and how to get started with implementation of deep learning Presentation By : Manaswi Advisor : Dr.Chinmay.
Deep Learning for Natural Language Processing in R
Photorealistic Image Colourization with Generative Adversarial Nets
Generative Adversarial Networks
Deep Learning Libraries
Project 7: Modeling Social Network Structures and their Dynamic Evolutions with User- Generated Data from IoT REU Student: Emma Ambrosini Graduate mentors:
Classification with Perceptrons Reading:
CNN Demo LIU Pengpeng.
Training Techniques for Deep Neural Networks
First Steps With Deep Learning Course.
Generative adversarial networks (GANs) for edge detection
Machine Learning: The Connectionist
Authors: Jun-Yan Zhu*, Taesun Park*, Phillip Isola, Alexei A. Efros
A brief introduction to neural network
Deep Learning Convoluted Neural Networks Part 2 11/13/
Fully Convolutional Networks for Semantic Segmentation
Project 7: Modeling Social Network Structures and their Dynamic Evolutions with User- Generated Data from IoT REU Student: Emma Ambrosini Graduate mentors:
Convolutional Neural Network
SBNet: Sparse Blocks Network for Fast Inference
Gradient Checks for ANN
A Kaggle Project By Ryan Bambrough
Project 7: Modeling Social Network Structures and their Dynamic Evolutions with User- Generated Data from IoT REU Student: Emma Ambrosini Graduate mentors:
Road Traffic Sign Recognition
Tips for Training Deep Network
Object Classification through Deconvolutional Neural Networks
Project 7: Modeling Social Network Structures and their Dynamic Evolutions with User- Generated Data from IoT REU Student: Emma Ambrosini Graduate mentors:
Smart Robots, Drones, IoT
CSC 578 Neural Networks and Deep Learning
Project 7: Modeling Social Network Structures and their Dynamic Evolutions with User- Generated Data from IoT REU Student: Emma Ambrosini Graduate mentors:
Image to Image Translation using GANs
Neural Networks Geoff Hulten.
Lip movement Synthesis from Text
Forward and Backward Max Pooling
Coding neural networks: A gentle Introduction to keras
Zhedong Zheng, Liang Zheng and Yi Yang
实习生汇报 ——北邮 张安迪.
Image Classification & Training of Neural Networks
Ch 14. Generative adversarial networks (GANs) for edge detection
Introduction to Neural Networks
Deep Learning Libraries
Natalie Lang Tomer Malach
Action Recognition.
Batch Normalization.
VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION
Image recognition.
Deep screen image crop and enhance
CSC 578 Neural Networks and Deep Learning
Generative adversarial networks (GANs)
Overall Introduction for the Lecture
Presentation transcript:

Generative Adversarial Network Project 5: Generative Adversarial Network Zhifei Zhang

Generative Adversarial Network (GAN) https://github.com/hindupuravinash/the-gan-zoo

Generative Adversarial Network (GAN)

Generative Adversarial Network (GAN) Binary Classifier: Conv, Leaky ReLU, FC, Sigmoid New components: Transposed convolution, Batch Normalization https://github.com/PramodShenoy/GANerations

Transposed Convolution (Deconvolution) Stride=1 Pad=Valid Stride=2 Pad=Valid Stride=2 Pad=Same Output Conv Input Output Deconv Input https://github.com/vdumoulin/conv_arithmetic

ReLU vs. Leaky ReLU (LReLU) Used in Generator Used in Discriminator

Batch Normalization (BN) Saturation area Zero gradient https://towardsdatascience.com/batch-normalization-in-neural-networks-1ac91516821c

Generative Adversarial Network (GAN) Reshape, FC, sigmoid FC, BN, ReLU Reshape Conv (kernel 5x5, stride 2) BN, LReLU (slope 0.2) Deconv, tanh/sigmoid Deconv (kernel 5x5, stride 2) BN, ReLU https://github.com/PramodShenoy/GANerations

GAN on MNIST Generator Discriminator 100 7x7x16 14x14x8 28x28x1 Deconv Tanh/Sigmoid Conv, BN, LReLU Conv, BN, LReLU Reshape, FC, BN, LReLU FC, Sigmoid FC, BN, Reshape Deconv BN, ReLU 100 7x7x16 14x14x8 28x28x1 14x14x8 7x7x16 256 1 Generator Discriminator

Conditional GAN on MNIST One-hot label Deconv Tanh/Sigmoid Conv, BN, ReLU Conv, BN, ReLU Reshape, FC, BN, ReLU FC, Sigmoid FC, BN, Reshape Deconv BN, ReLU 100 7x7x16 14x14x8 28x28x1 14x14x8 7x7x16 256 1 Generator Discriminator

TensorFlow Implementation of GAN Run the demo code: (Linux or MacOS) $ git clone https://github.com/carpedm20/DCGAN-tensorflow $ cd DCGAN-tensorflow $ pip install tqdm (if you do not have this package) $ python download.py mnist $ python main.py --dataset mnist --input_height=28 --output_height=28 --train

TensorFlow Implementation of GAN Input: z, image, (label) Network: D, G Loss: D, G Optimizer: D, G Training: for epoch for batch Update D Update G

https://devblogs. nvidia https://devblogs.nvidia.com/photo-editing-generative-adversarial-networks-1/

TensorFlow Implementation of GAN Testing: Random Generation Conditional Generation Interpolation