SlideShare a Scribd company logo
Rajiv Gandhi University of Knowledge Technologies, Basar
Department of Computer Science and Engineering
A BRIEF PRESENTATION
ON
TITLE OF THE PROJECT:
Generation of Deep Fake images using GAN and LSGAN
1
Generation of deep fake images using GAN and LSGAN
By
Gugulothu Divya [B171326]
MD Sanakowsar [B171741]
Eslavath Swathi [B171909]
Under the Guidance and Supervision of
Mr.K.RAVIKANTH
Assistant Proffessor,CSE,RGUKT Basar
CONTENTS:
• Abstract
• Stage 1 and Stage 2
• Literature Survey
• Summary of Survey Papers
• Work Flow of GAN model
• Work Flow of LS GAN model
• Problem Statement
• Calculations
• Code Snippets
• GAN model output
• LS GAN model output
• Concepts or Modules
• Conclusion and Future Scope
• References
Generation of deep fake images using GAN and LSGAN
2
ABSTRACT:
Generative Adversarial Networks have proven how powerful the deep neural networks and
they have created a new milestone in the field of machine learning. This project use the
work of Ian Good fellow. The main idea behind developing this project is to learn about
GAN model and LSGAN model. GAN’s or Generative models which are trained with
the samples to generate the new data using the data. In this project developed a
generative adversarial network model and Least Squares model and trained it’s sub
models one for generating fake images and another model for image classification. The
GAN and LSGAN model was developed using python keras ,torch, torchvision.
Generation of deep fake images using GAN and LSGAN
3
STAGE 1:
• We had done the Generation of fake handwritten digits images using deep learning
techniques i.e Generative Adversarial Network and Least squares GAN on MNIST
Dataset.
STAGE 2:
• We are planning to implement a model which can detect whether generated image is real
or fake by using Convolutional neural networks techniques.
Generation of deep fake images using GAN and LSGAN
4
LITERATURE SURVEY:
Generation of deep fake images using GAN and LSGAN
5
SUMMARY OF SURVEY PAPERS:
1. A survey of face manipulation and fake detection:
Different ways of manipulation are there like entire face synthesis, Attribute
manipulation , identity swap, expression swap.
2. A style based architecture of GAN:
Compared with traditional GAN the StyleGAN can produce more realistic image by
adding the styles. The new architecture leads to an automatically learned, unsupervised
separation of high-level attributes (e.g., pose and identity when trained on human faces)
and stochastic variation in the generated images (e.g., freckles, hair), and it enables
intuitive, scale-specific control of the synthesis.
Generation of deep fake images using GAN and LSGAN
6
SUMMARY OF SURVEY PAPERS:
3.Least Squares Generative Adversarial Networks:
Least Squares generative adversarial network (LSGANs) adopts the least squares loss
function for the discriminator. This will minimizing the Pearson divergence. First,
LSGANs are able to generate higher quality images than regular GANs. Second, LSGANs
perform more stable during the learning process.
4. Gradient Descent GAN optimization is locally stable:
Traditional GAN implemented using gradient descent optimizer. Further showed that the
recently proposed WGAN is not stable under the some conditions, but we introduced a
gradient-based regularizer which stabilizes both traditional GANs and the WGANs, and
can improve convergence speed in practice.
Generation of deep fake images using GAN and LSGAN
7
Begin by downloading the dataset
Normalize the image De normalize the image
Created a data loader to load the
images in batches
Device Configuration
Discriminator Network
Move discriminator model to chosen
device
Generator Network
Move Generator to chosen device
Discriminator Training Generator Training
Training both discriminator and
generator model
Output:
Generated images
For plotting images
Work Flow of GAN MODEL:
Generation of deep fake images using GAN and LSGAN
8
Work Flow of LS GAN MODEL:
Generation of deep fake images using GAN and LSGAN
9
PROBLEM STATEMENT:
There are many improvements of GAN model. By which one can make the image more
realistic. This Project shows the difference between generated images by Traditional
GAN and Least Squares GAN. This can happen just by changing the Loss function from
Binary Cross Entropy to Mean Square Error. This Project also shows the difference
between GAN and LSGAN which will solve the problems of GAN like mode collapse,
Image Quality , vanishing Gradient problems and stability during learning process.
Generation of deep fake images using GAN and LSGAN
10
CALCULATIONS:
GAN MODEL:
Discriminator Formula:
max log D(x) + log(1 – D(G(z)))
Generator Formula:
min log(1 – D(G(z)))
Training of both discriminator and generator:
Generation of deep fake images using GAN and LSGAN
Real Fake
11
LSGAN MODEL:
Discriminator Formula:
Generator Formula:
Training of both discriminator and generator:
Generation of deep fake images using GAN and LSGAN
12
DISCIMINATOR MODEL
image_size = 784
hidden_size = 256
hidden_size1=128
import torch.nn as nn
D = nn.Sequential(
nn.Linear(image_size, hidden_size),
nn.LeakyReLU(0.2),
nn.Linear(hidden_size, hidden_size1),
nn.LeakyReLU(0.2),
nn.Linear(hidden_size1, hidden_size1),
nn.LeakyReLU(0.2),
nn.Linear(hidden_size1, 1),
nn.Sigmoid())
CODE SNIPPETS OF GAN:
GENERATOR MODEL
latent_size = 64
G = nn.Sequential(
nn.Linear(latent_size, hidden_size),
nn.ReLU(),
nn.Linear(hidden_size, hidden_size1)
,
nn.ReLU(),
nn.Linear(hidden_size1, hidden_size1
),
nn.ReLU(),
nn.Linear(hidden_size1, image_size),
nn.Tanh())
TRAIN DISCRIMINATOR MODEL
def reset_grad():
d_optimizer.zero_grad()
g_optimizer.zero_grad()
def train_discriminator(images):
# Create the labels which are later used as in
put for the BCE loss
real_labels = torch.ones(batch_size, 1).to(dev
ice)
fake_labels = torch.zeros(batch_size, 1).to(de
vice)
# Loss for real images
outputs = D(images)
d_loss_real = criterion(outputs, real_labels)
real_score = outputs
# Loss for fake images
z = torch.randn(batch_size, latent_size).to(de
vice)
fake_images = G(z)
outputs = D(fake_images)
d_loss_fake = criterion(outputs, fake_labels)
fake_score = outputs
# Combine losses
d_loss = d_loss_real + d_loss_fake
# Reset gradients
reset_grad()
# Compute gradients
d_loss.backward()
# Adjust the parameters using backprop
d_optimizer.step()
return d_loss, real_score, fake_score
Generation of deep fake images using GAN and LSGAN
13
TRAIN GENERATOR:
def train_generator():
# Generate fake images and calculate loss
z = torch.randn(batch_size, latent_size).to(devi
ce)
fake_images = G(z)
labels = torch.ones(batch_size, 1).to(device)
g_loss = criterion(D(fake_images), labels)
# Backprop and optimize
reset_grad()
g_loss.backward()
g_optimizer.step()
return g_loss, fake_images
TRAIN BOTH GENERATOR AND DISCRIMINATOR
%%time
num_epochs = 100
total_step = len(data_loader)
d_losses, g_losses, real_scores, fake_scores = [], [], [],
[]
for epoch in range(num_epochs):
for i, (images, _) in enumerate(data_loader):
# Load a batch & transform to vectors
images = images.reshape(batch_size, -1).to(device)
# Train the discriminator and generator
d_loss, real_score, fake_score = train_discriminato
r(images)
g_loss, fake_images = train_generator()
# Inspect the losses
if (i+1) % 200 == 0:
d_losses.append(d_loss.item())
g_losses.append(g_loss.item())
real_scores.append(real_score.mean().item())
fake_scores.append(fake_score.mean().item())
print('Epoch [{}/{}], Step [{}/{}], d_loss: {:.
4f}, g_loss: {:.4f}, D(x): {:.2f}, D(G(z)): {:.2f}'
.format(epoch, num_epochs, i+1, total_ste
p, d_loss.item(), g_loss.item(),
real_score.mean().item(), fake_sc
ore.mean().item()))
# Sample and save images
save_fake_images(epoch+1)
Generation of deep fake images using GAN and LSGAN
14
GAN MODEL OUTPUT
FIRST EPOCH: 50TH EPOCH 100TH EPOCH
Generation of deep fake images using GAN and LSGAN
15
CODE SNIPPETS OF LSGAN:
DISCRIMINATOR MODEL
# define the standalone discriminator model
def define_discriminator(in_shape=(28,28,1)):
# weight initialization
init = RandomNormal(stddev=0.02)
# define model
model = Sequential()
# downsample to 14x14
model.add(Conv2D(64, (4,4), strides=(2,2), padd
ing='same', kernel_initializer=init, input_shape=
in_shape))
model.add(BatchNormalization())
model.add(LeakyReLU(alpha=0.2))
# downsample to 7x7
model.add(Conv2D(128, (4,4), strides=(2,2), pad
ding='same', kernel_initializer=init))
model.add(BatchNormalization())
model.add(LeakyReLU(alpha=0.2))
# classifier
model.add(Flatten())
model.add(Dense(1, activation='linear', kernel_
initializer=init))
# compile model with L2 loss
model.compile(loss='mse', optimizer=Adam(lr=0.0
002, beta_1=0.5))
return model
GENERATOR MODEL
# define the standalone generator model
def define_generator(latent_dim):
# weight initialization
init = RandomNormal(stddev=0.02)
# define model
model = Sequential()
# foundation for 7x7 image
n_nodes = 256 * 7 * 7
model.add(Dense(n_nodes, kernel_initializer=init,
input_dim=latent_dim))
model.add(BatchNormalization())
model.add(Activation('relu'))
model.add(Reshape((7, 7, 256)))
# upsample to 14x14
model.add(Conv2DTranspose(128, (4,4), strides=(2,
2), padding='same', kernel_initializer=init))
model.add(BatchNormalization())
model.add(Activation('relu'))
# upsample to 28x28
model.add(Conv2DTranspose(64, (4,4), strides=(2,2
), padding='same', kernel_initializer=init))
model.add(BatchNormalization())
model.add(Activation('relu'))
# output 28x28x1
model.add(Conv2D(1, (7,7), padding='same', kernel
_initializer=init))
model.add(Activation('tanh'))
return model
Generation of deep fake images using GAN and LSGAN
16
TRAIN BOTH GENERATOR AND GENERATOR
# train the generator and discriminator
def train(g_model, d_model, gan_model, dataset, latent_dim, n_epochs=20, n_
batch=128):
# calculate the number of batches per training epoch
bat_per_epo = int(dataset.shape[0] / n_batch)
# calculate the number of training iterations
n_steps = bat_per_epo * n_epochs
# calculate the size of half a batch of samples
half_batch = int(n_batch / 2)
# lists for storing loss, for plotting later
d1_hist, d2_hist, g_hist = list(), list(), list()
# manually enumerate epochs
for i in range(n_steps):
# prepare real and fake samples
X_real, y_real = generate_real_samples(dataset, half_batch)
X_fake, y_fake = generate_fake_samples(g_model, latent_dim, half_batch)
# update discriminator model
d_loss1 = d_model.train_on_batch(X_real, y_real)
d_loss2 = d_model.train_on_batch(X_fake, y_fake)
# update the generator via the discriminator's error
z_input = generate_latent_points(latent_dim, n_batch)
y_real2 = ones((n_batch, 1))
g_loss = gan_model.train_on_batch(z_input, y_real2)
# summarize loss on this batch
print('>%d, d1=%.3f, d2=%.3f g=%.3f' % (i+1, d_loss1, d_loss2, g_loss))
# record history
d1_hist.append(d_loss1)
d2_hist.append(d_loss2)
g_hist.append(g_loss)
# evaluate the model performance every 'epoch'
if (i+1) % (bat_per_epo * 1) == 0:
summarize_performance(i, g_model, latent_dim)
# create line plot of training history
plot_history(d1_hist, d2_hist, g_hist)
Generation of deep fake images using GAN and LSGAN
17
LSGAN MODEL OUTPUT:
FIRST EPOCH 10TH EPOCH 20TH EPOCH
Generation of deep fake images using GAN and LSGAN
18
CONCEPTS / MODULES:
1.Keras:
Keras is used in this project because it is powerful open source library, Which used for
developing and evaluating deep learning models. Written in python programming
language . It is capable of running above the tensor-flow and other numerical computation
libraries. Keras allows to train and develop neural network models with fewer lines of
code.
2.PYTORCH:
PYTORCH is a defined as an open source machine learning library for python .It is used
for application such as natural language processing .It is initially developed by face book
artificial intelligence research group. Pytorch redesigns and implements torch in python
while sharing the same course c libraries for the backend code.
3.TORCH VISION:
Torch vision library is a part of pytorch. Pytorch is an open source machine learning
frame work. The torch vision package consist of popular datasets , model architectures
and common image transformations for computer editions
Generation of deep fake images using GAN and LSGAN
19
CONCLUSION AND FUTURE SCOPE
Conclusion:
This project had successfully demonstrated Generative Adversarial Networks and
LeastSquares GAN. This project had also demonstrated to test the trained GAN
model which classifies whether the image is real or fake. The whole system with all
the tools was less than 50 MB. This model can be used for other image dataset
training andclassification.
This project also demonstrated Least Squares GAN which also gives more realistic
image than the traditional GAN by using Least Squares error loss function.
Future Work:
Since the scope of this project is limited to one trained model that which is trained
with the single dataset. This can be improvised by adding more number of hidden
layers. That can also improved using different loss function and optimizer. In future
one can make application to identify whether the image is real or fake. One can also
design an application to identify the accuracy whether the written digits really
matching with generated or not.
Generation of deep fake images using GAN and LSGAN
20
21
REFERENCES:
• https://www.researchgate.net/publication/343691176_Application_to_generate_fake_images_
and_image_classification_using_Generative_Adversarial_Networks
• https://www.youtube.com/watch?v=6RTJbbAD1uw&feature=share&utm_source=EJGixIgBC
Jiu2KjB4oSJEQ
• https://in.video.search.yahoo.com/search/video?fr=mcafee&ei=UTF-
8&p=style+gan&type=E211IN826G0#id=1&vid=438d41a6077d5e6f8ea0dbda82f93943&actio
n=click
• Generative Adversarial Network (GAN). (2019) Geeks for Geeks. Available at:
https://www.geeksforgeeks.org/generative-adversarial-network-gan/ (Accessed: 2
September 2019).
• Generative Adversarial Networks: Introduction and Outlook. Available at:
http://html.rhhz.net/ieee-jas/html/2017-4-588.htm (Accessed: 2 September 2019a).
• Generative Personal Assistance with Audio and Visual Examples. Available at:
http://www.kecl.ntt.co.jp/people/kaneko.takuhiro/projects/gpa/ (Accessed: 2 September
2019b).
• Good fellow , I. et al. (2014) ‘Generative Adversarial Nets’. In Ghahramani, Z. et al.
(eds.) Advances in Neural Information Processing Systems 27. Curran Associates, Inc.,
pp. 2672–2680. Available at: http://papers.nips.cc/paper/5423-generative-adversarial-
nets.pdf (Accessed: 2 September 2019).
• NVlabs/Stylegan. (2019b)NVIDIA Research Projects Available at:
https://github.com/NVlabs/stylegan (Accessed: 2 September 2019).
• Yashwanth, N. et al. (2019) ‘Survey on Generative Adversarial Networks’.
Generation of deep fake images using GAN and LSGAN
22
Thank you
Generation of deep fake images using GAN and LSGAN

More Related Content

Similar to Project_Final_Review.pdf

Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Universitat Politècnica de Catalunya
 
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
Catalina Arango
 
ppt 20BET1024.pptx
ppt 20BET1024.pptxppt 20BET1024.pptx
ppt 20BET1024.pptx
ManeetBali
 
cvpresentation-190812154654 (1).pptx
cvpresentation-190812154654 (1).pptxcvpresentation-190812154654 (1).pptx
cvpresentation-190812154654 (1).pptx
PyariMohanJena
 
Computer Vision - Real Time Face Recognition using Open CV and Python
Computer Vision - Real Time Face Recognition using Open CV and PythonComputer Vision - Real Time Face Recognition using Open CV and Python
Computer Vision - Real Time Face Recognition using Open CV and Python
Akash Satamkar
 
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET Journal
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET Journal
 
Face-GAN project report.pptx
Face-GAN project report.pptxFace-GAN project report.pptx
Face-GAN project report.pptx
AndleebFatima16
 
Face-GAN project report
Face-GAN project reportFace-GAN project report
Face-GAN project report
AndleebFatima16
 
Traffic sign classification
Traffic sign classificationTraffic sign classification
Traffic sign classification
Bill Kromydas
 
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
IRJET Journal
 
Bangla Handwritten Digit Recognition Report.pdf
Bangla Handwritten Digit Recognition  Report.pdfBangla Handwritten Digit Recognition  Report.pdf
Bangla Handwritten Digit Recognition Report.pdf
KhondokerAbuNaim
 
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
Sanghoon Hong
 
IRJET - Face Recognition based Attendance System
IRJET -  	  Face Recognition based Attendance SystemIRJET -  	  Face Recognition based Attendance System
IRJET - Face Recognition based Attendance System
IRJET Journal
 
CariGANs : Unpaired Photo-to-Caricature Translation
CariGANs : Unpaired Photo-to-Caricature TranslationCariGANs : Unpaired Photo-to-Caricature Translation
CariGANs : Unpaired Photo-to-Caricature Translation
Razorthink
 
Implementing Neural Style Transfer
Implementing Neural Style Transfer Implementing Neural Style Transfer
Implementing Neural Style Transfer
Tahsin Mayeesha
 
IRJET- 3-D Face Image Identification from Video Streaming using Map Reduc...
IRJET-  	  3-D Face Image Identification from Video Streaming using Map Reduc...IRJET-  	  3-D Face Image Identification from Video Streaming using Map Reduc...
IRJET- 3-D Face Image Identification from Video Streaming using Map Reduc...
IRJET Journal
 
Gender Classification using SVM With Flask
Gender Classification using SVM With FlaskGender Classification using SVM With Flask
Gender Classification using SVM With Flask
AI Publications
 
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET -  	  Deep Learning Approach to Inpainting and Outpainting SystemIRJET -  	  Deep Learning Approach to Inpainting and Outpainting System
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET Journal
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET Journal
 

Similar to Project_Final_Review.pdf (20)

Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
 
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
Let's paint a Picasso - A Look at Generative Adversarial Networks (GAN) and i...
 
ppt 20BET1024.pptx
ppt 20BET1024.pptxppt 20BET1024.pptx
ppt 20BET1024.pptx
 
cvpresentation-190812154654 (1).pptx
cvpresentation-190812154654 (1).pptxcvpresentation-190812154654 (1).pptx
cvpresentation-190812154654 (1).pptx
 
Computer Vision - Real Time Face Recognition using Open CV and Python
Computer Vision - Real Time Face Recognition using Open CV and PythonComputer Vision - Real Time Face Recognition using Open CV and Python
Computer Vision - Real Time Face Recognition using Open CV and Python
 
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
 
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
 
Traffic sign classification
Traffic sign classificationTraffic sign classification
Traffic sign classification
 
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
 
Bangla Handwritten Digit Recognition Report.pdf
Bangla Handwritten Digit Recognition  Report.pdfBangla Handwritten Digit Recognition  Report.pdf
Bangla Handwritten Digit Recognition Report.pdf
 
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
 
IRJET - Face Recognition based Attendance System
IRJET -  	  Face Recognition based Attendance SystemIRJET -  	  Face Recognition based Attendance System
IRJET - Face Recognition based Attendance System
 
CariGANs : Unpaired Photo-to-Caricature Translation
CariGANs : Unpaired Photo-to-Caricature TranslationCariGANs : Unpaired Photo-to-Caricature Translation
CariGANs : Unpaired Photo-to-Caricature Translation
 
Implementing Neural Style Transfer
Implementing Neural Style Transfer Implementing Neural Style Transfer
Implementing Neural Style Transfer
 
IRJET- 3-D Face Image Identification from Video Streaming using Map Reduc...
IRJET-  	  3-D Face Image Identification from Video Streaming using Map Reduc...IRJET-  	  3-D Face Image Identification from Video Streaming using Map Reduc...
IRJET- 3-D Face Image Identification from Video Streaming using Map Reduc...
 
Gender Classification using SVM With Flask
Gender Classification using SVM With FlaskGender Classification using SVM With Flask
Gender Classification using SVM With Flask
 
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET -  	  Deep Learning Approach to Inpainting and Outpainting SystemIRJET -  	  Deep Learning Approach to Inpainting and Outpainting System
IRJET - Deep Learning Approach to Inpainting and Outpainting System
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 

Recently uploaded

Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama UniversityNatural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Akanksha trivedi rama nursing college kanpur.
 
The basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptxThe basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptx
heathfieldcps1
 
The Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collectionThe Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collection
Israel Genealogy Research Association
 
Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.
Ashokrao Mane college of Pharmacy Peth-Vadgaon
 
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
National Information Standards Organization (NISO)
 
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdfবাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
eBook.com.bd (প্রয়োজনীয় বাংলা বই)
 
Life upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for studentLife upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for student
NgcHiNguyn25
 
Liberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdfLiberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdf
WaniBasim
 
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptxChapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Mohd Adib Abd Muin, Senior Lecturer at Universiti Utara Malaysia
 
The History of Stoke Newington Street Names
The History of Stoke Newington Street NamesThe History of Stoke Newington Street Names
The History of Stoke Newington Street Names
History of Stoke Newington
 
World environment day ppt For 5 June 2024
World environment day ppt For 5 June 2024World environment day ppt For 5 June 2024
World environment day ppt For 5 June 2024
ak6969907
 
A Survey of Techniques for Maximizing LLM Performance.pptx
A Survey of Techniques for Maximizing LLM Performance.pptxA Survey of Techniques for Maximizing LLM Performance.pptx
A Survey of Techniques for Maximizing LLM Performance.pptx
thanhdowork
 
Main Java[All of the Base Concepts}.docx
Main Java[All of the Base Concepts}.docxMain Java[All of the Base Concepts}.docx
Main Java[All of the Base Concepts}.docx
adhitya5119
 
Top five deadliest dog breeds in America
Top five deadliest dog breeds in AmericaTop five deadliest dog breeds in America
Top five deadliest dog breeds in America
Bisnar Chase Personal Injury Attorneys
 
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
RitikBhardwaj56
 
How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17
Celine George
 
CACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdfCACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdf
camakaiclarkmusic
 
DRUGS AND ITS classification slide share
DRUGS AND ITS classification slide shareDRUGS AND ITS classification slide share
DRUGS AND ITS classification slide share
taiba qazi
 
clinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdfclinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdf
Priyankaranawat4
 
S1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptxS1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptx
tarandeep35
 

Recently uploaded (20)

Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama UniversityNatural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
 
The basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptxThe basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptx
 
The Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collectionThe Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collection
 
Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.
 
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
Pollock and Snow "DEIA in the Scholarly Landscape, Session One: Setting Expec...
 
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdfবাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
বাংলাদেশ অর্থনৈতিক সমীক্ষা (Economic Review) ২০২৪ UJS App.pdf
 
Life upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for studentLife upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for student
 
Liberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdfLiberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdf
 
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptxChapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
 
The History of Stoke Newington Street Names
The History of Stoke Newington Street NamesThe History of Stoke Newington Street Names
The History of Stoke Newington Street Names
 
World environment day ppt For 5 June 2024
World environment day ppt For 5 June 2024World environment day ppt For 5 June 2024
World environment day ppt For 5 June 2024
 
A Survey of Techniques for Maximizing LLM Performance.pptx
A Survey of Techniques for Maximizing LLM Performance.pptxA Survey of Techniques for Maximizing LLM Performance.pptx
A Survey of Techniques for Maximizing LLM Performance.pptx
 
Main Java[All of the Base Concepts}.docx
Main Java[All of the Base Concepts}.docxMain Java[All of the Base Concepts}.docx
Main Java[All of the Base Concepts}.docx
 
Top five deadliest dog breeds in America
Top five deadliest dog breeds in AmericaTop five deadliest dog breeds in America
Top five deadliest dog breeds in America
 
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
 
How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17
 
CACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdfCACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdf
 
DRUGS AND ITS classification slide share
DRUGS AND ITS classification slide shareDRUGS AND ITS classification slide share
DRUGS AND ITS classification slide share
 
clinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdfclinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdf
 
S1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptxS1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptx
 

Project_Final_Review.pdf

  • 1. Rajiv Gandhi University of Knowledge Technologies, Basar Department of Computer Science and Engineering A BRIEF PRESENTATION ON TITLE OF THE PROJECT: Generation of Deep Fake images using GAN and LSGAN 1 Generation of deep fake images using GAN and LSGAN By Gugulothu Divya [B171326] MD Sanakowsar [B171741] Eslavath Swathi [B171909] Under the Guidance and Supervision of Mr.K.RAVIKANTH Assistant Proffessor,CSE,RGUKT Basar
  • 2. CONTENTS: • Abstract • Stage 1 and Stage 2 • Literature Survey • Summary of Survey Papers • Work Flow of GAN model • Work Flow of LS GAN model • Problem Statement • Calculations • Code Snippets • GAN model output • LS GAN model output • Concepts or Modules • Conclusion and Future Scope • References Generation of deep fake images using GAN and LSGAN 2
  • 3. ABSTRACT: Generative Adversarial Networks have proven how powerful the deep neural networks and they have created a new milestone in the field of machine learning. This project use the work of Ian Good fellow. The main idea behind developing this project is to learn about GAN model and LSGAN model. GAN’s or Generative models which are trained with the samples to generate the new data using the data. In this project developed a generative adversarial network model and Least Squares model and trained it’s sub models one for generating fake images and another model for image classification. The GAN and LSGAN model was developed using python keras ,torch, torchvision. Generation of deep fake images using GAN and LSGAN 3
  • 4. STAGE 1: • We had done the Generation of fake handwritten digits images using deep learning techniques i.e Generative Adversarial Network and Least squares GAN on MNIST Dataset. STAGE 2: • We are planning to implement a model which can detect whether generated image is real or fake by using Convolutional neural networks techniques. Generation of deep fake images using GAN and LSGAN 4
  • 5. LITERATURE SURVEY: Generation of deep fake images using GAN and LSGAN 5
  • 6. SUMMARY OF SURVEY PAPERS: 1. A survey of face manipulation and fake detection: Different ways of manipulation are there like entire face synthesis, Attribute manipulation , identity swap, expression swap. 2. A style based architecture of GAN: Compared with traditional GAN the StyleGAN can produce more realistic image by adding the styles. The new architecture leads to an automatically learned, unsupervised separation of high-level attributes (e.g., pose and identity when trained on human faces) and stochastic variation in the generated images (e.g., freckles, hair), and it enables intuitive, scale-specific control of the synthesis. Generation of deep fake images using GAN and LSGAN 6
  • 7. SUMMARY OF SURVEY PAPERS: 3.Least Squares Generative Adversarial Networks: Least Squares generative adversarial network (LSGANs) adopts the least squares loss function for the discriminator. This will minimizing the Pearson divergence. First, LSGANs are able to generate higher quality images than regular GANs. Second, LSGANs perform more stable during the learning process. 4. Gradient Descent GAN optimization is locally stable: Traditional GAN implemented using gradient descent optimizer. Further showed that the recently proposed WGAN is not stable under the some conditions, but we introduced a gradient-based regularizer which stabilizes both traditional GANs and the WGANs, and can improve convergence speed in practice. Generation of deep fake images using GAN and LSGAN 7
  • 8. Begin by downloading the dataset Normalize the image De normalize the image Created a data loader to load the images in batches Device Configuration Discriminator Network Move discriminator model to chosen device Generator Network Move Generator to chosen device Discriminator Training Generator Training Training both discriminator and generator model Output: Generated images For plotting images Work Flow of GAN MODEL: Generation of deep fake images using GAN and LSGAN 8
  • 9. Work Flow of LS GAN MODEL: Generation of deep fake images using GAN and LSGAN 9
  • 10. PROBLEM STATEMENT: There are many improvements of GAN model. By which one can make the image more realistic. This Project shows the difference between generated images by Traditional GAN and Least Squares GAN. This can happen just by changing the Loss function from Binary Cross Entropy to Mean Square Error. This Project also shows the difference between GAN and LSGAN which will solve the problems of GAN like mode collapse, Image Quality , vanishing Gradient problems and stability during learning process. Generation of deep fake images using GAN and LSGAN 10
  • 11. CALCULATIONS: GAN MODEL: Discriminator Formula: max log D(x) + log(1 – D(G(z))) Generator Formula: min log(1 – D(G(z))) Training of both discriminator and generator: Generation of deep fake images using GAN and LSGAN Real Fake 11
  • 12. LSGAN MODEL: Discriminator Formula: Generator Formula: Training of both discriminator and generator: Generation of deep fake images using GAN and LSGAN 12
  • 13. DISCIMINATOR MODEL image_size = 784 hidden_size = 256 hidden_size1=128 import torch.nn as nn D = nn.Sequential( nn.Linear(image_size, hidden_size), nn.LeakyReLU(0.2), nn.Linear(hidden_size, hidden_size1), nn.LeakyReLU(0.2), nn.Linear(hidden_size1, hidden_size1), nn.LeakyReLU(0.2), nn.Linear(hidden_size1, 1), nn.Sigmoid()) CODE SNIPPETS OF GAN: GENERATOR MODEL latent_size = 64 G = nn.Sequential( nn.Linear(latent_size, hidden_size), nn.ReLU(), nn.Linear(hidden_size, hidden_size1) , nn.ReLU(), nn.Linear(hidden_size1, hidden_size1 ), nn.ReLU(), nn.Linear(hidden_size1, image_size), nn.Tanh()) TRAIN DISCRIMINATOR MODEL def reset_grad(): d_optimizer.zero_grad() g_optimizer.zero_grad() def train_discriminator(images): # Create the labels which are later used as in put for the BCE loss real_labels = torch.ones(batch_size, 1).to(dev ice) fake_labels = torch.zeros(batch_size, 1).to(de vice) # Loss for real images outputs = D(images) d_loss_real = criterion(outputs, real_labels) real_score = outputs # Loss for fake images z = torch.randn(batch_size, latent_size).to(de vice) fake_images = G(z) outputs = D(fake_images) d_loss_fake = criterion(outputs, fake_labels) fake_score = outputs # Combine losses d_loss = d_loss_real + d_loss_fake # Reset gradients reset_grad() # Compute gradients d_loss.backward() # Adjust the parameters using backprop d_optimizer.step() return d_loss, real_score, fake_score Generation of deep fake images using GAN and LSGAN 13
  • 14. TRAIN GENERATOR: def train_generator(): # Generate fake images and calculate loss z = torch.randn(batch_size, latent_size).to(devi ce) fake_images = G(z) labels = torch.ones(batch_size, 1).to(device) g_loss = criterion(D(fake_images), labels) # Backprop and optimize reset_grad() g_loss.backward() g_optimizer.step() return g_loss, fake_images TRAIN BOTH GENERATOR AND DISCRIMINATOR %%time num_epochs = 100 total_step = len(data_loader) d_losses, g_losses, real_scores, fake_scores = [], [], [], [] for epoch in range(num_epochs): for i, (images, _) in enumerate(data_loader): # Load a batch & transform to vectors images = images.reshape(batch_size, -1).to(device) # Train the discriminator and generator d_loss, real_score, fake_score = train_discriminato r(images) g_loss, fake_images = train_generator() # Inspect the losses if (i+1) % 200 == 0: d_losses.append(d_loss.item()) g_losses.append(g_loss.item()) real_scores.append(real_score.mean().item()) fake_scores.append(fake_score.mean().item()) print('Epoch [{}/{}], Step [{}/{}], d_loss: {:. 4f}, g_loss: {:.4f}, D(x): {:.2f}, D(G(z)): {:.2f}' .format(epoch, num_epochs, i+1, total_ste p, d_loss.item(), g_loss.item(), real_score.mean().item(), fake_sc ore.mean().item())) # Sample and save images save_fake_images(epoch+1) Generation of deep fake images using GAN and LSGAN 14
  • 15. GAN MODEL OUTPUT FIRST EPOCH: 50TH EPOCH 100TH EPOCH Generation of deep fake images using GAN and LSGAN 15
  • 16. CODE SNIPPETS OF LSGAN: DISCRIMINATOR MODEL # define the standalone discriminator model def define_discriminator(in_shape=(28,28,1)): # weight initialization init = RandomNormal(stddev=0.02) # define model model = Sequential() # downsample to 14x14 model.add(Conv2D(64, (4,4), strides=(2,2), padd ing='same', kernel_initializer=init, input_shape= in_shape)) model.add(BatchNormalization()) model.add(LeakyReLU(alpha=0.2)) # downsample to 7x7 model.add(Conv2D(128, (4,4), strides=(2,2), pad ding='same', kernel_initializer=init)) model.add(BatchNormalization()) model.add(LeakyReLU(alpha=0.2)) # classifier model.add(Flatten()) model.add(Dense(1, activation='linear', kernel_ initializer=init)) # compile model with L2 loss model.compile(loss='mse', optimizer=Adam(lr=0.0 002, beta_1=0.5)) return model GENERATOR MODEL # define the standalone generator model def define_generator(latent_dim): # weight initialization init = RandomNormal(stddev=0.02) # define model model = Sequential() # foundation for 7x7 image n_nodes = 256 * 7 * 7 model.add(Dense(n_nodes, kernel_initializer=init, input_dim=latent_dim)) model.add(BatchNormalization()) model.add(Activation('relu')) model.add(Reshape((7, 7, 256))) # upsample to 14x14 model.add(Conv2DTranspose(128, (4,4), strides=(2, 2), padding='same', kernel_initializer=init)) model.add(BatchNormalization()) model.add(Activation('relu')) # upsample to 28x28 model.add(Conv2DTranspose(64, (4,4), strides=(2,2 ), padding='same', kernel_initializer=init)) model.add(BatchNormalization()) model.add(Activation('relu')) # output 28x28x1 model.add(Conv2D(1, (7,7), padding='same', kernel _initializer=init)) model.add(Activation('tanh')) return model Generation of deep fake images using GAN and LSGAN 16
  • 17. TRAIN BOTH GENERATOR AND GENERATOR # train the generator and discriminator def train(g_model, d_model, gan_model, dataset, latent_dim, n_epochs=20, n_ batch=128): # calculate the number of batches per training epoch bat_per_epo = int(dataset.shape[0] / n_batch) # calculate the number of training iterations n_steps = bat_per_epo * n_epochs # calculate the size of half a batch of samples half_batch = int(n_batch / 2) # lists for storing loss, for plotting later d1_hist, d2_hist, g_hist = list(), list(), list() # manually enumerate epochs for i in range(n_steps): # prepare real and fake samples X_real, y_real = generate_real_samples(dataset, half_batch) X_fake, y_fake = generate_fake_samples(g_model, latent_dim, half_batch) # update discriminator model d_loss1 = d_model.train_on_batch(X_real, y_real) d_loss2 = d_model.train_on_batch(X_fake, y_fake) # update the generator via the discriminator's error z_input = generate_latent_points(latent_dim, n_batch) y_real2 = ones((n_batch, 1)) g_loss = gan_model.train_on_batch(z_input, y_real2) # summarize loss on this batch print('>%d, d1=%.3f, d2=%.3f g=%.3f' % (i+1, d_loss1, d_loss2, g_loss)) # record history d1_hist.append(d_loss1) d2_hist.append(d_loss2) g_hist.append(g_loss) # evaluate the model performance every 'epoch' if (i+1) % (bat_per_epo * 1) == 0: summarize_performance(i, g_model, latent_dim) # create line plot of training history plot_history(d1_hist, d2_hist, g_hist) Generation of deep fake images using GAN and LSGAN 17
  • 18. LSGAN MODEL OUTPUT: FIRST EPOCH 10TH EPOCH 20TH EPOCH Generation of deep fake images using GAN and LSGAN 18
  • 19. CONCEPTS / MODULES: 1.Keras: Keras is used in this project because it is powerful open source library, Which used for developing and evaluating deep learning models. Written in python programming language . It is capable of running above the tensor-flow and other numerical computation libraries. Keras allows to train and develop neural network models with fewer lines of code. 2.PYTORCH: PYTORCH is a defined as an open source machine learning library for python .It is used for application such as natural language processing .It is initially developed by face book artificial intelligence research group. Pytorch redesigns and implements torch in python while sharing the same course c libraries for the backend code. 3.TORCH VISION: Torch vision library is a part of pytorch. Pytorch is an open source machine learning frame work. The torch vision package consist of popular datasets , model architectures and common image transformations for computer editions Generation of deep fake images using GAN and LSGAN 19
  • 20. CONCLUSION AND FUTURE SCOPE Conclusion: This project had successfully demonstrated Generative Adversarial Networks and LeastSquares GAN. This project had also demonstrated to test the trained GAN model which classifies whether the image is real or fake. The whole system with all the tools was less than 50 MB. This model can be used for other image dataset training andclassification. This project also demonstrated Least Squares GAN which also gives more realistic image than the traditional GAN by using Least Squares error loss function. Future Work: Since the scope of this project is limited to one trained model that which is trained with the single dataset. This can be improvised by adding more number of hidden layers. That can also improved using different loss function and optimizer. In future one can make application to identify whether the image is real or fake. One can also design an application to identify the accuracy whether the written digits really matching with generated or not. Generation of deep fake images using GAN and LSGAN 20
  • 21. 21 REFERENCES: • https://www.researchgate.net/publication/343691176_Application_to_generate_fake_images_ and_image_classification_using_Generative_Adversarial_Networks • https://www.youtube.com/watch?v=6RTJbbAD1uw&feature=share&utm_source=EJGixIgBC Jiu2KjB4oSJEQ • https://in.video.search.yahoo.com/search/video?fr=mcafee&ei=UTF- 8&p=style+gan&type=E211IN826G0#id=1&vid=438d41a6077d5e6f8ea0dbda82f93943&actio n=click • Generative Adversarial Network (GAN). (2019) Geeks for Geeks. Available at: https://www.geeksforgeeks.org/generative-adversarial-network-gan/ (Accessed: 2 September 2019). • Generative Adversarial Networks: Introduction and Outlook. Available at: http://html.rhhz.net/ieee-jas/html/2017-4-588.htm (Accessed: 2 September 2019a). • Generative Personal Assistance with Audio and Visual Examples. Available at: http://www.kecl.ntt.co.jp/people/kaneko.takuhiro/projects/gpa/ (Accessed: 2 September 2019b). • Good fellow , I. et al. (2014) ‘Generative Adversarial Nets’. In Ghahramani, Z. et al. (eds.) Advances in Neural Information Processing Systems 27. Curran Associates, Inc., pp. 2672–2680. Available at: http://papers.nips.cc/paper/5423-generative-adversarial- nets.pdf (Accessed: 2 September 2019). • NVlabs/Stylegan. (2019b)NVIDIA Research Projects Available at: https://github.com/NVlabs/stylegan (Accessed: 2 September 2019). • Yashwanth, N. et al. (2019) ‘Survey on Generative Adversarial Networks’. Generation of deep fake images using GAN and LSGAN
  • 22. 22 Thank you Generation of deep fake images using GAN and LSGAN