Artificial Intelligence (AI) systems are increasingly utilized in our daily lives, but the opacity of their decision-making processes can raise ethical concerns and questions about their reliability. To address this issue, researchers are exploring the use of generative models for Explainable AI (XAI).
Explainable AI (XAI) is an approach to developing artificial intelligence (AI) systems that can be easily understood and interpreted by humans. XAI systems are designed to provide clear explanations of how they arrived at their decisions or recommendations so that users can understand the rationale behind them. XAI techniques include visualization tools, natural language processing, and other methods to make AI systems more interpretable and explainable.
Generative models are AI models that can create new data similar to a training dataset. In the context of XAI, these models can generate explanations for AI decision-making in a way that is easy for humans to understand. This can help build trust in AI systems and ensure they make ethical and fair decisions.
This article aims to provide an overview of generative models for XAI. More specifically, we will examine different generative models, including Variational Autoencoders (VAEs) and Generative Adversarial Networks (GANs), and discuss how they can be used for XAI.
A discriminative model is typically trained using supervised machine learning, where the model is given input data that is labeled with the correct output category. This allows the model to learn to identify patterns in the input data that are associated with each category without needing to understand the underlying generative process that produced the data.

Some common examples of discriminative models include Support Vector Machines (SVMs), Logistic Regression, and Artificial Neural Networks. Let’s explore them one by one.
Support Vector Machines (SVMs) are a type of machine learning algorithm used for classification and regression tasks. SVMs use discriminative modeling to learn a decision boundary that separates different classes of data. This boundary is chosen to maximize the margin between the decision boundary and the closest data points, which helps ensure that the SVM can generalize well to new data. Here are a couple of tasks SVMs can be used for:
One representative example of generative modeling methods that can be used with SVM is the Gaussian mixture model (GMM) combined with SVM for classification tasks.
In GMM, the data is modeled as a mixture of several Gaussian distributions. Each Gaussian represents a cluster of data points, and the mixture weights determine the importance of each Gaussian. By estimating the parameters of the Gaussian distributions, GMM can generate new data points with similar characteristics to the original data.
To use GMM with SVM, data analysts first train a GMM on the training data to learn the underlying distribution of the data. Then, they use the GMM to generate synthetic data points, which are added to the training set to augment the dataset. Finally, they train an SVM on the augmented dataset to improve the classification performance.
For example, let’s say we have a dataset of images of cats and dogs, and we want to train an SVM classifier to distinguish between them. We can use GMM to generate synthetic images of cats and dogs with similar characteristics to the original images but with some variations. These synthetic images can be added to the training set to increase the size of the dataset, which can improve the generalization performance of the SVM classifier.
Logistic regression is a statistical machine-learning algorithm used for classification tasks. It is a type of regression analysis used when the dependent variable is binary or categorical. Logistic regression aims to predict the probability of a specific outcome based on input features.

In logistic regression, the output is a logistic function that maps the input features to a probability value between zero and one. This probability can then be used to classify the input data into one of two or more classes.
Logistic regression is widely used in many different fields, including the following:
A representative example of how logistic regression provides explanations for humans is by analyzing the relationship between the predictors and the predicted outcome in terms of odds ratios.
For instance, consider a dataset with information about the gender, age, and smoking status of a group of patients and whether they have developed lung cancer. Medical providers can use logistic regression to model the probability of a patient developing lung cancer based on these predictors.
After fitting the logistic regression model, doctors can interpret the model’s coefficients as the change in the log odds of developing lung cancer associated with a unit change in each predictor. To make these results more interpretable for humans, medical professionals can exponentiate these coefficients to obtain odds ratios.
For example, let’s say that the logistic regression model estimates a coefficient of 0.5 for smoking status, which means that for every additional pack per year of smoking, the log odds of developing lung cancer increase by 0.5. Providers can exponentiate this coefficient to obtain the odds ratio, which tells them how likely a patient is to develop lung cancer if they smoke one additional pack a year compared to a patient who doesn’t smoke.
Suppose the odds ratio associated with smoking status is 1.6. This means that a patient who smokes one additional pack a year is 1.6 times more likely to develop lung cancer compared to a patient who doesn’t smoke after controlling for the effects of other predictors in the model.
By presenting odds ratios for each predictor, the model can provide easy explanations for humans to understand and interpret. These explanations can help healthcare providers and patients make informed decisions and take appropriate actions based on the results of the logistic regression model.
Artificial Neural Networks (ANNs) are machine learning algorithms inspired by the structure and function of the human brain. ANNs are composed of layers of interconnected nodes, or neurons, that process information and make predictions based on input data.
In ANNs, the input data is passed through the network, and the weights of the connections between neurons are adjusted during training to improve the accuracy of the model’s predictions. ANNs can be used for various tasks, including classification, regression, and pattern recognition. Here are a few fields ANN is used in:
ANNs can optimize traffic flow, predict travel times, and improve public transit. ANNs can be used to model the interactions between vehicles, pedestrians, and other elements in a transportation network to optimize traffic flow. For example, ANNs can predict traffic volume and congestion levels at different times of day and adjust traffic signals and other controls to improve traffic flow and reduce congestion.
ANNs can optimize manufacturing processes and identify product defects. ANNs can be used to optimize various manufacturing processes such as machining, assembly, and quality control. For instance, ANNs can analyze data from sensors and other sources to identify patterns in the production process and adjust parameters such as temperature, pressure, or speed.
ANNs can be used to personalize learning, predict student performance, and identify students who may need additional support. ANNs can be used to personalize learning by analyzing data on student performance, preferences, and interests. For example, ANNs can be used to recommend learning materials, activities, and assessments tailored to individual students’ needs and learning styles. Furthermore, ANNs can be used to predict student performance based on various factors, such as previous academic data, demographic data, and socio-economic status. This can help educators identify students who may be at risk of falling behind and provide them with additional support.
One way that ANNs can provide explanations for humans to understand is through a technique called “feature visualization.” Feature visualization involves generating visual representations of the patterns learned by the ANN to understand how the ANN is making its predictions.
For example, in image recognition, ANNs can learn to recognize different features of an image, such as edges, textures, or shapes, and use those features to classify the image into different categories. By visualizing these features, researchers can gain insight into how the ANN recognizes objects in images and identifies which features are most important for accurate classification.
A generative model is a type of unsupervised machine learning algorithm that aims to learn the underlying structure of a dataset to generate new samples that are similar to the original data. Unlike supervised learning, where the algorithm is trained on labeled data, generative models do not require labeled data, making them useful for tasks such as image and speech recognition.
Common examples of generative deep learning are generative adversarial networks, variational autoencoders, and autoregressive models. So let’s dive deeper into these three.
Generative Adversarial Networks (GANs) are generative models that use two neural networks, a generator, and a discriminator, to create new samples that are similar to the original data.
The generator network creates new samples by taking random noise as input and generating data that is similar to the original data. The discriminator network tries to distinguish between the generated samples and the original data.
The two networks are trained together in an adversarial manner, with the generator trying to fool the discriminator and the discriminator trying to correctly classify the generated samples.
GANs have shown great promise in a variety of fields, including the following:
While GANs are not typically used to provide explanations in the traditional sense, they can be used to generate visualizations that help humans understand complex data. For example, GANs have been used in medical imaging to create realistic 3D visualizations of organs and tissue structures from medical scans. These visualizations can help doctors and researchers better understand the body’s internal structures and identify potential issues or abnormalities.
In another example, GANs have been used to generate realistic images of cars, which can be helpful in the design process. By training a GAN on a dataset of car images, designers can develop new car designs that are similar to the training data but have unique features. This can help designers explore different design possibilities and features.
Variational autoencoders (VAEs) are machine learning algorithms that can generate new data similar to existing data. They work by compressing the existing data into a smaller representation and then developing new data based on that compressed representation.

VAEs are often used when a lot of data is available, but it is not labeled or categorized. For example, they can generate new images, remove noise from images, or detect unusual patterns in large datasets.
By learning the probability distribution over the compressed data, VAEs can generate new samples that are similar to the original data but not identical. This makes them useful for tasks like creating new artwork or music or exploring new variations on existing data.
VAEs have shown promise in a variety of fields, including the following:
Autoregressive models are based on the idea that past values of a time series can be used to predict its future values. In other words, they assume a relationship between a variable’s past values and its future values.
Autoregressive models work by fitting a mathematical equation to the time series data, which describes the relationship between the past values of the variable and its future values. The model then uses this equation to predict future values based on the past values of the variable.
Autoregressive models are widely used in many fields, including the following:
One example of how autoregressive models can provide explanations is in the field of natural language processing. By training an autoregressive model on a large corpus of text, it is possible to generate new text that is similar in style and content to the training data. However, the generated text can sometimes be difficult for humans to interpret, especially if the model generates text that is different from what we expect.
To address this issue, researchers have developed techniques for visualizing the internal workings of autoregressive models. For example, one approach is to generate a heat map that shows the importance of each input token for generating each output token. This can help humans understand which parts of the input data are most important for developing each part of the output data.
Generative models try to understand the underlying structure of the data by learning how the input features and output labels are related. This understanding is then used to generate new data that is similar to the original training data.
On the other hand, discriminative models only focus on learning the boundary between different data classes. They do not try to understand the underlying structure of the data, but instead, they try to classify new data based on what they have learned from the training data.
In simpler terms, a generative model tries to understand how the data was generated and then uses that knowledge to create new data, while a discriminative model only tries to classify the data based on what it has learned.
Let’s say you have a dataset of images of cats. A generative model would try to understand the underlying patterns and characteristics of these images to generate new images of cats that look realistic and believable, even though they may not have existed in the original dataset. In this case, a generative model could be a Variational Autoencoder (VAE), a type of neural network that learns to encode and decode images.
Continuing with the same dataset of cat images, a discriminative model would only focus on identifying whether a given image contains a cat based on the features it has learned from the dataset. In this case, a discriminative model could be a Convolutional Neural Network (CNN), a type of neural network that learns to classify images.
Generative models can be helpful for tasks such as data generation and density estimation, but they are often more complex and computationally expensive. For example, generative models like GANs have been used to create realistic images that don’t exist in real life, while VAEs have been used to generate realistic and varied sentence completions in natural language processing tasks.
Discriminative models, on the other hand, are generally simpler and more efficient, but they are better suited for classification tasks. Some examples of classification tasks where discriminative models are commonly used include:
As Artificial Intelligence (AI) systems become more prevalent in our daily lives, there is a growing need for Explainable AI (XAI) that can offer clear and comprehensive explanations for their decision-making processes.
This is where generative models come in. Generative models are AI models that can create new data similar to a training dataset, and they can be used to generate explanations for AI decision-making in a way that is easy for humans to understand. Discriminative models, on the other hand, only focus on learning the boundary between different data classes, and they are generally simpler and more efficient.
Try our real-time predictive modeling engine and create your first custom model in five minutes – no coding necessary!