1. Introduction
1.1. Generative Modelling
Generative modelling is a class of machine learning that aims to generate novel samples from an existing dataset. Image synthesis is a subset of generative modelling applications relating to the generation of novel high-fidelity images that mimic an underlying distribution of images, known as the training set. The main types of generative models are Generative Adversarial Networks (GANs), Probabilistic models (RBMs and DBMs), and Variational Autoencoders (VAE), all of which are capable of high-fidelity image synthesis [
1]. In 2020, a new methodology for producing image synthesis using diffusion models was shown to produce high-quality images [
2]. In 2021, OpenAI demonstrated Denoising Diffusion Probabilistic Models’ (DDPM) superiority in generating higher image sample quality than the previous state-of-the-art GANs [
3].
Quantum annealers, namely the D-Wave 2000Q have also been shown to perform generative modelling with varied success [
4,
5]. By taking advantage of quantum sampling and parallelization D-Wave 2000Q is able to hold an embedding of the latent space relating to a set of training data in an architecture of coupled Qubits [
6]. There are still significant research gaps relating to utilizing generative modelling on the quantum processing unit for image synthesis, especially as it relates to measuring their performance against other generative models on standard scoring methods, namely: Inception score, Frechet Inception Distance (FID), and Kernel Inception Distance (KID). This research aims to close this gap by investigating the efficacy of the D-Wave 2000Q quantum annealer on the problem of image synthesis.
1.2. Trilemma of Generative Learning
Xiao et al. describe the Trilemma of Generative Learning as the inability of any single deep generative modelling framework to solve the following requirements for wide adoption and application of image synthesis: (i) high-quality sampling, (ii) mode coverage and sample diversity, and (iii) fast and computationally inexpensive sampling. [
7]. Current research primarily focuses on high-quality image generation and ignores the real-world sampling constraints and the need for high diversity and mode coverage. Fast sampling allows for the generative models to be utilized in greater fast-learning applications, which require quick image synthesis, e.g. interactive image editing [
7]. Diversity and mode coverage ensure generated images are not direct copies of, but are also not significantly skewed from, the training data.
Figure 1.
Generative learning trilemma [
7]. Labels show frameworks that tackle two of the three requirements well.
Figure 1.
Generative learning trilemma [
7]. Labels show frameworks that tackle two of the three requirements well.
This paper reviews research that aims to tackle this trilemma with the D-Wave quantum annealer and attempts to determine the efficacy of modelling on the three axes of the trilemma. In doing so the success of the quantum annealer will be tested against other classical generative modelling methodologies. Success in showing the quantum annealer’s ability to produce (i) high-quality images, (ii) mode coverage and diversity, and (iii) fast sampling will demonstrate the supremacy of quantum annealers over classical methods for the balanced task of image synthesis.
2. Background
The trajectory of artificial intelligence in the domain of image synthesis, evolving from Restricted Boltzmann Machines (RBMs) to Denoising Diffusion Probabilistic Models (DDPMs), marks a significant technical progression. This advancement, intermediated by Variational Autoencoders (VAEs) and Generative Adversarial Networks (GANs), has driven improvements in the fidelity, diversity, and realism of generated images, while also introducing a host of model-specific challenges and computational complexities.
Before exploring generative modelling within quantum computing environments, let us provide background into classical image synthesis models, namely Restricted Boltzmann Machines (RBMs), Variational Autoencoders (VAEs), Generative Adversarial Networks (GANs), and Denoising Diffusion Probabilistic Models (DDPMs).
Following this, we will delve into the research of quantum annealing and its application in machine learning. The ultimate goal is to create a blueprint for image synthesis on a quantum annealer.
2.1. Classical Image Synthesis
2.1.1. Restricted Boltzmann Machine
Boltzmann machines are a class of energy-based generative learning models. A Restricted Boltzmann Machine (RBM), a subset of Boltzmann Machines, is a fully connected bipartite graph that is segmented into visible and hidden neurons.
Figure 2.
Restricted Boltzmann Machine Architecture [
4].
Figure 2.
Restricted Boltzmann Machine Architecture [
4].
RBMs are generative models that embed the latent feature space in the weights between the visible and hidden layers. RBMs were first introduced in 1986 by Smolensky and were further developed by Freund and D. Haussler in 1991 [
8,
9]. The energy function to minimize when training an RBM is the following [
10]:
Training is the process of tuning the weights matrix
W and bias vectors
a &
b on the visible
v and hidden
h layers respectively.
v represents the visible units, i.e. the observed values, a training sample. The network assigns a probability to every possible pair of a visible and a hidden vector via this energy function [
11]:
Z is the partition function given by summing over all possible pairs of
v &
h[
11]. Thus the probability of a given
v is:
The difficulty in evaluating the partition function
Z introduces the need to use Gibbs sampling with Contrastive Divergence Learning, introduced by Hinton et al. in 2005 [
12]. By utilizing such methods one can train the RBM quickly via gradient descent, similar to other neural networks. By adding more hidden layers a deeper embedding can be contained in the system; such a system is called a Deep Belief Network (DBN).
Restricted Boltzmann Machines, while of little note in the modern landscape of machine learning research due to their limited performance and relatively slow training times, are of particular note to this research as they have direct parallels with both the architecture of the D-Wave 2000Q quantum processor and the method by which they reduce the total energy of their respective systems. RBMs also have limited application in computer vision but were an important advancement in the field of generative modelling as a whole.
2.1.2. Variational Autoencoder
A Variational Autoencoder (VAE) is a generative machine learning model developed in 2013 composed of a neural network that is able to generate novel high-fidelity images, text, sound, etc. [
13].
Autoencoders seek to compress an input space into a compressed latent representation from which the original input space can be recovered [
13]. Variational autoencoders improve upon traditional Autoencoders by recognizing the input space has an underlying distribution and seeks to learn the parameters of that distribution [
13]. Once trained VAEs can be used to generate novel data, similar to the input space, by removing the encoding layers and exploring the latent space [
13]. Exploring the latent space is simply treating the latent compression layer as an input layer and observing the output of the VAE for various inputs. VAEs marked the first reliable way to generate somewhat high-fidelity images using machine learning [
14].
Figure 3.
Variational Autoencoder Architecture [
14].
Figure 3.
Variational Autoencoder Architecture [
14].
2.1.3. Generative Adversarial Network
The most significant development in high-fidelity generative image synthesis was in 2014 with the introduction of Generative Adversarial Networks (GANs) by Ian Goodfellow et al. [
15]. Goodfellow et al . propose a two-player minimax game composed of a generator model (G) and a discriminator model (D). As the game progresses both the generator and discriminator models improve.
GANs are trained via an adversarial contest between the generator model (G) and discriminator model (D) [
15].
x contains samples from both the training set and
, the images generated by G.
outputs the probability that
x originates from the training dataset as opposed to
. Meanwhile
outputs
given noise
z. G’s goal is to fool D while D aims to reliably differentiate real training data from data generated by G. The loss function for G is
. Thus the value/loss function, error, of a GAN is represented as:
Figure 4.
GANs Architecture [
16].
Figure 4.
GANs Architecture [
16].
Both G and D are trained simultaneously. This algorithm allows for lock-step improvements to both G and D. Towards the conclusion of training, G becomes a powerful image generator which closely replicates the input space, i.e. training data.
GANs have a number of shortcomings that make them difficult to train. Due to the adversarial nature of GAN training the model can face the issue of Vanishing Gradients when the discriminator develops more quickly than the generator consequently correctly predicting every
x and leaving no error to train on for the generator [
17]. Another common issue is Mode Collapse when the generator learns to generate a particularly successful
x such that the discriminator is consistently fooled and the generator continues to only produce that singular
x and have no variability in image generation [
17]. Both Vanishing Gradients and Mode Collapse are consequences of one of the adversarial models improving faster than the other.
2.1.4. Denoising Diffusion Probabilistic Model
Denoising Diffusion Probabilistic Models (DDPMs) are a recent development proposed by Jonathan Ho et al. (2020) inspired by nonequilibrium thermodynamics that produces high-fidelity image synthesis using a parameterized Markov chain [
2]. Beginning with the training sample, each step of the Markov chain adds a single layer of Gaussian noise. A neural network is trained on parameterizing these additional Gaussian noise layers in order to reverse the process from random noise to a high-fidelity image.
Figure 5.
DDPM Markov Chain [
2].
Figure 5.
DDPM Markov Chain [
2].
represents the forward process, adding Gaussian noise, and
represents the reverse process, denoising. The reverse process is captured by training.
where
and
For clarity, we remind the reader that
is the normal distribution with mean
and covariance matrix
. The loss function for a DDPM is as follows:
Using a U-Net, a CNN with upsampling, with stochastic gradient descent and
Ho et al. were able to generate samples with an impressive, but not state-of-the-art, FID score of 0.317 on the CIFAR10 dataset. On CelebA-HQ 256 x 256 the team was able to generate the novel images in
Figure 6.
In 2021, Dhariwal et al at OpenAI made improvements upon the original DDPM parameters and achieved state-of-the-art FID scores of 2.97 on ImageNet 128×128, 4.59 on ImageNet 256×256, and 7.72 on ImageNet 512×512 [
3].
The first improvement is to not set
as a constant but rather as the following:
Where and correspond to the upper and lower bounds of the Gaussian variance.
Dhariwal et al also explore the following architectural changes; note: attention heads refer to embedding blocks in the U-Net [
3]:
Increasing depth versus width, holding model size relatively constant.
Increasing the number of attention heads.
Using attention at 32×32, 16×16, and 8×8 resolutions rather than only at 16×16.
Using the BigGAN residual block for upsampling and downsampling the activations, following
Rescaling residual connections with
With these changes, Dhariwal et al. were able to demonstrate their DDPM beating GANs in every single class by FID score and establishing DDPMs as the new state-of-the-art for image synthesis [
3].
2.2. Quantum Machine Learning
2.2.1. Quantum Boltzmann Machine
Energy-based machine learning models, like the Restricted Boltzmann Machine, seek to minimize an energy function. Recall:
is maximized when
is minimized.
or in its expanded form
Recall also that this energy function is intractable for all
v and
h, thus RBMs are trained via Contrastive Divergence [
18]. The D-Wave 2000Q via the Ising model is able to minimize an energy function via coupled qubits taking advantage of entanglement. The energy function for the Ising model is the following Hamiltonian:
The
represents the qubit spin state, with spin up and spin down effectively.
is the bias term provided by the external magnetic field, and
captures the coefficients for the coupling between qubits [
19].
Clamping neurons is the process of fixing certain qubits to specific values, namely the data being trained on. By clamping the neurons
v &
h onto the qubits, applying an external magnetic field equivalent to the biasing parameters
a &
b, and setting the coupling parameters to match those of
W (and to 0 for absent or intralayer edges), the RBM can be effectively translated into a format suitable for a quantum annealer. The resulting model is known as a Quantum Boltzmann Machine (QBM) [
19].
Increased sampling from the quantum annealer leads to a more comprehensive representation of the Hamiltonian’s energy landscape. The process of training a Quantum Boltzmann Machine (QBM) involves adjusting the couplings based on this acquired information.The D-Wave 2000Q has the qubit coupling architecture in
Figure 7.
2.2.2. Image Synthesis
In 2020, Sleeman et al. demonstrated the D-Wave QUBO’s ability to generate images mimicking the MNIST hand-drawn digits and Fashion MNIST datasets [
20]. Due to the limited number of qubits available Sleeman et al. create an encoding of the images via a convolutional autoencoder, feed the encoding to a QBM, and finally reverse the process to perform image synthesis. The model architecture is provided in
Figure 8.
In their research, Sleeman et al. contrast the performance of their Quantum Boltzmann Machine (QBM) with that of a traditional Restricted Boltzmann Machine (RBM), in addition to assessing the efficacy of the autoencoder’s encoding capabilities. Despite showcasing the potential of the D-Wave 2000Q in aiding image synthesis, the authors do not juxtapose their findings with those of other classical generative modelling methods. Furthermore, the omission of Frechet Inception Distance (FID), Kernel Inception Distance (KID), and Inception scores for their proposed models restricts the breadth of comparison between the QBM and its classical counterparts.
3. Methods
3.1. Goal
To reiterate, the goal of this research is to train the D-Wave 2000Q quantum annealer on image synthesis (generative image creation) and compare the results both quantitatively and qualitatively against existing classical models. Secondly, to determine the quantum annealer’s efficacy at cracking the challenges outlined in
Section 1.2, specifically the Trilemma of Generative Learning.
Additionally, our research aims to close many of the gaps in Sleeman et al.’s study. Namely:
perform the image synthesis directly on the QBM
evaluate the performance of the QBM against a: RBM, VAE, GAN, & DDPM
evaluate various generative modelling methods on FID, KID, and Inception scores
model a richer image dataset, CIFAR-10
3.2. Data
We utilize a standardized dataset,CIFAR-10, for experiments. The CIFAR-10 dataset consists of sixty thousand 32 by 32 three-channel (color) images in ten uniform classes [
21]. The data was initially collected in 2009 by Alex Krizhevsky, Vinod Nair, and Geoffrey Hinton and has become the standard for machine learning research relating to computer vision [
22]. One of the primary reasons CIFAR-10 is so popular is because the small image sizes allow for quick training and testing of new models [
23]. In addition, the ubiquity of testing models on CIFAR-10 allows researchers to quickly benchmark their model performance against prior research [
23].
Figure 9.
10 random images from each class of CIFAR-10 with respective class labels [
21].
Figure 9.
10 random images from each class of CIFAR-10 with respective class labels [
21].
The images in CIFAR-10 are exclusive to photographs of discrete distinct objects on a generally neutral background. The dataset contains photographs, which are 2-dimensional projections of 3-dimensional objects, from various angles.
3.3. Classical Models
To establish a benchmark and facilitate the comparison of results between novel quantum machine learning methods and existing generative image synthesis techniques, we initially trained and tested a series of classical models on the CIFAR-10 dataset. The classical models we trained on were the following: (i) Restricted Boltzmann Machine (RBM), (ii) Variational Autoencoder (VAE), (iii) Generative Adversarial Networks (GANs), and (iv) Denoising Diffusion Probabilistic Models. Initially, we adopted a uniform approach, training each model with the same learning rate, batch size, and number of epochs to standardize results. However, this method led to significant challenges due to the varying rates of convergence among the models, causing an imbalance in result quality and impeding our analysis. Consequently, we adjusted our approach to individually optimize the hyperparameters for each model within the bounds of available time and resources. This adjustment yielded higher-quality results, offering a more equitable comparison across models. We concluded the training of each model when additional epochs resulted in insignificant improvements in model loss, a term left intentionally vague to accommodate training variability across models. An exception to this approach was made for the DDPM, which demanded considerable computational power, prompting us to conclude the experiment after 30,000 iterations.
3.4. Quantum Model
For the quantum model, the training images were also normalized by mean and variance, identically to the preprocessing for the classical models. Since quantum bits can only be clamped to binary values and not floating point numbers, the data also had to be binarized. This process involved converting each input vector into 100 vectors where the representation of 1s in each row reflected the floating point number between 0-1, as pictured in
Figure 10.
The D-Wave 2000Q quantum annealer is trained by mapping the architecture of an RBM onto the QPU chimera graph, thus creating a Quantum Boltzmann Machine [
19]. The visible, i.e. input, nodes are clamped with the training data and the hidden layer is sampled from. As we increase sampling we gain a better understanding of the energy landscape and can better update the weights (i.e. inter-qubit coupling coefficients) [
4].
Due to limitations with the number of available qubits on the D-Wave 2000Q being 2048, and user resource allocation challenges, our experiments are limited. To resolve this constraint, each image was split into 4 distinct squares along the x and y axes. Thus each training image was 16x16x3 for an input vector size of 768.
3.5. Hyper-Parameters
The hyper-parameters were determined by conducting grid search hyper-tuning. Since DDPMs are trained via an iterative process, unbatched, they require significantly more epochs as reflected in
Table 1.
3.6. Metrics
3.6.1. Inception Score
Inception score measures two primary attributes of the generated images: (i) the fidelity of the images, i.e. the image distinctly belongs to a particular class and (ii) the diversity of the generated images [
24]. The Inception classifier is a convolutional neural network (CNN) built by Google and trained on the ImageNet dataset consisting of 14 million images and 1000 classes [
25].
(i) Fidelity is captured by the probability distribution produced as classification output by the Inception classifier on a generated image [
24]. Note, that a highly skewed distribution with a single peak indicates that the Inception classifier is able to identify the image as belonging to a specific class with high confidence. Therefore the image is high fidelity.
(ii) Diversity is captured by summing all the probability distributions produced for individually generated classes. The uniform nature of the resultant sum of distributions is indicative of the diversity of generated images. E.g. a model trained on CIFAR-10 that only manages to produce high-fidelity images of dogs would severely fail to capture diversity.
The average of the K-L divergences between the produced probability distribution and the summed distribution is the final Inception score, capturing both diversity and fidelity. Rigorously, each generated image
is classified using the Inception Classifier to obtain the probability distribution
over classes
y[
26]. Calculate the marginal distribution is provided by:
Compute the KL Divergence:
Take the expected value of these KL Divergences values over all
N generated images:
Finally we exponentiate the above value to evaluate an Inception score:
3.6.2. Fréchet Inception Distance (FID)
Fréchet Inception Distance improves upon the inception score by capturing the relationship between the generated images against the training images, whereas the inception score only captures the characteristics of the generated images against each other and their classifications. The Inception classifier, used to determine the Inception score, also embeds a feature vector. I.e. the architecture of the Inception Classifier captures the salient features of the images it is trained on.
The FID score is determined by taking the Wasserstein metric between the two multivariate Gaussian distributions of the feature vectors for the training and generated images on the Inception model [
27]. Simply, the dissimilarity between the features found in the training and generated data. This is an improvement upon inception score since it captures the higher level features that would be more human identifiable when comparing model performance. The Gaussian distributions of the feature vector for the generated images and the training images are
and
respectively [
28]. The Wasserstein metric, resulting in the FID score is as follows:
3.6.3. Kernel Inception Distance (KID)
Kernel Inception Distance measures the maximum mean discrepancy of the distributions of training and generated images by randomly sampling from them both [
29]. KID does not specifically account for differences in high-level features and rather compares the raw distributions more directly.
Specifically, for generator
X with probability measure
and random variable
Y with probability measure
we have:
3.6.4. Quantitative Metrics
The following table summarizes the different metrics we used to evaluate our models:
Table 2.
Summary of quantitative metrics for generative image synthesis evaluation [
26,
28,
29].
Table 2.
Summary of quantitative metrics for generative image synthesis evaluation [
26,
28,
29].
Metric |
Description |
Performance |
Inception |
KL-Divergence between conditional and marginal label distributions over generated data |
Higher is better |
FID |
Wasserstein-2 distance between multivariate Gaussians fitted to data embedded into a feature space |
Lower is better |
KID |
Measures the dissimilarity between two probability distributions and using samples drawn independently from each distribution |
Lower is better |
3.6.5. Qualitative Metrics
Our qualitative evaluation was performed by analyzing the visual discernment of generated images in relation to their respective classes in a less stringent manner. This approach aims to foster a broader discussion about the applicability of such models and their effectiveness.
4. Results
4.1. Restricted Boltzmann Machine (RBM)
Authors should discuss the results and how they can be interpreted from the perspective of previous studies and of the working hypotheses. The findings and their implications should be discussed in the broadest context possible. Future research directions may also be highlighted.
The generated images by the Restricted Boltzmann Machine include a high degree of brightly-colored noise. Interestingly this noise is concentrated in sections of the image with high texture, i.e. high variance of pixel values. Notice the image of the cat in the bottom-center on
Figure 11 has a great deal of noise at the edge of and inside the cat itself, but not in the blank white space surrounding it. This demonstrates a high degree of internode interference in the hidden layer. That is, areas with large pixel variance influence the surrounding pixels greatly and often cause bright spots to appear as a result.
4.2. Variational Autoencoder (VAE)
The generated images from the VAE are incredibly high fidelity. Notably the VAE results liken superresolution. Notice, the decrease in image blur/noise from the input images. Since the VAE encodes an embedding of the training data some features, like the exact color of the vehicle in the top left corner in
Figure 12 are lost, but the outline of the vehicle and the background are sharpened. This demonstrates the VAE is capturing features exceptionally well.
4.3. Generative Adversarial Network (GAN)
The GAN is able to produce some images with high fidelity, namely the cat in the top left corner and the dog in the bottom right corner of
Figure 13 but struggles with the sharpness of the images. Humans looking at the majority of the images produced could easily determine they are computer generated. In addition, the GAN was uniquely difficult to train, requiring retraining dozens of times in order to avoid Vanishing Gradients and Mode Collapse. Recall from
Section 2.1.3, Vanishing Gradients and Mode Collapse are issues that arise from the discriminator or generator improving significantly faster than the counterpart and dominating future training, thus failing to improve both models adequately and defeating the adversarial training nature of the network.
4.4. Denoising Diffusion Probabilistic Model (DDPM)
The quality of the results for the DDPM is limited by the computational power available to run the experiment. DDPMs have been shown to be state-of-the-art for image generation when scored on fidelity, but require several hours of training on a Tensor Processing Unit (TPU). A TPU can perform one to two orders of magnitude greater operations than an equivalent GPU [
30]. Without access to these Google-exclusive TPUs, we were unable to replicate state-of-the-art generation results.
Figure 14.
DDPM generated image synthesis output from random noise inputs.
Figure 14.
DDPM generated image synthesis output from random noise inputs.
4.5. Quantum Boltzmann Machine (QBM)
Recall the QBM required training images to be split and restitched into 4 independent squares for training due to qubit limitations. This splitting and restitching has a distinct influence on the resultant generated images. Notice the generated images have distinct features in each quadrant of the image. These features are often from various classes and appear stitched together because they are. Notice how the image in the bottom row, second from the rightmost column has both features of a car, house, and a concrete background.
5. Analysis
5.1. Scores
The following analyses reference the results captured in
Table 3.
5.1.1. Inception Score
For Inception scores the QBM performed significantly worse than the classical models. This means that the diversity and fidelity of the QBM-generated images were significantly worse than those produced via existing classical methods. The VAE produced an exceptionally high Inception score, suggesting the images were both distinctly single-class labelled and the results produced an equal variety of classed results. Observation of the produced samples is consistent with this score as the produced images are of high fidelity and of varied classes. Note,
Figure 12, has distinct images of vehicles, animals, planes, etc.
Interestingly the DDPM produced a middling Inception score despite producing images that were of exceptionally low fidelity. This is because the Inception score measures the KL-Divergence between the single sample classification probability distribution and the summed distribution. While the image fidelity may be low the overall summed distribution is fairly uniform due to the high variance of results, resulting in a higher KL-Divergence than otherwise expected.
5.1.2. Fréchet Inception Distance
The QBM produced the median FID score on the generated images, performing better than the RBM and DDPM, but worse than the GAN and VAE. Recall the primary difference between the FID score and other metrics is the model’s ability to extract and replicate salient features of the training data. The VAE and GAN do this exceptionally well, producing images that have distinct features that are easily observable. Notice
Figure 12 and
Figure 13 both contain images that have easily identifiable features, namely the animals and vehicles in each set of generated images. Despite these produced images often mimicking the input image very closely, especially for
Figure 12, the FID score only captures the distance between the features present in produced vs. training images, not the diversity of the images themselves.
Alternatively, the images produced by the DDPM and RBM have a distinct lack of identifiable features. To the human eye
Figure 11 does reflect the general lines and edges of the input found in
Figure 11, yet the Inception classifier fails to capture these features in its embedding, likely due to the high levels of surrounding noise with bright values. Note, that brightly-colored pixels are caused by large RGB (red-green-blue) values which will have a larger effect upon the convolutional filters which rely on matrix multiplication. This can have an undue negative effect on feature extraction and thus lead to lower FID scores. DDPMs face issues relating to a general lack of features produced. As discussed in
Section 4.4, the computational limitations didn’t allow for adequate training and can thus account for the lack of effective feature generation.
As discussed in
Section 4.5 the stitching and restitching of images cause features from multiple classes to be present in a single image, despite each feature being of moderately high fidelity. This restitching has negative consequences on the FID score and given more qubits could be improved upon but clamping entire images to the QPU.
5.1.3. Kernel Inception Distance
As with the FID score the QBM produced the median score on the generated images, yet skewed lower and thus achieved better results than the DDPM and GAN. The DDPM once again suffers from a lack of computing power and thus performs significantly worse than other models. The VAE and RBM performed exceptionally well indicating the models’ superior ability to generate samples that are distributed similarly to the training set.
KID is the metric on which the QBM performed comparatively best. This means, that while the QBM lacks the ability to represent features in its generated images well and struggles to produce diverse, high-fidelity images, it is able to capture the underlying distribution of training images with its generated images moderately well. This result is significant because the fidelity of generated images should improve with increases in the number of qubits and better error correction, but a promising KID score is indicative that the QBM is adequately capturing the essence of image generation. Qualitatively, from
Figure 15 it’s clear the QBM is able to capture some meaningful image features from the training set but struggles with fidelity, i.e. distinct objects, clear boundaries, textured backgrounds, etc.
5.2. Feature Extraction
Since QBMs and RBMs both lack convolutional layers which are especially effective at capturing image features via convolution and image filters, it’s expected that they would in turn score poorly for FID scores. This limitation of RBMs and QBMs can be solved by transfer learning. Transfer learning allows a pre-trained model to be detached between two layers and then reconnected to an untrained model. That way the embeddings, i.e. learned weights of the pre-trained model can improve the performance of the untrained model [
31]. Transfer learning with the convolutional layers from a CNN can be detached and reattached to the visible nodes of the RBM and QBM. However for this strategy to work as intended with the QBM a binarization layer, discussed in
Section 3.4, would need to interface between the output of the CNN layers and the visible nodes.
5.3. Trilemma of Generative Learning
Recall the trilemma consists of the following: “(i) high-quality sampling, (ii) mode coverage and sample diversity, and (iii) fast and computationally inexpensive sampling." [
7].
5.3.1. High-Quality Sampling
High-quality sampling is captured by FID and Inception scores. The QBM performed terribly on the Inception score and only moderately well on FID scores. Thus it would be inaccurate to say the quantum annealer is uniquely producing high-quality samples. We hypothesize the main contributor to this result is the lack of convolutional layers and the image stitching required for training. This will be further discussed in
Section 6.
5.3.2. Mode Coverage & Diversity
Mode Coverage and Diversity are captured by Inception and KID scores. While the QBM performed poorly on the Inception score, the KID score was promising. From qualitative observations of the generative images it seems the QBM is managing to produce a diversity of images representative of the training data. The Inception score is likely low due to image stitching causing the Inception classifier to fail at classifying the images into one class.
5.3.3. Fast Sampling
The QBM thoroughly and unequivocally fails at fast sampling. The quantum annealer is extremely slow at sampling. This is partially due to hardware constraints, partially due to the high demand for quantum resources, and partially due to computational expensiveness. Regardless, the process of quantum sampling from an annealer is prohibitively slow and expensive. We hope to see this improve over time.
5.3.4. Conclusion
The QBM currently fails to improve on the
Section 1.2 in any of the three axes in any meaningful way. Despite this lack of improvement it’s important to note that quantum annealers are still in their infancy and have a limited number of qubits, requires significant error correcting, are a shared resource, and are not the same as (or have the universality of) a general quantum computer. With hardware improvements, we expect to see further improvements and can revisit the trilemma once significant progress has been made.
6. Conclusion & Future Work
In conclusion, our team attempted to determine the efficacy of the D-Wave 2000Q quantum annealer on image synthesis, evaluated by industry-standard metrics compared to classical model counterparts, and determine if Quantum Boltzmann Machines can crack the
Section 1.2. The quantum annealer was utilized via a Quantum Boltzmann Machine architecture and evaluated on the following
Section 3.6, Inception score, FID, and KID against the following classical models:
Restricted Boltzmann Machine
Variational Autoencoder
Generative Adversarial Network
Denoising Diffusion Probabilistic Model
The quantitative results of these experiments can be found in
Table 3. The results showed that the QBM struggled to generate images with a high Inception score, but managed to show promise in FID and KID scores indicating an ability to generate images with salient features and a similar distribution to that of the training set.
The Quantum Boltzmann Machine implemented on the D-Wave 2000Q quantum annealer is not significantly better than the state-of-the-art classical models in the field. While the QBM outperformed a few classical models on FID and KID scores, it’s important to note the difficulty of comparing models with different architectures trained for different hyper-parameters. The QBM did show great promise in its ability to represent the underlying distribution of the training data in its generated samples and we hope to see this improve with more hardware improvements.
6.1. Image Preprocessing
A significant challenge in developing the QBM was the lack of qubits. This limitation forced us to split each image into a set of four squares, as described in
Section 3.4, leading to the issue of stitching generated images in post. This issue can be somewhat resolved in the future in a few different ways.
Firstly, one could wait until hardware improvements are made to the quantum annealer in the form of an increase in the number of qubits and in error-correcting abilities. With these improvements, one should see an increase in image synthesis quality. As more pixels can be embedded directly onto the QPU the need for stitching will diminish and the QBM will be able to encode a richer embedding with features from the entire image in the correct locations.
Secondly, a CNN could be introduced and pre-trained via transfer learning. This would limit the input vector size required for the visible nodes for the QBM, thus allowing the CNN to pick up the bulk of the feature extraction. While this would not be a purely “quantum" solution it would allow for the quantum annealer to specialize in embedding and sampling from a distribution of features as opposed to pixel values. This ought to improve performance as CNNs have been shown to be the gold standard in image processing for machine learning applications.
6.2. Quantum Computing
As quantum annealers improve our team expects the ability to sample more often and in greater numbers will improve. With a greater number of samples, the QBM is able to evaluate a richer energy landscape and capture a more sophisticated objective function topology. With faster sampling additional hyper-tuning could also be performed in a more timely manner allowing for greater convergence upon a more ideal architecture.
Acknowledgments
We’d like to thank D-Wave for providing access to their quantum computing resources as well as their continued support for Quantum Machine Learning research. This research would not be possible without the deep collaboration with Nurosene Health and their Chief Scientific Officer Dr. Joseph Geraci, Assistant Professor at Queen’s Molecular Medicine. Lastly, a special thank you to Prof. Harry Ruda, Stanley Meek Chair in Advanced Nanotechnology, and Professor in the Department of Material Science and Engineering at the University of Toronto, for supervising this research.
References
- Weng, L. What are diffusion models? lilianweng.github.io/lil-log.
- Ho, J.; Jain, A.; Abbeel, P. 2020; arXiv:cs.LG/2006.11239].
- Dhariwal, P.; Nichol, A. 2021; arXiv:cs.LG/2105.05233].
- Jain, S.; Ziauddin, J.; Leonchyk, P.; Yenkanchi, S.; Geraci, J. Quantum and classical machine learning for the classification of non-small-cell lung cancer patients. SN Applied Sciences 2020, 2. [Google Scholar] [CrossRef]
- Thulasidasan, S. Generative Modeling for Machine Learning on the D-Wave. Technical report, 2016. [CrossRef]
- Amin, M.H.; Andriyash, E.; Rolfe, J.; Kulchytskyy, B.; Melko, R. Quantum Boltzmann Machine. Physical Review X 2018, 8. [Google Scholar] [CrossRef]
- Xiao, Z.; Kreis, K.; Vahdat, A. Tackling the Generative Learning Trilemma with Denoising Diffusion GANs. In Proceedings of the International Conference on Learning Representations (ICLR); 2022. [Google Scholar]
- Smolensky, P. Information processing in dynamical systems: foundations of harmony theory. 1986.
- Freund, Y.; Haussler, D. Unsupervised learning of distributions on binary vectors using two layer networks. In Proceedings of the Advances in Neural Information Processing Systems; Moody, J.; Hanson, S.; Lippmann, R., Eds. Morgan-Kaufmann, Vol. 4. 1991. [Google Scholar]
- Hopfield, J.J. Neural networks and physical systems with emergent collective computational abilities. Proceedings of the National Academy of Sciences 1982, 79, 2554–2558. [Google Scholar] [CrossRef] [PubMed]
- Hinton, G.E. A Practical Guide to Training Restricted Boltzmann Machines. In Lecture Notes in Computer Science; Springer Berlin Heidelberg, 2012; pp. 599–619. [CrossRef]
- Carreira-Perpiñán, M.Á.; Hinton, G.E. On Contrastive Divergence Learning. In Proceedings of the AISTATS; 2005. [Google Scholar]
- Kingma, D.P.; Welling, M. 2014; arXiv:stat.ML/1312.6114].
- Rocca, J. Understanding variational autoencoders (VAES), 2021.
- Goodfellow, I.J.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. 2014; arXiv:stat.ML/1406.2661].
- A beginner’s guide to generative adversarial networks (gans).
- Common problems | generative adversarial networks | google developers.
- Hinton, G.E. Training Products of Experts by Minimizing Contrastive Divergence. Neural Comput. 2002, 14, 1771–1800. [Google Scholar] [CrossRef] [PubMed]
- What is quantum annealing?
- Sleeman, J.; Dorband, J.; Halem, M. A Hybrid Quantum enabled RBM Advantage: Convolutional Autoencoders For Quantum Image Compression and Generative Learning 2020.
- Krizhevsky, A.; Nair, V.; Hinton, G. CIFAR-10 (Canadian Institute for Advanced Research).
- Krizhevsky, A. Learning multiple layers of features from tiny images. Technical report, 2009.
- Peter Eckersley, Y.N.e.a. EFF AI Progress Measurement Project, 2017.
- Mack, D. A simple explanation of the inception score, 2019.
- Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the Inception Architecture for Computer Vision, 2015. [CrossRef]
- Salimans, T.; Goodfellow, I.; Zaremba, W.; Cheung, V.; Radford, A.; Chen, X. Improved Techniques for Training GANs, 2016. [CrossRef]
- Heusel, M.; Ramsauer, H.; Unterthiner, T.; Nessler, B.; Hochreiter, S. GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium. In Proceedings of the Advances in Neural Information Processing Systems; Guyon, I.; Luxburg, U.V.; Bengio, S.; Wallach, H.; Fergus, R.; Vishwanathan, S.; Garnett, R., Eds. Curran Associates, Inc., Vol. 30. 2017. [Google Scholar]
- Heusel, M.; Ramsauer, H.; Unterthiner, T.; Nessler, B.; Hochreiter, S. GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium 2017. [CrossRef]
- Bińkowski, M.; Sutherland, D.J.; Arbel, M.; Gretton, A. Demystifying MMD GANs, 2018. [CrossRef]
- Cloud tensor processing units (tpus) | google cloud.
- Dhillon, P.S.; Foster, D.; Ungar, L. Transfer Learning Using Feature Selection, 2009. [CrossRef]
|
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2023 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (http://creativecommons.org/licenses/by/4.0/).