SlideShare a Scribd company logo
MACHINE LEARNING
PROJECT
ECKOVATION
TOPIC:- DOGS VS CATS
CLASSIFICATION
TEAM NAME : “ERROR_404”
SUBMITTED BY:-
HARSH JAIN (01151203116)
PARV BHARTI(02151203116)
SHANKAR(028512031156)
VISHAL DUBEY(O3451203116)
SUDHANSHU
GOEL(03751203116)
AIM
AIM :-
• Our goal was to classify images of dogs and cats from the
given data of 25000 images.
• In our examples we will use two sets of pictures, which we
got from Kaggle 12500 cats and 12500 dogs.
Approach
• We Started with Random Forest
• Then we applied Deep Neural network
• We then applied Convolution Neural Network
• Then We Applied CNN with pre-trained model (Transfer
Learning)
• Last but not least we applied fine tuned pre-trained model
Random Forest
• The Accuracy when applying Random Forest was 58%.
Neural network
• In Neural network the input feature is represented by nodes in input
layers and output by nodes in output layer.
What happens in deep neural network?
• Each pixel of image is represented by a node in input layer and are
multiplied by an appropriate weight and then a activation function is
applied on the result which act as the input of next layer and this
process is carried out till the output layer.
• The activation function make output non-linear and neural network
can be applied to higher order logics.
• The error is computed by comparing actual output and output of
neural network.
How Weights are found?
• First batches of images are fed into the network with random
weights then output with those weights are calculated and error is
determined. Then the error is back-propagated and weights are
adjusted. This process is continued till error is reduced to minimal.
Our Experience with neural network
• When we applied neural network we got an accuracy of 60% which
is not par and is almost identical to Random forest
CONVOLUTIONAL NEURAL
NETWORK (CNN)
• Convolutional Neural Networks are a form of Feedforward Neural Networks. Given below is a schema of a
typical CNN. The first part consists of Convolutional and max-pooling layers which act as the feature extractor.
The second part consists of the fully connected layer which performs non-linear transformations of the
extracted features and acts as the classifier.
•
HOW CNN IMAGE CLASSIFIER
WORK
• The convolutional layer can be thought of as the eyes of the CNN. The
neurons in this layer look for specific features. If they find the features
they are looking for, they produce a high activation.
• Convolution can be thought of as a weighted sum between two signals
( in terms of signal processing jargon ) or functions ( in terms of
mathematics ).
• How convolution at a place is calculated
CNNs learn Hierarchical features
Our Experience with CNN
• We got an accuracy of 79.45
What Next?
• Since we have very less data compared to what is required in deep
neural networks. Even if we get the data, it takes a large amount of
time to train the network ( hundreds of hours ).
• We will use pre-trained models. The models have been trained on
millions of images and for hundreds of hours on powerful GPUs.
VGG19 And Resnet50 Models
Accuracy with pre-trained model
• We got a accuracy of 90.61% with VGG19 and 95.8% with Resnet50
Fine tunning Pre-trained model
• Earlier we only slightly modified the dense layer in pre-trained model
to fit out problem but doesn’t trained convolution layer. We freezed
convolution layer in keras as just tweaked dense layers.
• Now we will train some convolution layers also.
Accuracy with Fine tuned model
• We got a accuracy of 95.55% by tweaking last 15 convolution layers
in Resnet50 pre trained model
CONCLUSION
 As we learn deep neutral network helps us
to manage large amount of data with
greater accuracy.
 It is the latest algorithm used to classify
any kind of data it can be text or images.
 CNN is the advanced version of nueral
network for classifying thousands of
images having very high pixels rate and it
has been best algorithm till date.
 Nueral works on many layers as we saw
before rather than other algorithm didn’t
work or divide data into layers which
makes it more accurate and efficient.
Link to our kaggle kernel
Random Forest : https://www.kaggle.com/harshhj25/dogs-vs-cats
Neural Network:https://www.kaggle.com/jhashanku007/cat-vs-dog-p
rediction?scriptVersionId=4645747
CNN : https://www.kaggle.com/jhashanku007/fork-of-cat-vs-dog-prediction-
cnn?scriptVersionId=4660054
CNN with Pre tuned model: https://www.kaggle.com/jhashanku007/cat-vs-dog-cnn-with-
different-pre-trained-model/versions
CNN with tweaked layers: https://www.kaggle.com/jhashanku007/cat-vs-dog-cnn-with-
different-pre-trained-model?scriptVersionId=4686576
Machine learning project

More Related Content

PDF
Deep Feed Forward Neural Networks and Regularization
PPTX
Activation functions and Training Algorithms for Deep Neural network
PPTX
The Art Of Backpropagation
PPTX
Neural net and back propagation
PPTX
Multilayer & Back propagation algorithm
PPTX
04 Multi-layer Feedforward Networks
PPT
backpropagation in neural networks
PPT
A NEAT Way for Evolving Echo State Networks
Deep Feed Forward Neural Networks and Regularization
Activation functions and Training Algorithms for Deep Neural network
The Art Of Backpropagation
Neural net and back propagation
Multilayer & Back propagation algorithm
04 Multi-layer Feedforward Networks
backpropagation in neural networks
A NEAT Way for Evolving Echo State Networks

What's hot (20)

PPTX
Neurally Controlled Robot That Learns
PPTX
Machine Learning - Neural Networks - Perceptron
PDF
Echo state networks and locomotion patterns
PPTX
Image classification using cnn
PPTX
Feedforward neural network
PDF
Convolutional Neural Networks : Popular Architectures
PDF
CNNs: from the Basics to Recent Advances
PDF
Introduction to Neural Network
PDF
Introduction to Convolutional Neural Networks
PPT
2.5 backpropagation
PPTX
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
PPT
Artificial Neural Networks
PDF
Higher Order Fused Regularization for Supervised Learning with Grouped Parame...
PPTX
Deep Learning in Computer Vision
PDF
Neural network in matlab
PPT
nural network ER. Abhishek k. upadhyay
PDF
Multi Layer Perceptron & Back Propagation
PPTX
Introduction to Neural networks (under graduate course) Lecture 8 of 9
PDF
Deep learning - Introduction
PPTX
Iclr2020: Compression based bound for non-compressed network: unified general...
Neurally Controlled Robot That Learns
Machine Learning - Neural Networks - Perceptron
Echo state networks and locomotion patterns
Image classification using cnn
Feedforward neural network
Convolutional Neural Networks : Popular Architectures
CNNs: from the Basics to Recent Advances
Introduction to Neural Network
Introduction to Convolutional Neural Networks
2.5 backpropagation
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
Artificial Neural Networks
Higher Order Fused Regularization for Supervised Learning with Grouped Parame...
Deep Learning in Computer Vision
Neural network in matlab
nural network ER. Abhishek k. upadhyay
Multi Layer Perceptron & Back Propagation
Introduction to Neural networks (under graduate course) Lecture 8 of 9
Deep learning - Introduction
Iclr2020: Compression based bound for non-compressed network: unified general...
Ad

Similar to Machine learning project (20)

PDF
Convolutional_neural_network mechanism.pptx.pdf
PPTX
Neural Networks and Deep Learning: An Intro
PDF
Hands on machine learning with scikit-learn and tensor flow by ahmed yousry
PPTX
A Neural Network that Understands Handwriting
PDF
unit3 Neural Networks and Deep Learning.pdf
PPTX
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
PDF
Deep learning
PPTX
Convolutional Neural Network and Its Applications
PDF
DL.pdf
PPTX
FINAL_Team_4.pptx
PPTX
Build a simple image recognition system with tensor flow
PPTX
build a Convolutional Neural Network (CNN) using TensorFlow in Python
PPTX
Convolutional neural networks 이론과 응용
PPTX
Autoencoders for image_classification
PPTX
Development of Deep Learning Architecture
PDF
Fundamental of deep learning
PDF
Separating Hype from Reality in Deep Learning with Sameer Farooqui
PDF
Towards better analysis of deep convolutional neural networks
PPTX
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Convolutional_neural_network mechanism.pptx.pdf
Neural Networks and Deep Learning: An Intro
Hands on machine learning with scikit-learn and tensor flow by ahmed yousry
A Neural Network that Understands Handwriting
unit3 Neural Networks and Deep Learning.pdf
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
Deep learning
Convolutional Neural Network and Its Applications
DL.pdf
FINAL_Team_4.pptx
Build a simple image recognition system with tensor flow
build a Convolutional Neural Network (CNN) using TensorFlow in Python
Convolutional neural networks 이론과 응용
Autoencoders for image_classification
Development of Deep Learning Architecture
Fundamental of deep learning
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Towards better analysis of deep convolutional neural networks
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Ad

Recently uploaded (20)

PDF
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPTX
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PDF
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
PPTX
Foundation to blockchain - A guide to Blockchain Tech
PDF
Automation-in-Manufacturing-Chapter-Introduction.pdf
PDF
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
PDF
Well-logging-methods_new................
PDF
TFEC-4-2020-Design-Guide-for-Timber-Roof-Trusses.pdf
PPTX
OOP with Java - Java Introduction (Basics)
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
PPTX
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
PPTX
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
PPTX
UNIT-1 - COAL BASED THERMAL POWER PLANTS
PPTX
web development for engineering and engineering
PDF
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
PPTX
UNIT 4 Total Quality Management .pptx
PPT
Mechanical Engineering MATERIALS Selection
PPT
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
PDF
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
Foundation to blockchain - A guide to Blockchain Tech
Automation-in-Manufacturing-Chapter-Introduction.pdf
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
Well-logging-methods_new................
TFEC-4-2020-Design-Guide-for-Timber-Roof-Trusses.pdf
OOP with Java - Java Introduction (Basics)
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
UNIT-1 - COAL BASED THERMAL POWER PLANTS
web development for engineering and engineering
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
UNIT 4 Total Quality Management .pptx
Mechanical Engineering MATERIALS Selection
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...

Machine learning project

  • 1. MACHINE LEARNING PROJECT ECKOVATION TOPIC:- DOGS VS CATS CLASSIFICATION TEAM NAME : “ERROR_404” SUBMITTED BY:- HARSH JAIN (01151203116) PARV BHARTI(02151203116) SHANKAR(028512031156) VISHAL DUBEY(O3451203116) SUDHANSHU GOEL(03751203116)
  • 2. AIM AIM :- • Our goal was to classify images of dogs and cats from the given data of 25000 images. • In our examples we will use two sets of pictures, which we got from Kaggle 12500 cats and 12500 dogs.
  • 3. Approach • We Started with Random Forest • Then we applied Deep Neural network • We then applied Convolution Neural Network • Then We Applied CNN with pre-trained model (Transfer Learning) • Last but not least we applied fine tuned pre-trained model
  • 4. Random Forest • The Accuracy when applying Random Forest was 58%.
  • 5. Neural network • In Neural network the input feature is represented by nodes in input layers and output by nodes in output layer.
  • 6. What happens in deep neural network? • Each pixel of image is represented by a node in input layer and are multiplied by an appropriate weight and then a activation function is applied on the result which act as the input of next layer and this process is carried out till the output layer. • The activation function make output non-linear and neural network can be applied to higher order logics. • The error is computed by comparing actual output and output of neural network.
  • 7. How Weights are found? • First batches of images are fed into the network with random weights then output with those weights are calculated and error is determined. Then the error is back-propagated and weights are adjusted. This process is continued till error is reduced to minimal.
  • 8. Our Experience with neural network • When we applied neural network we got an accuracy of 60% which is not par and is almost identical to Random forest
  • 9. CONVOLUTIONAL NEURAL NETWORK (CNN) • Convolutional Neural Networks are a form of Feedforward Neural Networks. Given below is a schema of a typical CNN. The first part consists of Convolutional and max-pooling layers which act as the feature extractor. The second part consists of the fully connected layer which performs non-linear transformations of the extracted features and acts as the classifier. •
  • 10. HOW CNN IMAGE CLASSIFIER WORK • The convolutional layer can be thought of as the eyes of the CNN. The neurons in this layer look for specific features. If they find the features they are looking for, they produce a high activation. • Convolution can be thought of as a weighted sum between two signals ( in terms of signal processing jargon ) or functions ( in terms of mathematics ).
  • 11. • How convolution at a place is calculated
  • 13. Our Experience with CNN • We got an accuracy of 79.45
  • 14. What Next? • Since we have very less data compared to what is required in deep neural networks. Even if we get the data, it takes a large amount of time to train the network ( hundreds of hours ). • We will use pre-trained models. The models have been trained on millions of images and for hundreds of hours on powerful GPUs.
  • 16. Accuracy with pre-trained model • We got a accuracy of 90.61% with VGG19 and 95.8% with Resnet50
  • 17. Fine tunning Pre-trained model • Earlier we only slightly modified the dense layer in pre-trained model to fit out problem but doesn’t trained convolution layer. We freezed convolution layer in keras as just tweaked dense layers. • Now we will train some convolution layers also.
  • 18. Accuracy with Fine tuned model • We got a accuracy of 95.55% by tweaking last 15 convolution layers in Resnet50 pre trained model
  • 19. CONCLUSION  As we learn deep neutral network helps us to manage large amount of data with greater accuracy.  It is the latest algorithm used to classify any kind of data it can be text or images.  CNN is the advanced version of nueral network for classifying thousands of images having very high pixels rate and it has been best algorithm till date.  Nueral works on many layers as we saw before rather than other algorithm didn’t work or divide data into layers which makes it more accurate and efficient.
  • 20. Link to our kaggle kernel Random Forest : https://www.kaggle.com/harshhj25/dogs-vs-cats Neural Network:https://www.kaggle.com/jhashanku007/cat-vs-dog-p rediction?scriptVersionId=4645747 CNN : https://www.kaggle.com/jhashanku007/fork-of-cat-vs-dog-prediction- cnn?scriptVersionId=4660054 CNN with Pre tuned model: https://www.kaggle.com/jhashanku007/cat-vs-dog-cnn-with- different-pre-trained-model/versions CNN with tweaked layers: https://www.kaggle.com/jhashanku007/cat-vs-dog-cnn-with- different-pre-trained-model?scriptVersionId=4686576