SlideShare a Scribd company logo
1 of 27
Waste Classification System
using Convolutional
Neural Networks
Under the Guidance Of
Dr. Divya Kumar
Group Members
▶ Abhinav Dixit (20151012)
▶ Ishaan Rajput (20154086)
▶ Abhishek Sharma (20154077)
▶ Harshita Rastogi (20154041)
▶ John Prasad (20154010)
Objective
▶ To develop a system to effectively segregate the collected waste on the basis
of different categories using the concepts of artificial neural networks and
image processing.
▶ To create Convolution Neural Network(CNN) model which is a powerful and a
deep layered network that helps in the classification process along with
tuning various parameters to get the highest accuracy.
▶ To help in eliminating the need of a middle-man for the treatment of waste.
Motivation
▶ By designing an autonomous system we can reduce the workforce required for
waste management and also perform the task efficiently.
▶ We can classify the waste into one of the three categories – recyclable,
compost and landfill(Non-Recyclable waste).
▶ Hazardous waste materials which cause harm to humans can easily be
disposed off.
Proposed Work
▶ To carry out the image classification of waste materials using Convolutional Neural
Networks(CNN). Given an image of a random waste item, the system seeks to
categorize the waste item into one of the 5 mentioned categories.
▶ Categories for classification:
▶ 1. Metal
▶ 2. Organic waste
▶ 3. Container
▶ 4. Paper
▶ 5. Plastic
Artificial Neural Networks
▶ An ANN is a computational model based on the structure and functions of
biological neural networks.
▶ Information that flows through the network affects the structure of the ANN
because a neural network changes - or learns, in a sense - based on that input
and output.
▶ There are weighted connections (correspond to synapses) between simulated
neurons where signals it receives (numbers) are summed.
▶ A signal is sent (fired) if a certain threshold is reached.
Artificial Neural Networks
▶ An ANN is typically defined by three types of parameters:
▶ The interconnection pattern between different layers of neurons
▶ The learning process for updating the weights of the interconnections.
▶ The activation function that converts a neurons weighted input to its output
activation.
Artificial Neural Networks
▶ The model learns by repeating the following steps -
▶ Feed Forward Algorithm - The input layer of neural network is fed with samples.
These sample values will be multiplied with the corresponding weights and added
up. The bias will be added to the resulting sum and this sum will be passed to the
activation function.
▶ After the Feedforward the output of the neural network is compared with the
target output. The difference between expected output of a neuron and actual
output of the same neuron gives the error of that neuron.
▶ Back Propagation Algorithm - Backpropagation algorithm is applied after the
feedforward algorithm in order to propagate the errors in other direction of feed
forward and adjust the weights to overcome that error.
Convolutional Neural Network (CNN)
▶ Why CNN?
▶ Image recognition is not an easy task to achieve. In Theory, we can use
conventional neural networks for analyzing images, but in practice, it will be
highly expensive from a computational perspective.
▶ For instance an image of more respectable size, e.g. 200x200x3, would lead to
neurons that have 200*200*3 = 120,000 weights.
▶ Convolutional Neural Networks take advantage of the fact that the input consists
of images and they constrain the architecture in a more sensible way. The layers of
a ConvNet have neurons arranged in 3 dimensions: width, height, depth.
▶ The neurons in a layer will only be connected to a small region of the layer before
it, instead of all of the neurons in a fully-connected manner.
CNN - Structure
▶ Any CNN comprises of following layers –
▶ Convolution Layer (With ReLU)
▶ Pooling Layer
▶ Flattening
▶ Followed by fully connected ANN
Convolution Layer
▶ The CONV layer’s parameters consist of a set of learnable filters.
▶ During the forward pass, we convolve each filter across the width and height
of the input volume and compute dot products between the entries of the
filter and the input at any position.
▶ As we slide the filter over the width and height of the input volume we will
produce a 2-dimensional activation map that gives the responses of that filter
at every spatial position.
▶ Intuitively, the network will learn filters that activate when they see some
type of visual feature such as an edge of some orientation, color patterns,
etc. on higher layers of the network.
ReLU Layer
▶ The Convolution Layer is followed by ReLU (Rectified Linear Unit) activation
function, defined as f(x) = Max(0, x).
▶ It is also known as ramp function.
▶ It is used to remove linearity in the output of the CONV Layer.
Pooling
▶ The Pooling Layer operates independently on every depth slice of the input
and resizes it spatially, using the MAX operation.
▶ Its function is to progressively reduce the spatial size of the representation to
reduce the amount of parameters and computation in the network, and hence
to also control overfitting.
▶ The most common form is a pooling layer with filters of size 2x2 applied with
a stride of 2 down-samples every depth slice in the input by 2 along both
width and height, discarding 75% of the activations. Every MAX operation
would in this case be taking a max over 4 numbers.
Flattening
▶ We need to convert the output of the convolutional part of the CNN into a 1D
feature vector, to be used by the ANN part of it. This is achieved by
Flattening.
▶ It gets the output of the convolutional layers, flattens all its structure to
create a single long feature vector to be used by the dense layer for the final
classification.
Fully Connected ANN
▶ Neurons in a fully connected layer have full connections to all activations in
the previous layer, as seen in Conventional Neural Networks.
▶ This is proceeded by further adding dense hidden layers and finally computing
the values of the Output Layer.
Dataset used
▶ The dataset was manually collected for every category from various search
engines like Bing, Google and Yahoo through a software called Extreme
Picture Finder.
▶ The dataset contains images that include the waste items in different
illumination, background colors and various angles.
▶ The dataset consists of a total of 3,302 images belonging to one of the 5
classes.
▶ Care was taken to include images of objects as they would be when disposed
off like crushed bottles, crumpled paper, and so on to make the training more
robust to deal with real-life images.
Software tools used
▶ Python 3
▶ Tensor-flow
▶ Keras
▶ Cuda (NVIDIA Computing Toolkit)
▶ Matplotlib
▶ SciPy
Description Of Model
▶ After doing parameter hyper-tuning, we got the following setting to produce
the best outcome.
▶ Pictures were rescaled to a size of 256 X 256 pixels.
▶ The train-test split ratio was taken to be around 12:1.
▶ Batch size was chosen to be 16.
▶ We used Categorical Cross-Entropy as loss function and used Adam Optimizer
to reduce it over 30 epochs (repetitions).
Description Of Model - Layers
▶ Layer 1 - CNN (followed by Batch Normalization and Max Pooling)
▶ Filters - 96, Kernel Size - 11 x 11, Strides - 4
▶ Activation Function - ReLU
▶ Layer 2 - CNN (followed by Batch Normalization and Max Pooling)
▶ Filters – 256, Kernel Size - 5 x 5
▶ Activation Function - ReLU
▶ Layer 3-4 - CNN
▶ Filters – 384, Kernel Size - 3 x 3
▶ Activation Function - ReLU
▶ Layer 5 - CNN (followed by Max Pooling)
▶ Filters – 256, Kernel Size - 3 x 3
▶ Activation Function - ReLU
▶ Layer 6 - Flattening
Description Of Model - Layers
▶ Layer 7 - Fully Connected Hidden Layer
▶ Neurons - 2048
▶ Activation Function - ReLU
▶ Layer 8 - Fully Connected Hidden Layer
▶ Neurons - 2048
▶ Activation Function – ReLU
▶ Layer 9 - Output Layer
▶ Neurons - 5
▶ Activation Function - Softmax
Model Diagram
Inputs 3@256x256
Feature Maps
96@64x64
Feature
Maps
256@64x64
Feature
Maps
384@64x64
Feature
Maps
256@64x64
Feature
Maps
384@64x64
Hidden
Layer 2048
Hidden
Layer 2048
Output
Layer 5
Convolution
11x11 Kernel,
Max Pooling 2x2
ReLU
Convolution
5x5 Kernel,
Max Pooling 2x2
ReLU
Convolution
3x3 Kernel
ReLU
Convolution
3x3 Kernel
ReLU
Convolution
3x3 Kernel,
Max Pooling 2x2
ReLU
Flatten Fully
Connected
Fully
Connected
Result Analysis and Conclusion
Image Size No of
Classes
Accuracy Validation
Accuracy
Loss Validation
Loss
256x256 5 0.9848 0.7456 0.0864 2.1231
Result Analysis and Conclusion
The model correctly classified 11/14 images.
It could not classify images 2,4 and 12 correctly.
Demo
Future Works
▶ Localization — In addition to Classification of Waste, we can use techniques such as
Bounding Box Localization, Instance Segmentation etc. to locate the classified
object in the image.
▶ Generalization — Rather than constricting our search among 5 classes we can use
pre-trained models (like VGG-16) to generalize this approach over all kinds of
waste. The model can be fine-tuned to fit our requirements and provide wider and
better results.
▶ Automation — Build a more sophisticated mechanical system to automatically
separate and segregate the cluster of wastes.
▶ Improving the accuracy rates of the system by adding more training and test
samples to the existing dataset.
Thank you!!

More Related Content

What's hot

Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)cairo university
 
Artificial neural network model & hidden layers in multilayer artificial neur...
Artificial neural network model & hidden layers in multilayer artificial neur...Artificial neural network model & hidden layers in multilayer artificial neur...
Artificial neural network model & hidden layers in multilayer artificial neur...Muhammad Ishaq
 
Intermediate code generation1
Intermediate code generation1Intermediate code generation1
Intermediate code generation1Shashwat Shriparv
 
Divide and conquer 1
Divide and conquer 1Divide and conquer 1
Divide and conquer 1Kumar
 
Satisfiability
SatisfiabilitySatisfiability
SatisfiabilityJim Kukula
 
Travelling Salesman
Travelling SalesmanTravelling Salesman
Travelling SalesmanShuvojit Kar
 
Back tracking and branch and bound class 20
Back tracking and branch and bound class 20Back tracking and branch and bound class 20
Back tracking and branch and bound class 20Kumar
 
Hub 102 - Lesson 5 - Algorithm: Sorting & Searching
Hub 102 - Lesson 5 - Algorithm: Sorting & SearchingHub 102 - Lesson 5 - Algorithm: Sorting & Searching
Hub 102 - Lesson 5 - Algorithm: Sorting & SearchingTiểu Hổ
 
Searching in c language
Searching in c languageSearching in c language
Searching in c languageCHANDAN KUMAR
 
Dynamic memory allocation
Dynamic memory allocationDynamic memory allocation
Dynamic memory allocationGem WeBlog
 
sparse matrix in data structure
sparse matrix in data structuresparse matrix in data structure
sparse matrix in data structureMAHALAKSHMI P
 
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...Kirill Eremenko
 
Stressen's matrix multiplication
Stressen's matrix multiplicationStressen's matrix multiplication
Stressen's matrix multiplicationKumar
 
backtracking algorithms of ada
backtracking algorithms of adabacktracking algorithms of ada
backtracking algorithms of adaSahil Kumar
 
Data Structure: TREES
Data Structure: TREESData Structure: TREES
Data Structure: TREESTABISH HAMID
 
Bit pair recoding
Bit pair recodingBit pair recoding
Bit pair recodingBasit Ali
 

What's hot (20)

Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)
 
Presentation of array
Presentation of arrayPresentation of array
Presentation of array
 
Artificial neural network model & hidden layers in multilayer artificial neur...
Artificial neural network model & hidden layers in multilayer artificial neur...Artificial neural network model & hidden layers in multilayer artificial neur...
Artificial neural network model & hidden layers in multilayer artificial neur...
 
Binary tree
Binary treeBinary tree
Binary tree
 
Multi Layer Network
Multi Layer NetworkMulti Layer Network
Multi Layer Network
 
Intermediate code generation1
Intermediate code generation1Intermediate code generation1
Intermediate code generation1
 
Query processing
Query processingQuery processing
Query processing
 
Divide and conquer 1
Divide and conquer 1Divide and conquer 1
Divide and conquer 1
 
Satisfiability
SatisfiabilitySatisfiability
Satisfiability
 
Travelling Salesman
Travelling SalesmanTravelling Salesman
Travelling Salesman
 
Back tracking and branch and bound class 20
Back tracking and branch and bound class 20Back tracking and branch and bound class 20
Back tracking and branch and bound class 20
 
Hub 102 - Lesson 5 - Algorithm: Sorting & Searching
Hub 102 - Lesson 5 - Algorithm: Sorting & SearchingHub 102 - Lesson 5 - Algorithm: Sorting & Searching
Hub 102 - Lesson 5 - Algorithm: Sorting & Searching
 
Searching in c language
Searching in c languageSearching in c language
Searching in c language
 
Dynamic memory allocation
Dynamic memory allocationDynamic memory allocation
Dynamic memory allocation
 
sparse matrix in data structure
sparse matrix in data structuresparse matrix in data structure
sparse matrix in data structure
 
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...
Deep Learning A-Z™: Artificial Neural Networks (ANN) - Stochastic Gradient De...
 
Stressen's matrix multiplication
Stressen's matrix multiplicationStressen's matrix multiplication
Stressen's matrix multiplication
 
backtracking algorithms of ada
backtracking algorithms of adabacktracking algorithms of ada
backtracking algorithms of ada
 
Data Structure: TREES
Data Structure: TREESData Structure: TREES
Data Structure: TREES
 
Bit pair recoding
Bit pair recodingBit pair recoding
Bit pair recoding
 

Similar to CNN Waste Classification Using Image Processing

Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceTakrim Ul Islam Laskar
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksParrotAI
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTRishabhTyagi48
 
A Review on Food Classification using Convolutional Neural Networks
A Review on Food Classification using Convolutional Neural NetworksA Review on Food Classification using Convolutional Neural Networks
A Review on Food Classification using Convolutional Neural NetworksIRJET Journal
 
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 ImagesIRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)IRJET Journal
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classificationijtsrd
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolutionPrudhvi Raj
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolutionPrudhvi Raj
 
Human Head Counting and Detection using Convnets
Human Head Counting and Detection using ConvnetsHuman Head Counting and Detection using Convnets
Human Head Counting and Detection using Convnetsrahulmonikasharma
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONIRJET Journal
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentationOwin Will
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxNoorUlHaq47
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System OperationsIRJET Journal
 
Neural Networks in Data Mining - “An Overview”
Neural Networks  in Data Mining -   “An Overview”Neural Networks  in Data Mining -   “An Overview”
Neural Networks in Data Mining - “An Overview”Dr.(Mrs).Gethsiyal Augasta
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...ali hassan
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 

Similar to CNN Waste Classification Using Image Processing (20)

Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional Face
 
Unit ii supervised ii
Unit ii supervised iiUnit ii supervised ii
Unit ii supervised ii
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Eye deep
Eye deepEye deep
Eye deep
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
 
A Review on Food Classification using Convolutional Neural Networks
A Review on Food Classification using Convolutional Neural NetworksA Review on Food Classification using Convolutional Neural Networks
A Review on Food Classification using Convolutional Neural Networks
 
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
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classification
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
 
Deep learning for image super resolution
Deep learning for image super resolutionDeep learning for image super resolution
Deep learning for image super resolution
 
Human Head Counting and Detection using Convnets
Human Head Counting and Detection using ConvnetsHuman Head Counting and Detection using Convnets
Human Head Counting and Detection using Convnets
 
CNN.pptx
CNN.pptxCNN.pptx
CNN.pptx
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTION
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptx
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
 
Neural Networks in Data Mining - “An Overview”
Neural Networks  in Data Mining -   “An Overview”Neural Networks  in Data Mining -   “An Overview”
Neural Networks in Data Mining - “An Overview”
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 

Recently uploaded

CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfAsst.prof M.Gokilavani
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 

Recently uploaded (20)

CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 

CNN Waste Classification Using Image Processing

  • 1. Waste Classification System using Convolutional Neural Networks
  • 2. Under the Guidance Of Dr. Divya Kumar
  • 3. Group Members ▶ Abhinav Dixit (20151012) ▶ Ishaan Rajput (20154086) ▶ Abhishek Sharma (20154077) ▶ Harshita Rastogi (20154041) ▶ John Prasad (20154010)
  • 4. Objective ▶ To develop a system to effectively segregate the collected waste on the basis of different categories using the concepts of artificial neural networks and image processing. ▶ To create Convolution Neural Network(CNN) model which is a powerful and a deep layered network that helps in the classification process along with tuning various parameters to get the highest accuracy. ▶ To help in eliminating the need of a middle-man for the treatment of waste.
  • 5. Motivation ▶ By designing an autonomous system we can reduce the workforce required for waste management and also perform the task efficiently. ▶ We can classify the waste into one of the three categories – recyclable, compost and landfill(Non-Recyclable waste). ▶ Hazardous waste materials which cause harm to humans can easily be disposed off.
  • 6. Proposed Work ▶ To carry out the image classification of waste materials using Convolutional Neural Networks(CNN). Given an image of a random waste item, the system seeks to categorize the waste item into one of the 5 mentioned categories. ▶ Categories for classification: ▶ 1. Metal ▶ 2. Organic waste ▶ 3. Container ▶ 4. Paper ▶ 5. Plastic
  • 7. Artificial Neural Networks ▶ An ANN is a computational model based on the structure and functions of biological neural networks. ▶ Information that flows through the network affects the structure of the ANN because a neural network changes - or learns, in a sense - based on that input and output. ▶ There are weighted connections (correspond to synapses) between simulated neurons where signals it receives (numbers) are summed. ▶ A signal is sent (fired) if a certain threshold is reached.
  • 8. Artificial Neural Networks ▶ An ANN is typically defined by three types of parameters: ▶ The interconnection pattern between different layers of neurons ▶ The learning process for updating the weights of the interconnections. ▶ The activation function that converts a neurons weighted input to its output activation.
  • 9. Artificial Neural Networks ▶ The model learns by repeating the following steps - ▶ Feed Forward Algorithm - The input layer of neural network is fed with samples. These sample values will be multiplied with the corresponding weights and added up. The bias will be added to the resulting sum and this sum will be passed to the activation function. ▶ After the Feedforward the output of the neural network is compared with the target output. The difference between expected output of a neuron and actual output of the same neuron gives the error of that neuron. ▶ Back Propagation Algorithm - Backpropagation algorithm is applied after the feedforward algorithm in order to propagate the errors in other direction of feed forward and adjust the weights to overcome that error.
  • 10. Convolutional Neural Network (CNN) ▶ Why CNN? ▶ Image recognition is not an easy task to achieve. In Theory, we can use conventional neural networks for analyzing images, but in practice, it will be highly expensive from a computational perspective. ▶ For instance an image of more respectable size, e.g. 200x200x3, would lead to neurons that have 200*200*3 = 120,000 weights. ▶ Convolutional Neural Networks take advantage of the fact that the input consists of images and they constrain the architecture in a more sensible way. The layers of a ConvNet have neurons arranged in 3 dimensions: width, height, depth. ▶ The neurons in a layer will only be connected to a small region of the layer before it, instead of all of the neurons in a fully-connected manner.
  • 11. CNN - Structure ▶ Any CNN comprises of following layers – ▶ Convolution Layer (With ReLU) ▶ Pooling Layer ▶ Flattening ▶ Followed by fully connected ANN
  • 12. Convolution Layer ▶ The CONV layer’s parameters consist of a set of learnable filters. ▶ During the forward pass, we convolve each filter across the width and height of the input volume and compute dot products between the entries of the filter and the input at any position. ▶ As we slide the filter over the width and height of the input volume we will produce a 2-dimensional activation map that gives the responses of that filter at every spatial position. ▶ Intuitively, the network will learn filters that activate when they see some type of visual feature such as an edge of some orientation, color patterns, etc. on higher layers of the network.
  • 13. ReLU Layer ▶ The Convolution Layer is followed by ReLU (Rectified Linear Unit) activation function, defined as f(x) = Max(0, x). ▶ It is also known as ramp function. ▶ It is used to remove linearity in the output of the CONV Layer.
  • 14. Pooling ▶ The Pooling Layer operates independently on every depth slice of the input and resizes it spatially, using the MAX operation. ▶ Its function is to progressively reduce the spatial size of the representation to reduce the amount of parameters and computation in the network, and hence to also control overfitting. ▶ The most common form is a pooling layer with filters of size 2x2 applied with a stride of 2 down-samples every depth slice in the input by 2 along both width and height, discarding 75% of the activations. Every MAX operation would in this case be taking a max over 4 numbers.
  • 15. Flattening ▶ We need to convert the output of the convolutional part of the CNN into a 1D feature vector, to be used by the ANN part of it. This is achieved by Flattening. ▶ It gets the output of the convolutional layers, flattens all its structure to create a single long feature vector to be used by the dense layer for the final classification.
  • 16. Fully Connected ANN ▶ Neurons in a fully connected layer have full connections to all activations in the previous layer, as seen in Conventional Neural Networks. ▶ This is proceeded by further adding dense hidden layers and finally computing the values of the Output Layer.
  • 17. Dataset used ▶ The dataset was manually collected for every category from various search engines like Bing, Google and Yahoo through a software called Extreme Picture Finder. ▶ The dataset contains images that include the waste items in different illumination, background colors and various angles. ▶ The dataset consists of a total of 3,302 images belonging to one of the 5 classes. ▶ Care was taken to include images of objects as they would be when disposed off like crushed bottles, crumpled paper, and so on to make the training more robust to deal with real-life images.
  • 18. Software tools used ▶ Python 3 ▶ Tensor-flow ▶ Keras ▶ Cuda (NVIDIA Computing Toolkit) ▶ Matplotlib ▶ SciPy
  • 19. Description Of Model ▶ After doing parameter hyper-tuning, we got the following setting to produce the best outcome. ▶ Pictures were rescaled to a size of 256 X 256 pixels. ▶ The train-test split ratio was taken to be around 12:1. ▶ Batch size was chosen to be 16. ▶ We used Categorical Cross-Entropy as loss function and used Adam Optimizer to reduce it over 30 epochs (repetitions).
  • 20. Description Of Model - Layers ▶ Layer 1 - CNN (followed by Batch Normalization and Max Pooling) ▶ Filters - 96, Kernel Size - 11 x 11, Strides - 4 ▶ Activation Function - ReLU ▶ Layer 2 - CNN (followed by Batch Normalization and Max Pooling) ▶ Filters – 256, Kernel Size - 5 x 5 ▶ Activation Function - ReLU ▶ Layer 3-4 - CNN ▶ Filters – 384, Kernel Size - 3 x 3 ▶ Activation Function - ReLU ▶ Layer 5 - CNN (followed by Max Pooling) ▶ Filters – 256, Kernel Size - 3 x 3 ▶ Activation Function - ReLU ▶ Layer 6 - Flattening
  • 21. Description Of Model - Layers ▶ Layer 7 - Fully Connected Hidden Layer ▶ Neurons - 2048 ▶ Activation Function - ReLU ▶ Layer 8 - Fully Connected Hidden Layer ▶ Neurons - 2048 ▶ Activation Function – ReLU ▶ Layer 9 - Output Layer ▶ Neurons - 5 ▶ Activation Function - Softmax
  • 22. Model Diagram Inputs 3@256x256 Feature Maps 96@64x64 Feature Maps 256@64x64 Feature Maps 384@64x64 Feature Maps 256@64x64 Feature Maps 384@64x64 Hidden Layer 2048 Hidden Layer 2048 Output Layer 5 Convolution 11x11 Kernel, Max Pooling 2x2 ReLU Convolution 5x5 Kernel, Max Pooling 2x2 ReLU Convolution 3x3 Kernel ReLU Convolution 3x3 Kernel ReLU Convolution 3x3 Kernel, Max Pooling 2x2 ReLU Flatten Fully Connected Fully Connected
  • 23. Result Analysis and Conclusion Image Size No of Classes Accuracy Validation Accuracy Loss Validation Loss 256x256 5 0.9848 0.7456 0.0864 2.1231
  • 24. Result Analysis and Conclusion The model correctly classified 11/14 images. It could not classify images 2,4 and 12 correctly.
  • 25. Demo
  • 26. Future Works ▶ Localization — In addition to Classification of Waste, we can use techniques such as Bounding Box Localization, Instance Segmentation etc. to locate the classified object in the image. ▶ Generalization — Rather than constricting our search among 5 classes we can use pre-trained models (like VGG-16) to generalize this approach over all kinds of waste. The model can be fine-tuned to fit our requirements and provide wider and better results. ▶ Automation — Build a more sophisticated mechanical system to automatically separate and segregate the cluster of wastes. ▶ Improving the accuracy rates of the system by adding more training and test samples to the existing dataset.