SlideShare a Scribd company logo
1 of 3
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 293
Deep Learning Framework Analysis
Anuj Malathesha Nadig
BE Computer Science, JNNCE, Shivamogga, Karnataka, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract – Deep Learning Framework analysis involves
exploration of machine learning frameworks. This portrays
comparative analysis of the CNN model and behavior of
machine learning frameworksinthefieldofimagerecognition
and classification. There are many machine learning
frameworks available today which could be used for
classification problems. Some of the frameworks are well
suitable for smaller datasets. Whereas some are better for
larger datasets. Deep learning Framework Comparative
Analysis will help us to get a better insight into the efficiency
of the Convoluted Neural Network (CNN) models of most
widely used Keras and Tensorflow machine learning
frameworks.
Key Words: CNN, Dataset, Pooling Layer, Optimization
Function, Keras, Tensorflow, Classification
1. INTRODUCTION
Deep Learning framework analysisinvolvesthecomparative
study of framework models efficiency, ease of data pre-
processing and model building effort. In Machine Learning
there are variouscompeting Artificial Neural Network (ANN)
implementing frameworks developed by different
organizations. Thiswork shows comparativeanalysisofeach
framework under standard test hyper parameter and test
sets. This will be implemented using classification model.
The independent variable values is the angle of the grating
pattern of the input images and the dependent variable
values (i.e. firing rate) of neurons. The final Output would be
the accuracy of various models in recognizing images (cats
or dogs).
2. RELATED WORK
There are existing classification problems in Kaggle to
develop cats and dogs image recognition classification
models using machine learning and Convoluted Neural
Network (CNN). But there are no comparative studies or
analysis done for the overall efficiency of the machine
learning frameworks available. Authors such as, Francois
Chollet has used Keras, Patrick Bue has used Microsoft
Cognitive Toolkit (CNTK), Koustubh Sinhal has used
Tensorflow, Emine Cengil used Caffee machine learning
frameworks for the image recognition classification
problems.
3. APPROACH
The stepwise approach followed in the deep learning
framework analysis are given below.
1. Select the suitable dataset for the classification
problem.
2. Determine preliminary set of Features and Labels
2. Clean up the dataset
3. Shuffle the training dataset
4. Save dataset into appropriate data frame after
labelling required fields
5. Define the hyper parameters
6. Define the model
7. Normalize the data in data frame
8. Train Model by running epoch and passing data in
batch
9. Define loss function and optimization function
(Implement back propagation if needed)
10. Validate the model if necessary
11. Change the featureandorlearningrateasnecessary
12. Test the Model
4. IMPLEMENTATION
Python programming language and platforms such as
Pycharm and Jupyter notebook are used to implement this
work. Implementation steps are given below.
1. Divide the dataset into training and test datasets
having 80:20 ratio of cat and dog images.
2. ImageDataGenerator of Keras image preprocessing
library is used for preprocessing the datasets
containing images. Also convoluted Cnov2D and
Maxpooling2D features of Keras convoluted Neural
Network layers are used to reshape and pool the
images.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 294
3. Implemented Relu and Sigmoid activation function,
sigmoid activation function from CNN(Reference:1)
for Keras framework
4. Reshape, max_pool2D, fully_connected, dropout
features of Tensorflow framework are used to
preprocess the datasets while analyzingTensorflow
Framework.
5. Activation function “Relu” is used in Tensorflow
framework.
5. PERFORMANCE COMPARISON
Comparison of accuracy is done for image classification, (i.e.
Image is dog or cat) by keeping same hyper parameters and
same working platform.
Performance Comparison of the frameworks is done by
following three important sections.
1. Ease of preprocessing:Preprocessingofdatasetisless
complicated and faster in Keras when compared to
tensorflow. Keras uses sequential model, conv2D and
maxPooling2D for preprocessing and shaping of the
images of the dataset. These preprocessing functions are
available in Keraslibrary andeasilyimportablefunctions.
Whereas in Tensorflow lot of efforts to be done in
converting images to tensors by using the function
convert_to_tensor which is available in the tensorflow
library.
2. Model building: Though it is complex building image
classification model in Tensorflow (we have to convert
images to tensors), model building is very much
organized since it supports connected layers of
Convoluted Neural Networks (CNN) better than Keras.
3. Accuracy: For the dataset having more than 10000
images, Kears will give better accuracy in predicting
whether a given image is dog or a cat (classification: 1 for
dog and 0 for cat) when compared to Tensorflow.
Chart -1 Shows the percentage of time required in different
areas like, data preprocessing, model building, optimizing
and efficiency of Keras machine learning framework
implementation.
Chart -1: Time needed for the implementation of image
classification using Keras framework
Chart -2 Shows the percentage of time required in different
areas like, data preprocessing, model building, optimizing
and efficiency of Tensorflow machine learning framework
implementation and Chart -3 shows the accuracy of Keras
and Tensorflow frameworksin predicting or recognizingthe
images.
Chart -2: Time needed for implementation of image
classification using Tensorflow framework
Chart -3: Accuracy comparision between Keras and
Tensorflow machine learning frameworks.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 295
6. CONCLUSION
To put it briefly, for image classification machine learning
problems having more than 10000images inthedataset,itis
always better to use “Tensorflow” machine learning
framework when compared to Keras framework.The
accuracy obtained by using Keras framework in recognizing
the images after training is 83.05. The accuracy obtained by
using Tensorflow framework in recognizing the images is
84.3%.Hence, Tensorflow machine learning framework
works better when dealing image recognition problem with
large datasets when compared to Keras which has less
accuracy in predicting the images.
ACKNOWLEDGEMENT
I take this opportunity to thank those who abetted me
immeasurably during this project and whose efforts we will
always appreciate and reminisce. I express my appreciation
towards my project guide Ms.Prathima for her valuable
guidance. I would also like toextendmysincereappreciation
to all staff members of JNNCE, without their assistance this
project would not have been a triumph.
REFERENCES
[1] Ozisikyilmaz, B., Memik, G., & Choudhary, A. (2008).
Machine Learning Models to Predict Performance of
Computer System Design Alternatives. 37th
International Conference on Parallel Processing.
[2] ShadiGhiasi,2017(Cinc)Artificial fibrillation detection
using feature based algorithm and deep CNN
[3] 2. Brownlee, J. (2016,March25).LinearRegressionfor
Machine Learning. Retrieved April14,2018
[4] Fisher, T. (2018, February 13). What is a Benchmark?
Retrieved April 14, 2018, from lifewire.com:
https://www/lifewire.com/what-is-abenchmark-
2625811

More Related Content

What's hot

Fusion method used to tolerate the faults occurred in disrtibuted system
Fusion method used to tolerate the faults occurred in disrtibuted systemFusion method used to tolerate the faults occurred in disrtibuted system
Fusion method used to tolerate the faults occurred in disrtibuted system
eSAT Publishing House
 
Forecasting of Sales using Neural network techniques
Forecasting of Sales using Neural network techniquesForecasting of Sales using Neural network techniques
Forecasting of Sales using Neural network techniques
Hitesh Dua
 
NEURAL Network Design Training
NEURAL Network Design  TrainingNEURAL Network Design  Training
NEURAL Network Design Training
ESCOM
 
Neural networks for the prediction and forecasting of water resources variables
Neural networks for the prediction and forecasting of water resources variablesNeural networks for the prediction and forecasting of water resources variables
Neural networks for the prediction and forecasting of water resources variables
Jonathan D'Cruz
 
Analysis of intelligent system design by neuro adaptive control no restriction
Analysis of intelligent system design by neuro adaptive control no restrictionAnalysis of intelligent system design by neuro adaptive control no restriction
Analysis of intelligent system design by neuro adaptive control no restriction
iaemedu
 
Analysis of intelligent system design by neuro adaptive control
Analysis of intelligent system design by neuro adaptive controlAnalysis of intelligent system design by neuro adaptive control
Analysis of intelligent system design by neuro adaptive control
iaemedu
 

What's hot (20)

C3 w3
C3 w3C3 w3
C3 w3
 
Machine learning with scikitlearn
Machine learning with scikitlearnMachine learning with scikitlearn
Machine learning with scikitlearn
 
Week 3 data journey and data storage
Week 3   data journey and data storageWeek 3   data journey and data storage
Week 3 data journey and data storage
 
Fusion method used to tolerate the faults occurred in disrtibuted system
Fusion method used to tolerate the faults occurred in disrtibuted systemFusion method used to tolerate the faults occurred in disrtibuted system
Fusion method used to tolerate the faults occurred in disrtibuted system
 
Forecasting of Sales using Neural network techniques
Forecasting of Sales using Neural network techniquesForecasting of Sales using Neural network techniques
Forecasting of Sales using Neural network techniques
 
NEURAL Network Design Training
NEURAL Network Design  TrainingNEURAL Network Design  Training
NEURAL Network Design Training
 
Neural networks for the prediction and forecasting of water resources variables
Neural networks for the prediction and forecasting of water resources variablesNeural networks for the prediction and forecasting of water resources variables
Neural networks for the prediction and forecasting of water resources variables
 
Lecture 10 (Digital Image Processing)
Lecture 10 (Digital Image Processing)Lecture 10 (Digital Image Processing)
Lecture 10 (Digital Image Processing)
 
ANN load forecasting
ANN load forecastingANN load forecasting
ANN load forecasting
 
Long Zhou - 2017 - Neural System Combination for Machine Transaltion
Long Zhou - 2017 -  Neural System Combination for Machine TransaltionLong Zhou - 2017 -  Neural System Combination for Machine Transaltion
Long Zhou - 2017 - Neural System Combination for Machine Transaltion
 
Matlab OOP
Matlab OOPMatlab OOP
Matlab OOP
 
Single layer perceptron in python
Single layer perceptron in pythonSingle layer perceptron in python
Single layer perceptron in python
 
Machine Learning Data Life Cycle in Production (Week 2 feature engineering...
 Machine Learning Data Life Cycle in Production (Week 2   feature engineering... Machine Learning Data Life Cycle in Production (Week 2   feature engineering...
Machine Learning Data Life Cycle in Production (Week 2 feature engineering...
 
Using SigOpt to Tune Deep Learning Models with Nervana Cloud
Using SigOpt to Tune Deep Learning Models with Nervana CloudUsing SigOpt to Tune Deep Learning Models with Nervana Cloud
Using SigOpt to Tune Deep Learning Models with Nervana Cloud
 
Why biased matrix factorization works well?
Why biased matrix factorization works well?Why biased matrix factorization works well?
Why biased matrix factorization works well?
 
A Neural Autoregressive Approach to Collaborative Filtering (CF-NADE) Slide
A Neural Autoregressive Approach to Collaborative Filtering (CF-NADE) Slide A Neural Autoregressive Approach to Collaborative Filtering (CF-NADE) Slide
A Neural Autoregressive Approach to Collaborative Filtering (CF-NADE) Slide
 
Analysis of intelligent system design by neuro adaptive control no restriction
Analysis of intelligent system design by neuro adaptive control no restrictionAnalysis of intelligent system design by neuro adaptive control no restriction
Analysis of intelligent system design by neuro adaptive control no restriction
 
Analysis of intelligent system design by neuro adaptive control
Analysis of intelligent system design by neuro adaptive controlAnalysis of intelligent system design by neuro adaptive control
Analysis of intelligent system design by neuro adaptive control
 
Master defence 2020 - Oleh Misko - Ensembling and Transfer Learning for Multi...
Master defence 2020 - Oleh Misko - Ensembling and Transfer Learning for Multi...Master defence 2020 - Oleh Misko - Ensembling and Transfer Learning for Multi...
Master defence 2020 - Oleh Misko - Ensembling and Transfer Learning for Multi...
 
Lecture 11 neural network principles
Lecture 11 neural network principlesLecture 11 neural network principles
Lecture 11 neural network principles
 

Similar to IRJET- Automatic Object Sorting using Deep Learning

Similar to IRJET- Automatic Object Sorting using Deep Learning (20)

IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
IRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware Performance
 
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
 
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO ObjectsPerformance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
 
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image DatabaseIRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image Database
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog Images
 
IRJET- Machine Learning Techniques for Code Optimization
IRJET-  	  Machine Learning Techniques for Code OptimizationIRJET-  	  Machine Learning Techniques for Code Optimization
IRJET- Machine Learning Techniques for Code Optimization
 
DLT UNIT-3.docx
DLT  UNIT-3.docxDLT  UNIT-3.docx
DLT UNIT-3.docx
 
Large Scale Kernel Learning using Block Coordinate Descent
Large Scale Kernel Learning using Block Coordinate DescentLarge Scale Kernel Learning using Block Coordinate Descent
Large Scale Kernel Learning using Block Coordinate Descent
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
 
FACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEMFACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEM
 
IRJET- Sketch-Verse: Sketch Image Inversion using DCNN
IRJET- Sketch-Verse: Sketch Image Inversion using DCNNIRJET- Sketch-Verse: Sketch Image Inversion using DCNN
IRJET- Sketch-Verse: Sketch Image Inversion using DCNN
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
 
IRJET- Python Libraries and Packages for Deep Learning-A Survey
IRJET-  	  Python Libraries and Packages for Deep Learning-A SurveyIRJET-  	  Python Libraries and Packages for Deep Learning-A Survey
IRJET- Python Libraries and Packages for Deep Learning-A Survey
 
Svm Classifier Algorithm for Data Stream Mining Using Hive and R
Svm Classifier Algorithm for Data Stream Mining Using Hive and RSvm Classifier Algorithm for Data Stream Mining Using Hive and R
Svm Classifier Algorithm for Data Stream Mining Using Hive and R
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 

More from IRJET Journal

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 BookingVIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
dharasingh5698
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
ssuser89054b
 
notes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.pptnotes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.ppt
MsecMca
 

Recently uploaded (20)

Online banking management system project.pdf
Online banking management system project.pdfOnline banking management system project.pdf
Online banking management system project.pdf
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
 
VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 BookingVIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Palanpur 7001035870 Whatsapp Number, 24/07 Booking
 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineering
 
Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torque
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
Unit 2- Effective stress & Permeability.pdf
Unit 2- Effective stress & Permeability.pdfUnit 2- Effective stress & Permeability.pdf
Unit 2- Effective stress & Permeability.pdf
 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptx
 
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
 
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
 
notes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.pptnotes on Evolution Of Analytic Scalability.ppt
notes on Evolution Of Analytic Scalability.ppt
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - V
 
Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01
 
Unit 1 - Soil Classification and Compaction.pdf
Unit 1 - Soil Classification and Compaction.pdfUnit 1 - Soil Classification and Compaction.pdf
Unit 1 - Soil Classification and Compaction.pdf
 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
 

IRJET- Automatic Object Sorting using Deep Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 293 Deep Learning Framework Analysis Anuj Malathesha Nadig BE Computer Science, JNNCE, Shivamogga, Karnataka, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract – Deep Learning Framework analysis involves exploration of machine learning frameworks. This portrays comparative analysis of the CNN model and behavior of machine learning frameworksinthefieldofimagerecognition and classification. There are many machine learning frameworks available today which could be used for classification problems. Some of the frameworks are well suitable for smaller datasets. Whereas some are better for larger datasets. Deep learning Framework Comparative Analysis will help us to get a better insight into the efficiency of the Convoluted Neural Network (CNN) models of most widely used Keras and Tensorflow machine learning frameworks. Key Words: CNN, Dataset, Pooling Layer, Optimization Function, Keras, Tensorflow, Classification 1. INTRODUCTION Deep Learning framework analysisinvolvesthecomparative study of framework models efficiency, ease of data pre- processing and model building effort. In Machine Learning there are variouscompeting Artificial Neural Network (ANN) implementing frameworks developed by different organizations. Thiswork shows comparativeanalysisofeach framework under standard test hyper parameter and test sets. This will be implemented using classification model. The independent variable values is the angle of the grating pattern of the input images and the dependent variable values (i.e. firing rate) of neurons. The final Output would be the accuracy of various models in recognizing images (cats or dogs). 2. RELATED WORK There are existing classification problems in Kaggle to develop cats and dogs image recognition classification models using machine learning and Convoluted Neural Network (CNN). But there are no comparative studies or analysis done for the overall efficiency of the machine learning frameworks available. Authors such as, Francois Chollet has used Keras, Patrick Bue has used Microsoft Cognitive Toolkit (CNTK), Koustubh Sinhal has used Tensorflow, Emine Cengil used Caffee machine learning frameworks for the image recognition classification problems. 3. APPROACH The stepwise approach followed in the deep learning framework analysis are given below. 1. Select the suitable dataset for the classification problem. 2. Determine preliminary set of Features and Labels 2. Clean up the dataset 3. Shuffle the training dataset 4. Save dataset into appropriate data frame after labelling required fields 5. Define the hyper parameters 6. Define the model 7. Normalize the data in data frame 8. Train Model by running epoch and passing data in batch 9. Define loss function and optimization function (Implement back propagation if needed) 10. Validate the model if necessary 11. Change the featureandorlearningrateasnecessary 12. Test the Model 4. IMPLEMENTATION Python programming language and platforms such as Pycharm and Jupyter notebook are used to implement this work. Implementation steps are given below. 1. Divide the dataset into training and test datasets having 80:20 ratio of cat and dog images. 2. ImageDataGenerator of Keras image preprocessing library is used for preprocessing the datasets containing images. Also convoluted Cnov2D and Maxpooling2D features of Keras convoluted Neural Network layers are used to reshape and pool the images.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 294 3. Implemented Relu and Sigmoid activation function, sigmoid activation function from CNN(Reference:1) for Keras framework 4. Reshape, max_pool2D, fully_connected, dropout features of Tensorflow framework are used to preprocess the datasets while analyzingTensorflow Framework. 5. Activation function “Relu” is used in Tensorflow framework. 5. PERFORMANCE COMPARISON Comparison of accuracy is done for image classification, (i.e. Image is dog or cat) by keeping same hyper parameters and same working platform. Performance Comparison of the frameworks is done by following three important sections. 1. Ease of preprocessing:Preprocessingofdatasetisless complicated and faster in Keras when compared to tensorflow. Keras uses sequential model, conv2D and maxPooling2D for preprocessing and shaping of the images of the dataset. These preprocessing functions are available in Keraslibrary andeasilyimportablefunctions. Whereas in Tensorflow lot of efforts to be done in converting images to tensors by using the function convert_to_tensor which is available in the tensorflow library. 2. Model building: Though it is complex building image classification model in Tensorflow (we have to convert images to tensors), model building is very much organized since it supports connected layers of Convoluted Neural Networks (CNN) better than Keras. 3. Accuracy: For the dataset having more than 10000 images, Kears will give better accuracy in predicting whether a given image is dog or a cat (classification: 1 for dog and 0 for cat) when compared to Tensorflow. Chart -1 Shows the percentage of time required in different areas like, data preprocessing, model building, optimizing and efficiency of Keras machine learning framework implementation. Chart -1: Time needed for the implementation of image classification using Keras framework Chart -2 Shows the percentage of time required in different areas like, data preprocessing, model building, optimizing and efficiency of Tensorflow machine learning framework implementation and Chart -3 shows the accuracy of Keras and Tensorflow frameworksin predicting or recognizingthe images. Chart -2: Time needed for implementation of image classification using Tensorflow framework Chart -3: Accuracy comparision between Keras and Tensorflow machine learning frameworks.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 295 6. CONCLUSION To put it briefly, for image classification machine learning problems having more than 10000images inthedataset,itis always better to use “Tensorflow” machine learning framework when compared to Keras framework.The accuracy obtained by using Keras framework in recognizing the images after training is 83.05. The accuracy obtained by using Tensorflow framework in recognizing the images is 84.3%.Hence, Tensorflow machine learning framework works better when dealing image recognition problem with large datasets when compared to Keras which has less accuracy in predicting the images. ACKNOWLEDGEMENT I take this opportunity to thank those who abetted me immeasurably during this project and whose efforts we will always appreciate and reminisce. I express my appreciation towards my project guide Ms.Prathima for her valuable guidance. I would also like toextendmysincereappreciation to all staff members of JNNCE, without their assistance this project would not have been a triumph. REFERENCES [1] Ozisikyilmaz, B., Memik, G., & Choudhary, A. (2008). Machine Learning Models to Predict Performance of Computer System Design Alternatives. 37th International Conference on Parallel Processing. [2] ShadiGhiasi,2017(Cinc)Artificial fibrillation detection using feature based algorithm and deep CNN [3] 2. Brownlee, J. (2016,March25).LinearRegressionfor Machine Learning. Retrieved April14,2018 [4] Fisher, T. (2018, February 13). What is a Benchmark? Retrieved April 14, 2018, from lifewire.com: https://www/lifewire.com/what-is-abenchmark- 2625811