How to Implement a Semi-Supervised GAN (SGAN) From Scratch in Keras

Semi-supervised learning is the challenging problem of training a classifier in a dataset that contains a small number of labeled examples and a much larger number of unlabeled examples.

The Generative Adversarial Network, or GAN, is an architecture that makes effective use of large, unlabeled datasets to train an image generator model via an image discriminator model. The discriminator model can be used as a starting point for developing a classifier model in some cases.

The semi-supervised GAN, or SGAN, model is an extension of the GAN architecture that involves the simultaneous training of a supervised discriminator, unsupervised discriminator, and a generator model. The result is both a supervised classification model that generalizes well to unseen examples and a generator model that outputs plausible examples of images from the domain.

In this tutorial, you will discover how to develop a Semi-Supervised Generative Adversarial Network from scratch.

After completing this tutorial, you will know:

  • The semi-supervised GAN is an extension of the GAN architecture for training a classifier model while making use of labeled and unlabeled data.
  • There are at least three approaches to implementing the supervised and unsupervised discriminator models in Keras used in the semi-supervised GAN.
  • How to train a semi-supervised GAN from scratch on MNIST and load and use the trained classifier for making predictions.

Kick-start your project with my new book Generative Adversarial Networks with Python, including step-by-step tutorials and the Python source code files for all examples.

Let’s get started.

How to Implement a Semi-Supervised Generative Adversarial Network From Scratch

How to Implement a Semi-Supervised Generative Adversarial Network From Scratch.
Photo by Carlos Johnson, some rights reserved.

Tutorial Overview

This tutorial is divided into four parts; they are:

  1. What Is the Semi-Supervised GAN?
  2. How to Implement the Semi-Supervised Discriminator Model
  3. How to Develop a Semi-Supervised GAN for MNIST
  4. How to Load and Use the Final SGAN Classifier Model

What Is the Semi-Supervised GAN?

Semi-supervised learning refers to a problem where a predictive model is required and there are few labeled examples and many unlabeled examples.

The most common example is a classification predictive modeling problem in which there may be a very large dataset of examples, but only a small fraction have target labels. The model must learn from the small set of labeled examples and somehow harness the larger dataset of unlabeled examples in order to generalize to classifying new examples in the future.

The Semi-Supervised GAN, or sometimes SGAN for short, is an extension of the Generative Adversarial Network architecture for addressing semi-supervised learning problems.

One of the primary goals of this work is to improve the effectiveness of generative adversarial networks for semi-supervised learning (improving the performance of a supervised task, in this case, classification, by learning on additional unlabeled examples).

Improved Techniques for Training GANs, 2016.

The discriminator in a traditional GAN is trained to predict whether a given image is real (from the dataset) or fake (generated), allowing it to learn features from unlabeled images. The discriminator can then be used via transfer learning as a starting point when developing a classifier for the same dataset, allowing the supervised prediction task to benefit from the unsupervised training of the GAN.

In the Semi-Supervised GAN, the discriminator model is updated to predict K+1 classes, where K is the number of classes in the prediction problem and the additional class label is added for a new “fake” class. It involves directly training the discriminator model for both the unsupervised GAN task and the supervised classification task simultaneously.

We train a generative model G and a discriminator D on a dataset with inputs belonging to one of N classes. At training time, D is made to predict which of N+1 classes the input belongs to, where an extra class is added to correspond to the outputs of G.

Semi-Supervised Learning with Generative Adversarial Networks, 2016.

As such, the discriminator is trained in two modes: a supervised and unsupervised mode.

  • Unsupervised Training: In the unsupervised mode, the discriminator is trained in the same way as the traditional GAN, to predict whether the example is either real or fake.
  • Supervised Training: In the supervised mode, the discriminator is trained to predict the class label of real examples.

Training in unsupervised mode allows the model to learn useful feature extraction capabilities from a large unlabeled dataset, whereas training in supervised mode allows the model to use the extracted features and apply class labels.

The result is a classifier model that can achieve state-of-the-art results on standard problems such as MNIST when trained on very few labeled examples, such as tens, hundreds, or one thousand. Additionally, the training process can also result in better quality images output by the generator model.

For example, Augustus Odena in his 2016 paper titled “Semi-Supervised Learning with Generative Adversarial Networks” shows how a GAN-trained classifier is able to perform as well as or better than a standalone CNN model on the MNIST handwritten digit recognition task when trained with 25, 50, 100, and 1,000 labeled examples.

Example of the Table of Results Comparing Classification Accuracy of a CNN and SGAN on MNIST

Example of the Table of Results Comparing Classification Accuracy of a CNN and SGAN on MNIST.
Taken from: Semi-Supervised Learning with Generative Adversarial Networks

Tim Salimans, et al. from OpenAI in their 2016 paper titled “Improved Techniques for Training GANs” achieved at the time state-of-the-art results on a number of image classification tasks using a semi-supervised GAN, including MNIST.

Example of the Table of Results Comparing Classification Accuracy of other GAN models to a SGAN on MNIST

Example of the Table of Results Comparing Classification Accuracy of other GAN models to a SGAN on MNIST.
Taken From: Improved Techniques for Training GANs

Want to Develop GANs from Scratch?

Take my free 7-day email crash course now (with sample code).

Click to sign-up and also get a free PDF Ebook version of the course.

How to Implement the Semi-Supervised Discriminator Model

There are a number of ways that we can implement the discriminator model for the semi-supervised GAN.

In this section, we will review three candidate approaches.

Traditional Discriminator Model

Consider a discriminator model for the standard GAN model.

It must take an image as input and predict whether it is real or fake. More specifically, it predicts the likelihood of the input image being real. The output layer uses a sigmoid activation function to predict a probability value in [0,1] and the model is typically optimized using a binary cross entropy loss function.

For example, we can define a simple discriminator model that takes grayscale images as input with the size of 28×28 pixels and predicts a probability of the image being real. We can use best practices and downsample the image using convolutional layers with a 2×2 stride and a leaky ReLU activation function.

The define_discriminator() function below implements this and defines our standard discriminator model.

Running the example creates a plot of the discriminator model, clearly showing the 28x28x1 shape of the input image and the prediction of a single probability value.

Plot of a Standard GAN Discriminator Model

Plot of a Standard GAN Discriminator Model

Separate Discriminator Models With Shared Weights

Starting with the standard GAN discriminator model, we can update it to create two models that share feature extraction weights.

Specifically, we can define one classifier model that predicts whether an input image is real or fake, and a second classifier model that predicts the class of a given model.

Both models have different output layers but share all feature extraction layers. This means that updates to one of the classifier models will impact both models.

The example below creates the traditional discriminator model with binary output first, then re-uses the feature extraction layers and creates a new multi-class prediction model, in this case with 10 classes.

Running the example creates and plots both models.

The plot for the first model is the same as before.

Plot of an Unsupervised Binary Classification GAN Discriminator Model

Plot of an Unsupervised Binary Classification GAN Discriminator Model

The plot of the second model shows the same expected input shape and same feature extraction layers, with a new 10 class classification output layer.

Plot of a Supervised Multi-Class Classification GAN Discriminator Model

Plot of a Supervised Multi-Class Classification GAN Discriminator Model

Single Discriminator Model With Multiple Outputs

Another approach to implementing the semi-supervised discriminator model is to have a single model with multiple output layers.

Specifically, this is a single model with one output layer for the unsupervised task and one output layer for the supervised task.

This is like having separate models for the supervised and unsupervised tasks in that they both share the same feature extraction layers, except that in this case, each input image always has two output predictions, specifically a real/fake prediction and a supervised class prediction.

A problem with this approach is that when the model is updated unlabeled and generated images, there is no supervised class label. In that case, these images must have an output label of “unknown” or “fake” from the supervised output. This means that an additional class label is required for the supervised output layer.

The example below implements the multi-output single model approach for the discriminator model in the semi-supervised GAN architecture.

We can see that the model is defined with two output layers and that the output layer for the supervised task is defined with n_classes + 1. in this case 11, making room for the additional “unknown” class label.

We can also see that the model is compiled to two loss functions, one for each output layer of the model.

Running the example creates and plots the single multi-output model.

The plot clearly shows the shared layers and the separate unsupervised and supervised output layers.

Plot of a Semi-Supervised GAN Discriminator Model With Unsupervised and Supervised Output Layers

Plot of a Semi-Supervised GAN Discriminator Model With Unsupervised and Supervised Output Layers

Stacked Discriminator Models With Shared Weights

A final approach is very similar to the prior two approaches and involves creating separate logical unsupervised and supervised models but attempts to reuse the output layers of one model to feed as input into another model.

The approach is based on the definition of the semi-supervised model in the 2016 paper by Tim Salimans, et al. from OpenAI titled “Improved Techniques for Training GANs.”

In the paper, they describe an efficient implementation, where first the supervised model is created with K output classes and a softmax activation function. The unsupervised model is then defined that takes the output of the supervised model prior to the softmax activation, then calculates a normalized sum of the exponential outputs.

Example of the Output Function for the Unsupervised Discriminator Model in the SGAN

Example of the Output Function for the Unsupervised Discriminator Model in the SGAN.
Taken from: Improved Techniques for Training GANs

To make this clearer, we can implement this activation function in NumPy and run some sample activations through it to see what happens.

The complete example is listed below.

Remember, the output of the unsupervised model prior to the softmax activation function will be the activations of the nodes directly. They will be small positive or negative values, but not normalized, as this would be performed by the softmax activation.

The custom activation function will output a value between 0.0 and 1.0.

A value close to 0.0 is output for a small or negative activation and a value close to 1.0 for a positive or large activation. We can see this when we run the example.

This means that the model is encouraged to output a strong class prediction for real examples, and a small class prediction or low activation for fake examples. It’s a clever trick and allows the re-use of the same output nodes from the supervised model in both models.

The activation function can be implemented almost directly via the Keras backend and called from a Lambda layer, e.g. a layer that will apply a custom function to the input to the layer.

The complete example is listed below. First, the supervised model is defined with a softmax activation and categorical cross entropy loss function. The unsupervised model is stacked on top of the output layer of the supervised model before the softmax activation, and the activations of the nodes pass through our custom activation function via the Lambda layer.

No need for a sigmoid activation function as we have already normalized the activation. As before, the unsupervised model is fit using binary cross entropy loss.

Running the example creates and plots the two models, which look much the same as the two models in the first example.

Stacked version of the unsupervised discriminator model:

Plot of the Stacked Version of the Unsupervised Discriminator Model of the Semi-Supervised GAN

Plot of the Stacked Version of the Unsupervised Discriminator Model of the Semi-Supervised GAN

Stacked version of the supervised discriminator model:

Plot of the Stacked Version of the Supervised Discriminator Model of the Semi-Supervised GAN

Plot of the Stacked Version of the Supervised Discriminator Model of the Semi-Supervised GAN

Now that we have seen how to implement the discriminator model in the semi-supervised GAN, we can develop a complete example for image generation and semi-supervised classification.

How to Develop a Semi-Supervised GAN for MNIST

In this section, we will develop a semi-supervised GAN model for the MNIST handwritten digit dataset.

The dataset has 10 classes for the digits 0-9, therefore the classifier model will have 10 output nodes. The model will be fit on the training dataset that contains 60,000 examples. Only 100 of the images in the training dataset will be used with labels, 10 from each of the 10 classes.

We will start off by defining the models.

We will use the stacked discriminator model, exactly as defined in the previous section.

Next, we can define the generator model. In this case, the generator model will take as input a point in the latent space and will use transpose convolutional layers to output a 28×28 grayscale image. The define_generator() function below implements this and returns the defined generator model.

The generator model will be fit via the unsupervised discriminator model.

We will use the composite model architecture, common to training the generator model when implemented in Keras. Specifically, weight sharing is used where the output of the generator model is passed directly to the unsupervised discriminator model, and the weights of the discriminator are marked as not trainable.

The define_gan() function below implements this, taking the already-defined generator and discriminator models as input and returning the composite model used to train the weights of the generator model.

We can load the training dataset and scale the pixels to the range [-1, 1] to match the output values of the generator model.

We can also define a function to select a subset of the training dataset in which we keep the labels and train the supervised version of the discriminator model.

The select_supervised_samples() function below implements this and is careful to ensure that the selection of examples is random and that the classes are balanced. The number of labeled examples is parameterized and set at 100, meaning that each of the 10 classes will have 10 randomly selected examples.

Next, we can define a function for retrieving a batch of real training examples.

A sample of images and labels is selected, with replacement. This same function can be used to retrieve examples from the labeled and unlabeled dataset, later when we train the models. In the case of the “unlabeled dataset“, we will ignore the labels.

Next, we can define functions to help in generating images using the generator model.

First, the generate_latent_points() function will create a batch worth of random points in the latent space that can be used as input for generating images. The generate_fake_samples() function will call this function to generate a batch worth of images that can be fed to the unsupervised discriminator model or the composite GAN model during training.

Next, we can define a function to be called when we want to evaluate the performance of the model.

This function will generate and plot 100 images using the current state of the generator model. This plot of images can be used to subjectively evaluate the performance of the generator model.

The supervised discriminator model is then evaluated on the entire training dataset, and the classification accuracy is reported. Finally, the generator model and the supervised discriminator model are saved to file, to be used later.

The summarize_performance() function below implements this and can be called periodically, such as the end of every training epoch. The results can be reviewed at the end of the run to select a classifier and even generator models.

Next, we can define a function to train the models. The defined models and loaded training dataset are provided as arguments, and the number of training epochs and batch size are parameterized with default values, in this case 20 epochs and a batch size of 100.

The chosen model configuration was found to overfit the training dataset quickly, hence the relatively smaller number of training epochs. Increasing the epochs to 100 or more results in much higher-quality generated images, but a lower-quality classifier model. Balancing these two concerns might make a fun extension.

First, the labeled subset of the training dataset is selected, and the number of training steps is calculated.

The training process is almost identical to the training of a vanilla GAN model, with the addition of updating the supervised model with labeled examples.

A single cycle through updating the models involves first updating the supervised discriminator model with labeled examples, then updating the unsupervised discriminator model with unlabeled real and generated examples. Finally, the generator model is updated via the composite model.

The shared weights of the discriminator model get updated with 1.5 batches worth of samples, whereas the weights of the generator model are updated with one batch worth of samples each iteration. Changing this so that each model is updated by the same amount might improve the model training process.

Finally, we can define the models and call the function to train and save the models.

Tying all of this together, the complete example of training a semi-supervised GAN on the MNIST handwritten digit image classification task is listed below.

The example can be run on a workstation with a CPU or GPU hardware, although a GPU is recommended for faster execution.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

At the start of the run, the size of the training dataset is summarized, as is the supervised subset, confirming our configuration.

The performance of each model is summarized at the end of each update, including the loss and accuracy of the supervised discriminator model (c), the loss of the unsupervised discriminator model on real and generated examples (d), and the loss of the generator model updated via the composite model (g).

The loss for the supervised model will shrink to a small value close to zero and accuracy will hit 100%, which will be maintained for the entire run. The loss of the unsupervised discriminator and generator should remain at modest values throughout the run if they are kept in equilibrium.

The supervised classification model is evaluated on the entire training dataset at the end of every training epoch, in this case after every 600 training updates. At this time, the performance of the model is summarized, showing that it rapidly achieves good skill.

This is surprising given that the model is only trained on 10 labeled examples of each class.

The models are also saved at the end of each training epoch and plots of generated images are also created.

The quality of the generated images is good given the relatively small number of training epochs.

Plot of Handwritten Digits Generated by the Semi-Supervised GAN After 8400 Updates.

Plot of Handwritten Digits Generated by the Semi-Supervised GAN After 8400 Updates.

How to Load and Use the Final SGAN Classifier Model

Now that we have trained the generator and discriminator models, we can make use of them.

In the case of the semi-supervised GAN, we are less interested in the generator model and more interested in the supervised model.

Reviewing the results for the specific run, we can select a specific saved model that is known to have good performance on the test dataset. In this case, the model saved after 12 training epochs, or 7,200 updates, that had a classification accuracy of about 95.432% on the training dataset.

We can load the model directly via the load_model() Keras function.

Once loaded, we can evaluate it on the entire training dataset again to confirm the finding, then evaluate it on the holdout test dataset.

Recall, the feature extraction layers expect the input images to have the pixel values scaled to the range [-1,1], therefore, this must be performed before any images are provided to the model.

The complete example of loading the saved semi-supervised classifier model and evaluating it in the complete MNIST dataset is listed below.

Running the example loads the model and evaluates it on the MNIST dataset.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see that, in this case, the model achieves the expected performance of 95.432% on the training dataset, confirming we have loaded the correct model.

We can also see that the accuracy on the holdout test dataset is as good, or slightly better, at about 95.920%. This shows that the learned classifier has good generalization.

We have successfully demonstrated the training and evaluation of a semi-supervised classifier model fit via the GAN architecture.

Extensions

This section lists some ideas for extending the tutorial that you may wish to explore.

  • Standalone Classifier. Fit a standalone classifier model on the labeled dataset directly and compare performance to the SGAN model.
  • Number of Labeled Examples. Repeat the example of more or fewer labeled examples and compare the performance of the model
  • Model Tuning. Tune the performance of the discriminator and generator model to further lift the performance of the supervised model closer toward state-of-the-art results.

If you explore any of these extensions, I’d love to know.
Post your findings in the comments below.

Further Reading

This section provides more resources on the topic if you are looking to go deeper.

Papers

API

Articles

Projects

Summary

In this tutorial, you discovered how to develop a Semi-Supervised Generative Adversarial Network from scratch.

Specifically, you learned:

  • The semi-supervised GAN is an extension of the GAN architecture for training a classifier model while making use of labeled and unlabeled data.
  • There are at least three approaches to implementing the supervised and unsupervised discriminator models in Keras used in the semi-supervised GAN.
  • How to train a semi-supervised GAN from scratch on MNIST and load and use the trained classifier for making predictions.

Do you have any questions?
Ask your questions in the comments below and I will do my best to answer.

Develop Generative Adversarial Networks Today!

Generative Adversarial Networks with Python

Develop Your GAN Models in Minutes

...with just a few lines of python code

Discover how in my new Ebook:
Generative Adversarial Networks with Python

It provides self-study tutorials and end-to-end projects on:
DCGAN, conditional GANs, image translation, Pix2Pix, CycleGAN
and much more...

Finally Bring GAN Models to your Vision Projects

Skip the Academics. Just Results.

See What's Inside

125 Responses to How to Implement a Semi-Supervised GAN (SGAN) From Scratch in Keras

  1. Avatar
    Vineeta August 9, 2019 at 8:54 pm #

    The concept of SGAN is very well explained. Can you please incorporate feature matching in the above code?

  2. Avatar
    FAD August 31, 2019 at 9:11 pm #

    Thanks Jason for the nice explanation. I ran the code, it took a long time of execution.
    Do you think with this long time of execution, SGAN can compete with other types of semi-supervised learning such as VAT

    • Avatar
      Jason Brownlee September 1, 2019 at 5:39 am #

      Well done!

      It really depends on the specifics of the problem and the models. It is a good idea to test a range of methods.

  3. Avatar
    Hamed September 9, 2019 at 4:16 pm #

    Excellent Jason! But what if instead of custom_activation function I needed to use a custom function which was not included in backend. For example, I generated a face image as output and I want to calculate its FaceNet embedding and penalize the dissimilarity between those of the generated and the actual in my loss function. I thought I could change it to an array using tf.session.run and then calculate its FaceNet embedding but it threw the error that I must feed a value for placeholder tensor.

    • Avatar
      Jason Brownlee September 10, 2019 at 5:36 am #

      Very cool idea!

      You can use custom functions, but recall you will be working with tensors, not arrays. Therefore all simple operations will have to use functions from backend that will wrap TF/Theano functions for tensors.

      Some experimentation may be required.

      • Avatar
        Hamed September 11, 2019 at 3:48 pm #

        You mean I need to change all the code of Facenet predict? Or if I want to use dlib to extract 68 landmarks for each tensor I need to change their code. In their code they clearly said it supports either list or array as input. There’s no other way to get around this?

        • Avatar
          Jason Brownlee September 12, 2019 at 5:12 am #

          No, I meant that if you use a custom function you will be working with tensors not arrays.

  4. Avatar
    AB November 16, 2019 at 9:00 am #

    what are the versions of keras and tensorflow that you use?

  5. Avatar
    Yingbo November 22, 2019 at 4:40 am #

    # update supervised discriminator (c)
    [Xsup_real, ysup_real], _ = generate_real_samples([X_sup, y_sup], half_batch)
    c_loss, c_acc = c_model.train_on_batch(Xsup_real, ysup_real)

    If we want to train the supervised discriminator, we need to use labeled data right? I mean we should use:

    [Xsup_real, ysup_real], _ = select_supervised_samples(datasets)

    rather than
    [Xsup_real, ysup_real], _ = generate_real_samples([X_sup, y_sup], half_batch)

    I am confused, am I wrong? Thanks!

    • Avatar
      Yingbo November 22, 2019 at 4:46 am #

      I am sorry it was my fault, never mind! Your tutorial is awesome, really helps me a lot!

  6. Avatar
    YAMIN December 9, 2019 at 1:05 am #

    est ce que vous pouvez nous prposer un tuto sur la CatGAN

  7. Avatar
    Double H December 19, 2019 at 11:51 pm #

    Thank you for the great explanations!
    I want to play with your SGAN code for the segmentation of 2d images.
    Since I am new to deep learning, so I want to ask some questions.

    1. Modification of the current 1d output layer of discriminator to the 2d output layer will work for the segmentation?

    2. If you know, could you tell me any good example of Keras segmentation code for 2d images?

    3. What would you do if you modify your code for segmentation of 2d images?

    Thank you again and have a nice day!

    • Avatar
      Jason Brownlee December 20, 2019 at 6:50 am #

      Sorry, I don’t know how to adapt this example for segmentation directly.

  8. Avatar
    Zohar RImon December 26, 2019 at 9:26 am #

    Thanks for an amazing article!
    I looked at two extensions that you wrote about and compaired the SGAN performances to a standalone classifier. I trained the SGAN and the standalone classifier on a different number of labeled data each time.
    I also added augmentation to the standalone classifier and to the SGAN (mainly because the standalone classifier had very low perfomances without data augmentation).
    The results are pretty much as expected but really show the impact of the SGAN with little supervised data.
    The code and the results ( generated graphs) are available via my github repo – https://github.com/zoharri/SGAN_vs_Classifier.

    • Avatar
      Jason Brownlee December 27, 2019 at 6:28 am #

      Thanks.

      Well done on your extensions! Thanks for sharing.

  9. Avatar
    Kum January 15, 2020 at 5:13 pm #

    Hi Json, Thanks for the explanation.

    Discriminator multi-classifier instance in SGAN is trained independently and not connected with generator. Could you please explain How it is different from plain CNN classifier?

    • Avatar
      Jason Brownlee January 16, 2020 at 6:08 am #

      The discriminator is a simple image classifier.

  10. Avatar
    Nel February 14, 2020 at 12:07 am #

    Thanks for the great article!

    I am getting confused about how to feed the input to the Single Discriminator Model With Multiple Outputs. Let’s say we have X_train (labeled) and X_test(unlabeled) data. The output of the X_test should be given of ” d_output_layer ” and the output of the X_train should be given of ” c_output_layer”. So, how we can handle that. I mean how to feed data and get output from the desired layer.

    Thanks

    • Avatar
      Jason Brownlee February 14, 2020 at 6:36 am #

      Sorry, I don’t follow the problem you’re having.

  11. Avatar
    sasi April 1, 2020 at 2:09 am #

    Which python, keras and tensorflow version is suitable to run the above code.

    i got the following error for python 3.6

    ImportError: Could not find ‘msvcp140.dll’. TensorFlow requires that this DLL be installed in a directory that is named in your %PATH% environment variable. You may install this DLL by downloading Visual C++ 2015 Redistributable Update 3 from this URL: https://www.microsoft.com/en-us/download/details.aspx?id=53587

    • Avatar
      Jason Brownlee April 1, 2020 at 5:53 am #

      Keras 2.3 and TensorFlow 2.

      • Avatar
        sasi April 6, 2020 at 3:33 pm #

        Thanks for taking out your precious time to clear my doubts.

  12. Avatar
    Aswin Shriram T April 3, 2020 at 7:48 pm #

    Hi Jason,

    Thank you for this amazing tutorial.

    I tried to implement it for my use case, but the generator is generating the same image for all the classes. Do you have any idea why this could happen?

    • Avatar
      Jason Brownlee April 4, 2020 at 6:17 am #

      You’re welcome.

      Perhaps try changing the configuration of the model for your data?

  13. Avatar
    Aswin Shriram T April 4, 2020 at 3:42 pm #

    I did try increasing the number of samples per class. Is there any other parameter I should change that can plausibly improve this situation?

  14. Avatar
    Saumya April 25, 2020 at 4:18 am #

    Hi! Thanks for explaining it so well !

    I have a question regarding stacked discriminator with shared weights. If both supervised and unsupervised discriminator are sharing weights before activation layer. How come c_model has 316,938 weights but d_model has 633,876 weights? It looks like to me that c_model and d_model are both sharing common layers and applying different activation functions to create different models. So should they not have the same number of weights?

    Thank you!

  15. Avatar
    Ambuje Gupta May 8, 2020 at 1:19 pm #

    Hi,
    A great article, I was able to implement this for my application. I am confused that which model should I save to generate images?. How are you generating images in the last? Which model should I save to do the same? In general, we save the generator model but here I am confused.

    Thanks 🙂

    • Avatar
      Jason Brownlee May 8, 2020 at 3:55 pm #

      Thanks!

      The generator model is used for generating images.

      Yes, we save the generator model.

  16. Avatar
    lxxian June 9, 2020 at 10:41 pm #

    Hi, Your article is so good and is helpful for me !
    I have a little question that if this model can be transformed into the conventional data which is in the form of vector , and how to change it?

    Thanks!

  17. Avatar
    Hitesh Tekchandani June 11, 2020 at 6:04 am #

    What is meant by classifier accuracy in this tutorial. Is this meant that how efficiently classifier is identifying samples label i.e.among 0-9. Or classifier accuracy denotes how efficiently classifier differentiate between real and generated (or fake) samples. Further, is classifier accuracy and train accuracy is same.

    • Avatar
      Jason Brownlee June 11, 2020 at 6:07 am #

      Here we are training a generator and a classification model. Accuracy refers to the classification model.

      Perhaps re-read the section “What Is the Semi-Supervised GAN?”

      • Avatar
        Hitesh Tekchandani June 11, 2020 at 5:11 pm #

        How to get class labels of images generated by generator.

        • Avatar
          Jason Brownlee June 12, 2020 at 6:09 am #

          You could classify the generated images with the classification model.

          • Avatar
            Hitesh Tekchandani June 12, 2020 at 10:07 pm #

            Thanks, this line will work for me “c_out_layer = Activation(‘softmax’)(fe)”

          • Avatar
            Jason Brownlee June 13, 2020 at 6:02 am #

            Nice!

  18. Avatar
    Asma September 4, 2020 at 9:59 am #

    how to choose the latent_dim? and does the value belong to the dataset?
    I’m trying to apply this on a different dataset, so how to adjust the value of laten_dim on another dataset? because I used value = 100 and gave me a bad accuracy of 53%, or is it another problem?

    Thanks,

    • Avatar
      Jason Brownlee September 4, 2020 at 1:36 pm #

      Often small. Models are not very sensitive to the size as they impose their own structure.

      • Avatar
        Asma September 5, 2020 at 3:56 am #

        Thanks, I’m actually trying your code on my data with images of size 256x256x3 and I’m getting low accuracy, so I was wondering if the problem has to do with the classification model or with the latent dimension because I also displayed the generated images and they have very poor quality after many iterations?

        • Avatar
          Jason Brownlee September 5, 2020 at 6:53 am #

          Accuracy is a poor metric for GANs, loot at the generated images directly.

          Perhaps some of the tips here will help:
          https://machinelearningmastery.com/how-to-code-generative-adversarial-network-hacks/

          • Avatar
            P.G September 15, 2020 at 6:37 am #

            You said training beyond 100 epochs will improve image generation but not classification (on example in epoch 12 reached highest classifier acc.) and now you are arguing that image quality is important for accuracy? Wheres the catch? ???? Could you give more insights over accuracy vs image generation please? Btw awesome works all around this page you rock, thanks and keep it up!

          • Avatar
            Jason Brownlee September 15, 2020 at 7:41 am #

            Sorry, my comment was generic for GANs, e.g. when using GANs for image generation.

  19. Avatar
    Any September 9, 2020 at 6:05 am #

    Hi
    Great article, I learned a lot.
    One thing that isn’t clear to me. When training the generator, why do you genrate labels as 1’s:

    X_gan, y_gan = generate_latent_points(latent_dim, n_batch), ones((n_batch, 1))

  20. Avatar
    Dmitriy September 23, 2020 at 6:08 am #

    Hi Jason,
    Thank you very much for the clear and useful article!
    I have ran into a weird issue though when adapting this example in tensorflow (2.3.0) – the model gets trained to a reasonable accuracy even in a single epoch/600 steps, but if I save and then load it back, I end up with random accuracy (~10%).
    Do you have any idea what may be the problem?


    # train model
    train(g_model, d_model, c_model, gan_model, dataset, latent_dim, n_epochs=1)

    # load the dataset
    (trainX, trainy) = dataset
    _, train_acc = c_model.evaluate(trainX, trainy, verbose=0)
    print(‘Final Accuracy: %.3f%%’ % (train_acc * 100)) # this is >80%

    ### load c_model from file and apply to same data:
    from tensorflow.keras.models import load_model
    model = load_model(‘res/c_model_0600_sm’) #.h5
    _, train_acc = model.evaluate(trainX, trainy, verbose=0)
    print(‘Final Accuracy: %.3f%%’ % (train_acc * 100)) # this is <10%

    • Avatar
      Jason Brownlee September 23, 2020 at 6:45 am #

      Perhaps try using the standalone Keras library and compare results on your system?

  21. Avatar
    Mohamed Amin September 23, 2020 at 10:08 pm #

    Hello!

    Why did we set the d_model.trainable to False? I thought we train the d_model, and disable the generator in Semi-supervised Gan.

    Thank you in advance!

  22. Avatar
    AShir September 24, 2020 at 12:37 pm #

    Hey Jason,

    Thanks for this great explanation!

    – Can you please introduce articles/resources for “self-supervised image classification using CNN”?
    Consider that our dataset does not have any labels (annotated labels) and we want to classify its images. What would be your solution?

    Thanks for your guidance,

  23. Avatar
    kevin October 2, 2020 at 8:13 am #

    Hello, can you give an architecture image like this one -> https://media.arxiv-vanity.com/render-output/3592810/semi_gans.png

    Thank you!

  24. Avatar
    Divine January 23, 2021 at 6:06 pm #

    Hello, I really find this concept very interesting. However, I am trying to run the code to have a visual experience but there seem to be some error messages. Also, I want to find out if the SGAN will be viable for the classification of real and fake fingerprints because I am currently working on that. Thanks

    • Avatar
      Jason Brownlee January 24, 2021 at 5:58 am #

      Thanks.

      Why not use a multilayer perceptron model directly? Why use a GAN?

  25. Avatar
    Nhung Nguyen March 1, 2021 at 1:18 pm #

    Hi Jason,

    I implement your code. But I don’t know why when I load model and test model, accuracy is 9.99%.

    • Avatar
      Jason Brownlee March 1, 2021 at 1:46 pm #

      Perhaps double check you copied all of the code exactly?
      Perhaps try refitting the model?
      Perhaps check library version numbers?

      • Avatar
        Nhung nguyen March 4, 2021 at 2:32 pm #

        this is process training:
        >11988, c[0.001,100], d[0.742,0.858], g[1.056]
        >11989, c[0.001,100], d[0.828,0.937], g[0.922]
        >11990, c[0.001,100], d[0.970,0.843], g[0.903]
        >11991, c[0.001,100], d[0.792,0.848], g[1.147]
        >11992, c[0.001,100], d[0.944,0.992], g[1.223]
        >11993, c[0.002,100], d[0.712,0.919], g[1.263]
        >11994, c[0.002,100], d[0.667,0.846], g[1.177]
        >11995, c[0.002,100], d[0.923,0.911], g[1.162]
        >11996, c[0.001,100], d[0.916,0.775], g[1.115]
        >11997, c[0.001,100], d[0.799,0.638], g[0.975]
        >11998, c[0.002,100], d[0.837,0.939], g[0.914]
        >11999, c[0.001,100], d[0.810,0.816], g[0.961]
        >12000, c[0.001,100], d[0.676,0.928], g[1.012]
        Classifier Accuracy: 92.422%
        >Saved: generated_plot_12000.png, g_model_12000.h5, and c_model_12000.h5

        But when I load model, this is results
        WARNING:tensorflow:Error in loading the saved optimizer state. As a result, your model is starting with a freshly initialized optimizer.
        Train Accuracy: 9.690%
        Test Accuracy: 9.720%

  26. Avatar
    Nhung nguyen March 4, 2021 at 2:29 pm #

    Hi Sir,

    I would like to thank you for your response,

    I run your code with MNIST dataset, it is exactly raw by raw and the Accuracy when training is correct with high accuracy, but after I load the model and test it is different. I am not sure what is reason. When I try with another dataset, I also meet a similar error.

    • Avatar
      Jason Brownlee March 5, 2021 at 5:30 am #

      That is very odd! I have not seen that before.

      I wonder if the model is not being saved/loaded correctly, e.g. perhaps check weight values before and after.

      • Avatar
        Nhung nguyen March 9, 2021 at 3:50 pm #

        Hi, Thank you so much for your comment.
        I check the TensorFlow and Keras and now the results are ok.
        Thank you so much again.

  27. Avatar
    Guilherme Andrade March 25, 2021 at 11:42 pm #

    Hello, when you set d_model.trainable = False, doesn’t that prevent the discriminator from learning? Maybe train_on_batch overrides this, but I’m trying this with tf.gradienttape and unless I turn d_model.trainable to True mid training, I cant change the weights on the model.

    • Avatar
      Jason Brownlee March 26, 2021 at 6:25 am #

      No.

      It only takes effect in the composite model. You can learn more about layer freezing in the API documentation.

      You can still manually change weights – the “trainable” flag is respected internal by the Keras API in calls to fit() etc.

  28. Avatar
    Guilherme Andrade March 26, 2021 at 1:46 am #

    Hello,
    By setting d_model.trainable = False, doesn’t that keep both the discriminator and classifier from learning? At least I tried it using GradientTape. Maybe train_on_batch overrides that?Am I understanding something wrong?

  29. Avatar
    Wakil Khan March 28, 2021 at 12:04 am #

    How to load data incase of custom dataset? Suppose, I previously have a dataset of images in my machine.

  30. Avatar
    Wakil Khan March 31, 2021 at 7:51 pm #

    I didn’t understand what actually latent space is?

  31. Avatar
    kevin April 11, 2021 at 11:13 am #

    Hello, when I use the custom activation, my loss from the discriminator model is not getting better.

    And, why we need to evaluate the data in the TRAINING set not in validation set?

  32. Avatar
    kevin April 11, 2021 at 11:27 am #

    Hello, i have some questions.

    1. Why we need to evaluate on training dataset and not validation dataset?
    2. I don’ttt know why but when I use custom_activation the supervisor discriminator loss is not getting better.

    Thanks

  33. Avatar
    kevin April 25, 2021 at 1:37 pm #

    Thanks for replying to me, You are the best.

    Another question that I have is. Why you are using Adam with lr = 0.0002 and beta =0.5? Does this affect the quality of GAN and results?

    • Avatar
      Jason Brownlee April 26, 2021 at 5:34 am #

      You’re welcome.

      Yes, I believe this configuration of Adam is generally recommended and works well with GAN models in general.

  34. Avatar
    kevin April 29, 2021 at 1:54 pm #

    When I use custom activation my discriminator loss for real examples always continues too high (0.75~), with accuracy equal to 0.02. And my discriminator loss for fake examples are slower (0.3~) with accuracy next to 0.98. Is that normal?

    • Avatar
      Jason Brownlee April 30, 2021 at 6:01 am #

      Perhaps compare the results to other models, other configurations, for your specific dataset.

  35. Avatar
    Juan Monte May 13, 2021 at 7:48 pm #

    Hi again, Jason!

    As always, thank you so much for the effort of putting this kind of information here.

    I had a doubt: Is it possible to include a pretrained model (for example: a VGG16) for the generator? this would be in order to help the generator use the extracted features from the pretrained model and generate better images.

    Thanks for any response you can have.

    • Avatar
      Jason Brownlee May 14, 2021 at 6:25 am #

      You’re welcome.

      You may be able to use a pre-trained model but I would expect performance to be worse. Try it and see.

  36. Avatar
    Nate Yeli June 24, 2021 at 11:24 am #

    Hi Mr. Brownlee,

    Thanks so much for this resource. I was wondering how to use a custom dataset of 96×96 images with 13 classes for this example.

    How would I update n_nodes = 128 * 7 * 7, and gen = Reshape((7, 7, 128))(gen), and gen = Conv2DTranspose(128, (4,4), strides=(2,2), padding=’same’)(gen) ?

    And how would I change in_shape=(28,28,1) ?

    I’ve looked at https://machinelearningmastery.com/how-to-load-and-manipulate-images-for-deep-learning-in-python-with-pil-pillow/ but am still a bit stuck. Any help regarding the example would be appreciated.

    • Avatar
      Jason Brownlee June 25, 2021 at 6:09 am #

      Sorry, not sure I can be prescriptive in this case. You may have to use a little trial and error to adapt the model to your dataset.

  37. Avatar
    Melvin June 25, 2021 at 2:02 pm #

    Can the custom_activation function use for binary classification problems or just multi-class problem?

  38. Avatar
    Kevin August 2, 2021 at 2:42 am #

    When i plot discriminator.summary(), it’s show i have non trainable parameters, is it normal?

    • Avatar
      Jason Brownlee August 2, 2021 at 4:54 am #

      That does seem odd.

      • Avatar
        Kevin August 2, 2021 at 1:37 pm #

        Can you make a test? I tested here and this happens when we call build_gan().. Maybe when we train_on_batch the model trains even when trainable=False but when we use fit() we just can’t.

  39. Avatar
    Kumar November 25, 2021 at 7:56 am #

    Hi,

    I am using GAN for a fully supervised problem. However, my metrics are very poor. Can you please check my training loop below – particularly the criterion part?

    Thanks

    • Adrian Tam
      Adrian Tam November 25, 2021 at 2:39 pm #

      Seems OK to me. Probably it just need a long time to train the GAN well.

  40. Avatar
    Lovely December 20, 2021 at 10:42 pm #

    great article.

    • Avatar
      James Carmichael December 24, 2021 at 6:07 am #

      Thank you for the feedback and kind words!

      Regards,

  41. Avatar
    Noman December 23, 2021 at 8:06 am #

    Hello Sir, I have very baisc quesiton. How we can compute the training time of neural network.

  42. Avatar
    Noman December 25, 2021 at 6:43 am #

    I am using tensorflow and google colab.

  43. Avatar
    Noman December 28, 2021 at 12:16 am #

    My neural network per epoch takes 4sec and each step take 2ms. My goal is to calculate total training time of neural network. So, i am confused how i can do that.

  44. Avatar
    ZMB December 30, 2021 at 10:11 pm #

    HI can you share pytorch implementation of this code please.

  45. Avatar
    Juan May 8, 2022 at 3:41 am #

    Hi,

    In the separate discriminator models with shared weights, how do you train it?

    I mean, if the classifier model doesn’t have an extra label to predict if the class is ‘unkown’, you can only train that model on images with labels, right?

    So would you first input all images (real with & without labels, fake images) to the first discriminator, then the few images with labels to the second discriminator?

    Thanks.

  46. Avatar
    Mahdi Mohammadi June 17, 2022 at 8:30 pm #

    Hi
    In the line where you wrote “bat_per_epo = int(dataset[0].shape[0] / n_batch)” in the train function,
    shouldn’t it be:
    bat_per_epo = int(X_sup.shape[0] / n_batch)
    ?
    Because the dataset[0] contains the whole mnist x_train, while we are actually using only 100 pictures from it.

    • Avatar
      James Carmichael June 18, 2022 at 10:46 am #

      Thank you for the feedback Mahdi!

  47. Avatar
    Mohammed September 6, 2022 at 10:53 pm #

    Can we run the code for another dataset (binary classification), if yes, how?

  48. Avatar
    Arega November 9, 2022 at 7:51 am #

    can I use GAN in multilabel class feature extraction as discriminator in image to CSV file

  49. Avatar
    Ashay March 26, 2023 at 4:11 am #

    Hi, so when you say that you train for 20 and n_batch=100

    If I want to compare it with a CNN based classifier should I run that too for 20 epochs or some other number

    • Avatar
      James Carmichael March 26, 2023 at 10:30 am #

      Hi Ashay…Your understanding is correct! It would be recommended to do as you stated.

      • Avatar
        Ashay March 26, 2023 at 11:43 pm #

        Thanks, so if I understand correct, gan also trains for 20 epochs only even if number of steps ~1000 for batch 256,

        Here the other unlabelled examples are used to train on whole dataset and then the generative models to learn better features and then classifer discriminator model is trained 20 epochs but gets weight updates when the normal discriminator updates weight too.

        • Avatar
          James Carmichael March 27, 2023 at 10:42 am #

          Hi Ashay…You are correct! Please share with us how your Gan models perform!

          • Avatar
            Ashay March 27, 2023 at 8:28 pm #

            Thanks , what I noticed is for medical image data with 10 classes a baseline CNN comes near ssgan when there are atleast 300+ examples each case. till 100 examples there is still difference of more than 5% accuracy.

  50. Avatar
    ramsey morton March 26, 2023 at 4:27 am #

    Like for Mnist it the classifier model is 7200c.h5 , doesn’t it mean that it is trained more when compared to traditional ML classifier trained for epochs=20

  51. Avatar
    ramsey morton March 26, 2023 at 4:28 am #

    Just chenge the loss function , n_classes and samples accordingly , like 100 here would mean 50 from each.

Leave a Reply