Ijraset Journal For Research in Applied Science and Engineering Technology
Authors: Kaushik Ganguly
DOI Link: https://doi.org/10.22214/ijraset.2022.46914
Certificate: View Certificate
Deep learning algorithms have shown promising results for different image processing tasks, particularly in remote sensing & image recognition. Till now many studies have been carried out on image processing, which brings a new paradigm of innovative capabilities under the umbrella of intelligent remote sensing and computer vision. Accordingly, quantum processing algorithms have proved to efficiently solve some issues that are undetectable to classical algorithms and processors. Keeping that in mind, a Quantum Convolutional Neural Network (QCNN) architecture along with Hybrid Quantum filters would be utilized supported by cloud computing infrastructures and data centers to provide a broad range of complex AI services and high data availability. This research summaries the conventional techniques of Classical and Quantum Deep Learning and it’s research progress on real-world problems in remote sensing image processing as a comparative demonstration. Last but not least, we evaluate our system by training on Street View House Numbers datasets in order to highlight the feasibility and effectiveness of using Quantum Deep Learning approach in image recognition and other similar applications. Upcoming challenges and future research areas on this spectrum are also discussed.
I. INTRODUCTION / OBJECTIVE
Objective of the project is to:
II. PROPOSED APPROACH
Quantum Convolutional Neural Network (QCNN) provides a fresh approach to the solution of the problem to solve with CNN using a quantum computing environment, and also an effort to improve the model performance in recognizing digits.
This model can also be used in small quantum computers, and a hybrid learning model can be designed by adding a quantum convolution layer to the CNN model or replacing it with a convolution layer. If successful, this solution could be applied on UAV’s or Quantum Drones (QD) by building an Internet of Quantum Drones (IoQD) network to effectively process high resolution images of house addresses to recognize digits from the later to enhance commercial activities like smart delivery hence making it unique.
III. POTENTIAL CHALLENGES & RISKS
A. Issues, knowledge gaps and futuristic aspects of the IoQDs and related architectures for which this solution could be actually implemented
B. Lack of enough opportunities and time for implementing this disruptive technology stack
C. Scientific knowledge lacking
D. Energy and Environmental challenge in testing this project
E. Tracking transmission delays and other challenges involved with space communication
F. Cyberattack protection
G. Achieving performance with compact resource-constrained devices
H. Security based on Quantum Computation
IV. BACKGROUND OF PREVIOUS WORK DONE
A. Quantum Convolutional Neural Networks (QCNN) Using Deep Learning for Computer Vision Applications
B. Dynamic fluorescence lifetime sensing with CMOS single-photon avalanche diode arrays and deep learning processors
C. 3D Object Detection and Tracking Methods using Deep Learning for Computer Vision Applications
D. Pneumonia classification using quaternion deep learning
E. Deep Learning based Object Detection Model for Autonomous Driving Research using CARLA Simulator
F. Quantum Neural Network-Based Deep Learning System to Classify Physical Timeline Acceleration Data of Agricultural Workers
G. Artificial Intelligence (AI) Enabled Vehicle Detection and counting Using Deep Learning
V. IMPLEMENTATION
A. Technology Stack Used – Resources
4. For the Classical Implementation we would need:
5. The Jupyter Notebooks are developed in Google Colab.
6. The Repository contains weights for trained Classical and Quantum Models.
7. Deployment feasibility of the entire QuantumAI setup on GCP, Qiskit Runtime Simulation, etc.
B. Datasource And Loading
C. Workflow Operations
a. Configurations/Libraries
b. Preprocessing Functions
The above three functions formats the array in proper shape, fix the label range and convert the pixels from RGB to GrayScale format.
2. Data Preprocessing
Let's have a look at the first image from our X_train and the corresponding label from y_train.
From the colorbar in the above visualization, we see that there are grayscale images in the dataset and hence their values range from 0 to 255. It's better to scale these pixel values in our dataset so that the values range from 0 to 1. This will help us to converge our CNN training faster.
3. Normalizing the Train and test Image Data
X_train = X_train/255.0
X_test = X_test/255.0
Post normalizing let's again have a look at the first image from our X_train.
Before proceeding, we need to reshape our images in the dataset to include the grayscale parameter at the end.
X_train = X_train.reshape(X_train.shape[0], *(32,32,1))
X_valid = X_valid.reshape(X_valid.shape[0], *(32,32,1))
X_test = X_test.reshape(X_test.shape[0], *(32,32,1))
4. Building the Deep Learning Model
Now that we are aware of the dataset, we can start building our Deep Learning model. We will use TensorFlow and specifically the tensorflow.keras API for building the model. TensorFlow is one of the leading Machine Learning libraries that is being used these days and can be used for constructing Neural networks. Building our network involves the following steps which together create Python code:
5. Libraries to be imported to build CNN
The first thing we have to do is adding the imports.
6. Configuration Parameters
7. Creating the Model Skeleton
We can then create the model skeleton:
8. Compiling and Model Training
Model training at 100th Epoch:
Epoch 100/100
1832/1832 [==============================] - 39s 21ms/step - loss: 0.1311 - accuracy: 0.9592 - val_loss: 0.3571 - val_accuracy: 0.9256
9. Model Evaluation
10. Quantum Deep learning - QCNN
a) Configurations/Libraries
b) Preprocessing Functions (same as CNN)
c) Image Plot
???????
Which is better between Classical and Quantum Deep Learning for high spectral image recognition use case?A. Directions For Future Work Some directions for future work or scope for improvements described here: 1) Transfer learning – model should be tuned, and algorithm should be improved using hyperparameter tuning to train on more diverse data 2) Train the model to classify data with highest possible accuracy 3) Batches used for training should be shuffled pretty well to reduce overfitting 4) Training should be continued even after achieving the best possible accuracy to increase likelihood and effectively use classification threshold values
[1] “Adiabatic quantum computation.\" [Online]. Available: https://en.wikipedia.org/wiki/Adiabatic quantum computation [2] “Calculus on Computational Graphs: Backpropagation { colah\'s blog.\" [Online]. Available: http://colah.github.io/posts/2015-08-Backprop/ [3] “Classification datasets results.\" [Online]. Available: http://rodrigob.github.io/are we there yet/build/classification datasets results.html [4] “Continuous-variable quantum information.\" [Online]. Available: https://en.wikipedia.org/wiki/Continuous-variable quantum information [5] “Convolution as matrix multiplication.\" [Online]. Available: https://en.wikipedia.org/wiki/Toeplitz matrix#Discrete convolution [6] “Convolution theorem.\" [Online]. Available: https://en.wikipedia.org/wiki/Convolutiontheorem [7] “Convolutional Neural Networks (LeNet) - DeepLearning 0.1 documentation.\" [Online]. Available: http://deeplearning.net/tutorial/lenet.html [8] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/classi?cation/ [9] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/convolutional-networks/ [10] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/optimization-1/ [11] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/optimization-1/#numerical [12] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/optimization-2/ [13] “CS231n Convolutional Neural Networks for Visual Recognition.\" [Online]. Available: http://cs231n.github.io/optimization-2/#mat [14] “Deep learning book. Optimization chapter.\" [Online]. Available: http://www.deeplearningbook.org/contents/optimization.html [15] “Quantum logic gate.\" [Online]. Available: https://en.wikipedia.org/wiki/Quantum logic gate [16] ”Qubit.\" [Online]. Available: https://en.wikipedia.org/wiki/Qubit [17] “TensorFlow clip by global norm.\" [Online]. Available: https://www.tensorflow.org/versions/r1.1/api docs/python/tf/clip by global norm [18] S. Bai, J. Z. Kolter, and V. Koltun, \\An Empirical Evaluation of Generic Convolutional and Recurrent Networks for Sequence Modeling,\" mar 2018. [Online]. Available: http://arxiv.org/abs/1803.01271 [19] J. S. Bergstra, R. Bardenet, Y. Bengio, and B. K?egl, \\Algorithms for Hyper-Parameter Optimization,\" in Advances in Neural Information Processing Systems, 2011, pp. 2546{2554. [Online]. Available: http://papers.nips.cc/paper/4443-algorithms-for-hyper-parameter-optimization [20] T. Bluche, H. Ney, and C. Kermorvant, \\A Comparison of Sequence-Trained Deep Neural Networks and Recurrent Neural Networks Optical Modeling for Handwriting Recognition,\" pp. 199{210, oct 2014. [Online]. Available: https://link.springer.com/chapter/10.1007/978-3-319-11397-5 15 [21] https://www.academia.edu/43006431/Effective_Handwritten_Digit_Recognition_using_Deep_Convolution_Neural_Network [22] https://www.researchgate.net/publication/332880911_Improved_Handwritten_Digit_Recognition_using_Quantum_K-Nearest_Neighbor_Algorithm [23] https://www.researchgate.net/publication/341179765_Hand_Written_Digit_Recognition_Using_Quantum_Support_Vector_Machine#pf5 [24] https://www.tensorflow.org/quantum/tutorials/qcnn [25] https://jovian.ai/imammuhajir992/quantum-convolutional-neural-network [26] https://github.com/yh08037/quantum-neural-network [27] https://www.nature.com/articles/s41467-020-14454-2 [28] https://devblogs.microsoft.com/qsharp/hybrid-quantum-classical-models/#:~:text=Naively%20speaking%2C%20%E2%80%9Chybrid%E2%80%9D%20means,Quantum%20Processing%20Unit%20(QPU). [29] https://cupdf.com/document/masters-thesis-deep-learning-for-text-data-mining-.html [30] https://www.nature.com/articles/s41567-019-0648-8 [31] https://arxiv.org/pdf/quant-ph/0504097.pdf
Copyright © 2022 Kaushik Ganguly. This is an open access article distributed under the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
Paper Id : IJRASET46914
Publish Date : 2022-09-28
ISSN : 2321-9653
Publisher Name : IJRASET
DOI Link : Click Here