You are on page 1of 14

INTELLIGENT WASTE CLASSIFICATION SYSTEM USING CNN

[1]
DEEPIKA S, [2]KAVIYADHARSHINI B, [3]NANDHITHA KARTHIKEYINI M,
[4]
KARTHIGA M

[1][2][3]
UG Scholar, Department of Computer Science and Engineering, Bannari Amman Institute of
Technology, Erode, India.
[4]
Associate Professor, Department of Computer Science and Engineering, Bannari Amman Institute of
Technology, Erode, India.

[1]
deepika.cs20@bitsathy.ac.in [2] kaviyadharshini.cs20@bitsathy.ac.in
[3]
nandhithakarthikeyini.cs20@bitsathy.ac.in [4]karthigam@bitsathy.ac.in

Abstract - One of the key environmental Keywords: image classification, deep


issues has been trash management, which learning, waste classification, recycling,
has negative consequences on both society's CNN, ResNet
health and the environment's delicate
balance. The traditional trash management I. INTRODUCTION
system can be replaced with a real-time
monitoring system thanks to technological The management of garbage is a major
advancements, enabling improved waste global concern, and the environment is
management. Using a deep learning model, seriously threatened by the growing volume
the project's goal is to create a smart trash of waste. A Convolutional Neural Networks
management system. The pre-trained (CNN)-powered Intelligent Waste
detection model with photos is used to carry Classification System (IWCS) is one of the
out object detection. With a classification creative alternatives offered by modern
accuracy rating of around 90%, CNN technology to address this problem. The
achieves great performance. In this paper, IWCS idea, its significance in waste
we proposed to use the ResNet algorithm for management, and how CNNs might be used
efficient waste image classification. The to improve waste sorting and recycling
ResNet algorithm allows for the training of
procedures are all covered in this project.
extremely deep networks without suffering
The process of trash management must
from the vanishing gradient problem,making
begin with waste classification. An
it highly effective for image classification
environment that is more sustainable and
tasks.
environmentally friendly is made possible
by accurate waste sorting, which increases layers..[68]ResNet is an invaluable tool in
recycling efforts and decreases the amount garbage classification and other computer
of waste dumped in landfills. To vision applications due to its innovation in
automatically recognize and classify various managing deep networks and its capacity to
waste products, an intelligent waste capture subtle patterns. You can develop
classification system makes use of deep precise and effective waste classification
learning techniques[56]. CNNs are a kind of systems that support environmental
deep learning model created for tasks sustainability by taking advantage of
requiring image identification. They have a ResNet's advantages.
multi-layered design that derives
II. LITERATURE SURVEY
hierarchical features from images and is
modeled after the human visual system. Sujan Poudel and Prakash Poudyal(2022),
They are therefore especially well -suited for have pre-trained CNN model such as
jobs requiring picture categorization, such as InceptionV3, InceptionResNetV2, Xception,
garbage classification.Automatic recognition VGG19, MobileNet, ResNet50 and
and detection of waste from images has DenseNet201 and performed fine-tuning on
become a popular choice to replace manual the waste dataset. Among these models, the
waste sorting, thanks to the rapid advances VGG19 model performed with less
in computer vision and artificial intelligence. accuracy, whereas the InceptionV3 model
Many machine learning algorithms have performed with high learning accuracy.A
been proposed to improve the 𝑎𝑐𝑐𝑢𝑟𝑎𝑐𝑦 of total of 101, 102, and 95 images have been
automatic waste classification [12,13,14]. classified correctly by InceptionResNetV2,
DenseNet201, and ResNet50 out of 140
images which means InceptionResNetV2
and DenseNet201 have almost similar
performance on testing data but
DenseNet201 have better validation
accuracy[1].In [2], Adedeji Olugboja, Zenghui
Wang(2019),proposed an intelligent waste
Figure 1. Waste classification using CNN material classification system, which is
developed by using the 50-layer residual net
In recent years however, deep neural pre-train (ResNet-50) Convolutional Neural
networks[15], especially convolutional neural Network model which is a machine learning
networks (CNN), have proven to be very tool and serves as the extractor, and Support
effective in learning from existing data, Vector Machine (SVM) which is used to
achieving remarkable results in image classify the waste into different groups/types
classification[14,16,17,18]. Thus, by taking such as glass, metal, paper, and plastic etc.
images of solid waste as input data, CNNs The proposed system is tested on the trash
can automatically classify waste into the image dataset which was developed by Gary
relevant categories. Figure 1 depicts the Thung and Mindy Yang, and is able to
waste classification system using CNN
achieve an accuracy of 87% on the dataset. classify waste into various classes. Two
The separation process of the waste was machine learning models, a multilayer
faster and intelligent using the proposed perceptron and multilayer convolutional
waste material classification system without neural network (ML-CNN), are
or reducing human involvement. Nonso implemented. The multilayer perceptron is
Nnamoko et al.,(2022) employed two used to provide binary classification, i.e.,
picture resolution sizes (i.e., 225264 and metal or non-metal waste, and the CNN
8045) to examine the performance of a identifies the class of non-metal waste[6].
[10]
five-layer convolutional neural network in Yi Zhao etal., have proposed an intelligent
terms of development time, model size, waste classification system based on the
predictive accuracy, and cross-entropy loss improved MobileNetV3-Large. The network
in order to evaluate the computational cost model is enabled to classify garbage images
issue. They reason that a model trained with through deep separable convolution, inverse
lower picture resolution will be more residual structure, lightweight attention
lightweight and/or accurate than one trained structure and the hard_ swish activation
with higher image resolution[3]. Nasir, I., & function.[9]Shuang Wu et al.,(2021) used
Aziz Al-Talib, G. A. (2023) have studied CNN (convolutional neural network) model
that the efficiency and accuracy of to classify garbage images, and the final
conventional trash classification techniques accuracy is 85.32%. This model is used to
are both low. Waste classification is the assist people with garbage classification,
process of identifying and categorizing reducing the time and energy needed for the
different types of waste based on their classification and identification, so as to
characteristics[4]. Accurate waste achieve the purpose of promoting garbage
classification is important for a number of classification.[8]Suganda Girsang, A et
reasons, including supporting recycling and al.,(2023) conducted research to collect
other forms of resource recovery, protecting datasets with two categories, namely organic
the environment and human health, and and inorganic, which were divided into three
reducing the costs of waste management. parts, namely training, testing, and
[5]
Haruna Abdu, Mohd Halim Mohd Noor validation and used hyperparameter testing,
(2022), have reviewed various image preprocessing to find the best learning
classification and object detection models, outcomes. The models used are MobileNet,
and their applications in waste detection and VGG16, and Xception.[7]Nguyen Ngoc Bao,
classification problems, providing an Nguyen Ngoc Le Minh (2022) aimed to
analysis of waste detection and classification present the best solution to solve the waste
techniques with precise and organized management problem. In the waste
representation and compiling over twenty management category, sorting by type of
benchmarked trash datasets. Ali Usman garbage is one of the most essential steps.
Gondal et al.,(2021) have presented the idea By using a camera, convolutional neural
of a real-time smart waste classification network (CNN), a dataset of various training
model that uses a hybrid approach to and testing pictures, detection and
classification can occur with the accuracy of
99%. The robotic arm is added to grab the IV. METHODOLOGY PROPOSED
garbage.
Data Collection: A diverse dataset of
III.COMPONENTS OF WASTE different waste images are collected. The
CLASSIFICATION dataset consisted of different waste images
that we are going to classify.Alternatively,
Deep Learning Framework: This concept is custom-collected images can also be used.
employed in CNN's training. The framework This involves taking pictures of different
typically comprises of a collection of types of waste, and then labeling them
algorithms and tools for optimizing the accordingly. This approach can provide a
network's performance during training. more accurate and diverse dataset, as it
Neural Network: In order to categorize the captures the real-world environment.
items in the photos and movies, this network Annotating those waste images using
is used. Neurons in the network are normally appropriate labels indicating the waste type
coupled to one another and are utilized to (eg., plastic, paper, glass,vegetables and
process input data and produce outputs. fruits waste etc..) as shown in Figure 3.

Figure 2. Components of waste classification

Figure 3. Different types of wastes used for


Convolutional Neural Network: This
classification
network is used to classify the objects in the
images and videos. The CNN typically Preprocessing: Using data augmentation, a
consists of convolutional layers that are used collection of strategies for boosting the
to extract features from the input data and amount of data by adding slightly changed
generate an output. This output is then used copies of the original data, to improve the
to classify the objects in the images and size and quality of the dataset. When
videos. training a machine learning or deep neural
ResNet: The ResNet type of CNN learns a network model, this is a typical technique
residual mapping from the input data to the used to reduce overfitting[25]. The
intended output based on the idea of residual ImageDataGenerator class offered by the
learning. This enhances the effectiveness of Keras deep learning neural network
the model and lowers the complexity of framework provides the foundation for the
deep network training. augmentation described in this paper [34,58].
applied and an optimizer such as Adam or
SGD is used to adjust the model's weights
throughout training[47]. Then, we overlay
fully linked layers on top of the CNN and
map the extracted features to the final waste
classifications.Utilising activation functions
(such as ReLU) to expedite training and
improve convergence after each fully linked
layer.
Training: A big collection of photos labeled
with the required objects must be used to
train the model after it has been created. It is
Figure 3. ImageDataGenerator for Data
crucial to remember that the data must be
Augmentation
balanced for the ResNet model to correctly
learn to distinguish between the various
We specifically apply adjustments to the
classes. The data must then be fed into the
photos (such as image rotation and height
ResNet model once it is ready. This can be
and width shift) using the
carried either in batches or all at once,
ImageDataGenerator class. Figure 3 depicts
depending on the size of the dataset[67]. The
how the ImageDataGenerator class of Keras
model must then be trained using an
works. We are splitting the dataset into
appropriate optimizer, like Adam or SGD.
training, validation and testing sets
The model's weights are continuously
CNN Architecture: After preprocessing, the
updated during the training phase so that it
next step is to pick a CNN Architecture that
can learn to recognise the various items in
goes well with classifying waste images. We
the photos.
have chosen ResNet (Residual Network) for
Testing and Model Evaluation: The model
classification[39]. Pretrained ResNet model
can then be tested on the testing set to
weights from a source like ImageNet have
evaluate its accuracy. Various metrics such
been loaded. In deep learning packages like
as precision, recall, and F1 score can be used
TensorFlow or PyTorch, these models can be
to measure the performance of the model.
discovered. We added a new classification
By counting the number of images that are
head that corresponds to the number of
correctly categorized, we may evaluate the
garbage categories in our dataset after
model's accuracy[65]. Additionally, the model
removing the old classification head
can be tested on unseen data to evaluate its
(completely connected layers) from the
generalization ability. This will show us how
pretrained ResNet model[24]. We employed
well the model works with unobserved data.
CNN layers as feature extractors to extract
Fine-tuning: If necessary, fine tuning can
hierarchical and discriminative properties
be performed. This will help the model to
from the garbage images. For multi-class
adapt to the task of classifying wastes.
classification, a suitable loss function, such
as categorical cross-entropy should be
Figure 5. Outcome of the proposed CNN
Architecture

Figure 4. Fine-tuning the constructed model


using image data

There are various processes involved in


fine-tuning a pre-trained ResNet model for
garbage picture categorization. The original
model must first be loaded before a new
layer with the necessary number of outputs
(one for each waste type) is substituted for
the final layer.Figure 4 shows how fine
Figure 6. Confusion Matrix for the proposed
tuning is performed using the constructed
Architecture
model. The weights of the pre-trained layers
must then be frozen in order to prevent
VI. BENEFITS OF WASTE
updating of those weights during training[44].
CLASSIFICATION USING CNN
A small subset of the available data must
then be used to fine-tune the model in order
Precision and Accuracy: As CNNs are so
to prevent overfitting.
good at image recognition tasks, they can
accurately and precisely categorize different
V.RESULTS AND DISCUSSIONS
types of garbage. Complex patterns and
traits that are challenging for traditional
The results of the analysis for the designed
sorting approaches to identify can be
framework were shown below, and the same
recognized by them. Due to this high level
output data had been examined in several
of precision, contamination is reduced and
ways to get various results.Precision was
recycling rates are raised through proper
88.54%, recall was 87.62%, F1-score was
identification and placement in the recycling
87.12%, MDR was 12.37%, and FDR was
stream.
13.37% for our framed CNN architecture.
Effectiveness and Swiftness: Intelligent
trash classification based on CNN is a
lightning-fast procedure. In contrast to VII. APPLICATIONS OF WASTE
manual sorting, which can be labor and CLASSIFICATION SYSTEM
time-intensive, an IWCS can process waste USING CNN
materials fast, making it a good fit for
high-throughput garbage sorting facilities. Automated Waste Sorting Facilities: The
The system's efficiency and speed improve adoption of an Intelligent Garbage
waste management processes and reduce Classification System is viable in these
processing expenses. facilities. They can swiftly and accurately
Consistency and Reliability: Manual sorting differentiate between different types of
is prone to human mistake, which could waste, such as plastics, metals, paper, glass,
result in inconsistent waste classification. and organic waste. The effectiveness of
On the other hand, CNN-based systems waste management operations as a whole is
deliver reliable and repeatable results. Once increased because of this automation, which
trained, the model's performance remains increases sorting efficiency and necessitates
constant over time, ensuring a trustworthy less physical work.
recycling process. Recycling Facilities: An IWCS can be very
Environmental Impact: By correctly useful in separating recyclables from other
classifying waste, an IWCS effectively sorts of waste at recycling facilities. By
encourages recycling and lessens the amount recognizing and classifying a number of
of trash that is sent to landfills. This recyclable items, including PET bottles,
immediately aids in lowering the negative aluminum cans, and cardboard, the system
environmental effects of discarding trash, helps to maximize recycling efforts and
protecting natural resources, and minimizing enhances the purity of recovered materials.
pollution. Smart Recycling Bins: Intelligent Waste
Cost-Effectiveness: Although buying Classification can be incorporated into smart
hardware and software may be required for recycling bins that are placed in public
the initial deployment of an IWCS, the areas, businesses, and homes. These bins aid
long-term benefits surpass the immediate in raising recycling participation and
costs. The technique streamlines waste environmental awareness by classifying and
sorting operations, lowering labor costs and separating recyclables from non-recyclable
increasing recycling revenue. By lowering garbage.
the requirement for landfill management and Industrial Waste Management:
disposal of trash, better waste management Controlling waste streams in the industrial
can help lower overall expenditures. sector is possible with intelligent waste
classification. Many companies produce a
variety of waste products, and an IWCS can
help detect and separate hazardous and
non-hazardous waste to guarantee proper
disposal and conformity to environmental
regulations.
Campaigns for Education and Public REFERENCES
Awareness: IWCS can be used as a tool in
campaigns for education and public 1. Sujan Poudel and Prakash Poudyal(
awareness to enlighten the public about 2022),“Classification of Waste
correct waste sorting techniques. By Materials using CNN Based on
demonstrating garbage classification and Transfer Learning”. In Forum for
emphasizing the importance of recycling, Information Retrieval Evaluation
the strategy can raise awareness and (FIRE '22), December 9–13, 2022,
encourage proper trash disposal among the Kolkata, India. ACM, New York,
general population. NY, USA
2. Adedeji Olugboja, Zenghui
VIII. CONCLUSION Wang(2019), “Intelligent Waste
Classification System Using Deep
Convolutional Neural Networks (CNNs) Learning Convolutional Neural
were shown to be effective in this study's Network”
waste image categorization, highlighting its
potential to address the urgent problem of 3. Nonso Nnamoko et al.,(2022),“Solid
garbage management. CNNs provide a Waste Image Classification Using
promising way to automate and improve Deep Convolutional Neural
garbage sorting procedures by clearly Network”.
discriminating between distinct waste kinds. https://doi.org/10.3390/infrastructure
When compared to conventional techniques, s7040047
the model's capacity to learn detailed 4. Nasir, I., & Aziz Al-Talib, G. A.
features from garbage photos greatly (2023). Waste Classification Using
increases accuracy and efficiency. The Artificial Intelligence
results highlight the significance of utilizing Techniques:Literature Review.
cutting-edge technologies for environmental Technium: Romanian Journal of
sustainability. While this study demonstrates Applied Sciences and Technology, 5,
a successful use of CNNs for waste 49–59.
categorization, subsequent research might https://doi.org/10.47577/technium.v5
look into real-time implementation i.8345
optimisations and broaden the dataset to
include a variety of garbage scenarios. At 5. Haruna Abdu, Mohd Halim Mohd
the end of the day, incorporating CNN-based Noor (2022), “A Survey on Waste
waste categorization systems into waste Detection and Classification Using
management infrastructure could Deep Learning”
revolutionize garbage sorting procedures, 6. Ali Usman Gondal et al.,(2021)
promoting cleaner ecosystems and “Real Time Multipurpose Smart
resource-efficient societies. Waste Classification Model for
Efficient Recycling in Smart Cities
Using Multilayer Convolutional 13. Li, W.; Tse, H.; Fok, L. Plastic waste
Neural Network and Perceptron” . in the marine environment: A review
https://doi.org/10.3390%2Fs2114491 of sources, occurrence and effects.
6 Sci. Total Environ. 2016, 566–567,
7. Nguyen Ngoc Bao, Nguyen Ngoc Le 333–349. [Google Scholar]
Minh (2022), “Smart garbage [CrossRef]
classification system” 14. Ye, Z.; Yang, J.; Zhong, N.; Tu, X.;
Jia, J.; Wang, J. Tackling
8. Suganda Girsang, A et al.,(2023)
environmental challenges in
“Classification Organic and
pollution controls using artificial
Inorganic Waste with Convolutional
intelligence: A review. Sci. Total
Neural Network Using Deep
Environ. 2020, 699, 134279. [Google
Learning”. International Journal of
Scholar] [CrossRef]
Intelligent Systems and Applications
in Engineering, 11(2), 343–348. 15. LeCun, Y.; Bengio, Y.; Hinton, G.
Deep learning. Nature 2015, 521,
9. Shuang Wu et al.,(2021) “Research 436–444. [Google Scholar]
on the Garbage Classification [CrossRef]
Problem Based on Convolutional
16. Sun, Y.; Xue, B.; Zhang, M.; Yen,
Neural Network”. J. Phys.: Conf.
G.G. Evolving Deep Convolutional
Ser. 2078 012056
Neural Networks for Image
10. Yi Zhao et al, “Intelligent garbage Classification. IEEE Trans. Evol.
classification system based on Comput. 2020, 24, 394–407. [Google
improved MobileNetV3-Large” Scholar] [CrossRef][Green Version]
.https://doi.org/10.1080/09540091.20 17. Rawat, W.; Wang, Z. Deep
22.2067127 Convolutional Neural Networks for
11. Ellen MacArthur Foundation. The Image Classification: A
New Plastics Economy: Rethinking Comprehensive Review. Neural
the Future of Plastics and Catalysing Comput. 2017, 29, 2352–2449.
Action. Available online: [Google Scholar] [CrossRef]
https://emf.thirdlight.com/link/cap0q [PubMed]
k3wwwk0-l3727v/@/#id=1
18. Liang, S.; Gu, Y. A deep
(accessed on 21 January 2022).
convolutional neural network to
12. Xia, W.; Jiang, Y.; Chen, X.; Zhao, simultaneously localize and
R. Application of machine learning recognize waste types in images.
algorithms in municipal solid waste Waste Manag. 2021, 126, 247–257.
management: A mini review. Waste [Google Scholar] [CrossRef]
Manag. Res. J. Sustain. Circ. Econ. [PubMed]
2021, 0734242X2110337. [Google
19. Simonyan, K.; Zisserman, A. Very
Scholar] [CrossRef]
Deep Convolutional Networks for
Large-Scale Image Recognition. 26. Toğaçar, M.; Ergen, B.; Cömert, Z.
arXiv 2014, arXiv:1409.1556. Waste classification using
[Google Scholar] AutoEncoder network with
20. Krizhevsky, A.; Sutskever, I.; integrated feature selection method
Hinton, G.E. ImageNet in convolutional neural network
Classification with Deep models. Measurement 2020, 153,
Convolutional Neural Networks. In 107459. [Google Scholar]
Advances in Neural Information [CrossRef]
Processing Systems; Pereira, F., 27. Mulim, W.; Revikasha, M.F.;
Burges, C.J.C., Bottou, L., Rivandi; Hanafiah, N. Waste
Weinberger, K.Q., Eds.; Curran Classification Using
Associates, Inc.: Vancouver, BC, EfficientNet-B0. In Proceedings of
Canada, 2012; Volume 25. [Google the IEEE Institute of Electrical and
Scholar] Electronics Engineers, Jakarta,
21. He, K.; Zhang, X.; Ren, S.; Sun, J. Indonesia, 28 October 2021; pp.
Deep Residual Learning for Image 253–257. [Google Scholar]
Recognition. arXiv 2015, [CrossRef]
arXiv:1512.03385. [Google Scholar] 28. Mallikarjuna, M.G.; Yadav, S.;
22. Huang, G.; Liu, Z.; van der Maaten, Shanmugam, A.; Hima, V.; Suresh,
L.; Weinberger, K.Q. Densely N. Waste Classification and
Connected Convolutional Networks. Segregation: Machine Learning and
arXiv 2016, arXiv:1608.06993. IOT Approach; Institute of Electrical
[Google Scholar] and Electronics Engineers Inc.: New
York, NY, USA, 2021; pp. 233–238.
23. Hang, J.; Zhang, D.; Chen, P.;
[Google Scholar] [CrossRef]
Zhang, J.; Wang, B. Classification of
Plant Leaf Diseases Based on 29. Gupta, T.; Joshi, R.; Mukhopadhyay,
Improved Convolutional Neural D.; Sachdeva, K.; Jain, N.; Virmani,
Network. Sensors 2019, 19, 4161. D.; Garcia-Hernandez, L. A deep
[Google Scholar] [CrossRef][Green learning approach based hardware
Version] solution to categorize garbage in the
environment. Complex Intell. Syst.
24. Sekar, S. Waste Classification Data,
2021, 1–24. [Google Scholar]
Version 1. Available online:
[CrossRef]
https://www.kaggle.com/techsash/wa
ste-classification-data (accessed on 30. Masand, A.; Chauhan, S.; Jangid,
18 January 2022). M.; Kumar, R.; Roy, S. ScrapNet: An
Efficient Approach to Trash
25. Shorten, C.; Khoshgoftaar, T.M. A
Classification. IEEE Access 2021, 9,
survey on Image Data Augmentation
130947–130958. [Google Scholar]
for Deep Learning. J. Big Data 2019,
[CrossRef]
6, 60. [Google Scholar] [CrossRef]
31. Hoque, M.A.; Azad, M.; Press: London, UK, 2012. [Google
Ashik-Uz-Zaman, M. IoT and Scholar]
Machine Learning Based Smart 37. Nnamoko, N.; Barrowclough, J.;
Garbage Management and Procter, J. Waste Classification
Segregation Approach for Dataset. Mendeley Data 2022, V2.
Bangladesh; Institute of Electrical [Google Scholar] [CrossRef]
and Electronics Engineers Inc.: New
38. Zhao, Z.Q.; Zheng, P.; Xu, S.T.; Wu,
York, NY, USA, 2019. [Google
X. Object Detection With Deep
Scholar] [CrossRef]
Learning: A Review. IEEE Trans.
32. Mollá, I.F. Inorganic Waste Neural Netw. Learn. Syst. 2019, 30,
Classifier Using Artificial 3212–3232. [Google Scholar]
Intelligence. Ph.D. Thesis, LAB [CrossRef][Green Version]
University of Applied Sciences,
39. Long, J.; Shelhamer, E.; Darrell, T.
Lahti, Finland, 2021. [Google
Fully convolutional networks for
Scholar]
semantic segmentation. In
33. Faria, R.; Ahmed, F.; Das, A.; Dey, Proceedings of the 2015 IEEE
A. Classification of Organic and Conference on Computer Vision and
Solid Waste Using Deep Pattern Recognition (CVPR),
Convolutional Neural Networks. In Boston, MA, USA, 7–12 June 2015;
Proceedings of the 2021 IEEE 9th pp. 3431–3440. [Google Scholar]
Region 10 Humanitarian Technology [CrossRef][Green Version]
Conference (R10-HTC), Bangalore,
40. Xie, S.; Girshick, R.; Dollár, P.; Tu,
India, 30 September–2 October
Z.; He, K. Aggregated Residual
2021; pp. 1–6. [Google Scholar]
Transformations for Deep Neural
[CrossRef]
Networks. In Proceedings of the
34. Chollet, F. Deep Learning with IEEE Conference on Computer
Python, 1st ed.; Manning Vision and Pattern Recognition, Las
Publications: Shelter Island, NY, Vegas, NV, USA, 26 June–1 July
USA, 2018. [Google Scholar] 2016. [Google Scholar]
35. Chollet, F. Training and Evaluation 41. Thung, G.; Yang, M. Classification
with the Built-In Methods. Available of Trash for Recyclability Status;
online: Leland Stanford Junior University:
https://keras.io/guides/training_with_ Palo Alto, CA, USA, 2016;
built_in_methods/ (accessed on 20 Available online:
January 2022). http://cs229.stanford.edu/proj2016/re
36. Murphy, K.P. Machine Learning: A port/ThungYang-ClassificationOfTra
Probabilistic Perspective. In shForRecyclabilityStatus-report.pdf
Adaptive Computation and Machine (accessed on 19 January 2022).
Learning Series; Bach, F., Ed.; MIT
42. Srinilta, C.; Kanharattanachai, S. neural networks. Multimed. Tools
Municipal Solid Waste Segregation Appl. 2020, 79, 29411–29431.
with CNN. In Proceedings of the [Google Scholar] [CrossRef]
2019 5th International Conference on 48. Castellano, G.; Carolis, B.D.;
Engineering, Applied Sciences and Macchiarulo, N.; Rossano, V.
Technology (ICEAST), Luang Learning waste Recycling by playing
Prabang, Laos, 2–5 July 2019; pp. with a Social Robot. In Proceedings
1–4. [Google Scholar] [CrossRef] of the 2019 IEEE International
43. Sandler, M.; Howard, A.; Zhu, M.; Conference on Systems, Man and
Zhmoginov, A.; Chen, L.C. Cybernetics (SMC), Bari, Italy, 6–9
MobileNetV2: Inverted Residuals October 2019; pp. 3805–3810.
and Linear Bottlenecks. In [Google Scholar] [CrossRef]
Proceedings of the 2018 IEEE/CVF 49. Radhika, D.A. Real Life Smart
Conference on Computer Vision and Waste Management System [Dry,
Pattern Recognition, Salt Lake City, Wet, Recycle, Electronic and
UT, USA, 18–23 June 2018; pp. Medical]. Int. J. Sci. Res. Sci.
4510–4520. [Google Scholar] Technol. 2021, 7, 631–640. [Google
[CrossRef][Green Version] Scholar] [CrossRef]
44. Dewulf, V. Application of Machine 50. Howard, A.G.; Zhu, M.; Chen, B.;
Learning to Waste Management: Kalenichenko, D.; Wang, W.;
Identification and Classification of Weyand, T.; Andreetto, M.; Adam,
Recyclables; Technical Report; H. MobileNets: Efficient
Imperial College: London, UK, Convolutional Neural Networks for
2017. [Google Scholar] Mobile Vision Applications. arXiv
45. Szegedy, C.; Liu, W.; Jia, Y.; 2017, arXiv:1704.04861. [Google
Sermanet, P.; Reed, S.; Anguelov, Scholar]
D.; Erhan, D.; Vanhoucke, V.; 51. Rahman, M.W.; Islam, R.; Hasan,
Rabinovich, A. Going Deeper with A.; Bithi, N.I.; Hasan, M.M.;
Convolutions. arXiv 2014, Rahman, M.M. Intelligent waste
arXiv:1409.4842. [Google Scholar] management system using deep
46. Szegedy, C.; Vanhoucke, V.; Ioffe, learning with IoT. J. King Saud
S.; Shlens, J.; Wojna, Z. Rethinking Univ.—Comput. Inf. Sci. 2020.
the Inception Architecture for [Google Scholar] [CrossRef]
Computer Vision. arXiv 2015, 52. Siva Kumar, A.P.; Buelaevanzalina,
arXiv:1512.00567. [Google Scholar] K.; Chidananda, K. An efficient
47. Wang, H.; Li, Y.; Dang, L.M.; Ko, J.; classification of kitchen waste using
Han, D.; Moon, H. deep learning techniques. Turk. J.
Smartphone-based bulky waste Comput. Math. Educ. 2021, 12,
classification using convolutional 5751–5762. [Google Scholar]
53. Kusrini; Saputra, A.P. Waste Object https://blog.keras.io/building-powerf
Detection and Classification using ul-image-classification-models-using
Deep Learning Algorithm: YOLOv4 -very-little-data.html (accessed on 19
and YOLOv4-tiny. Turk. J. Comput. January 2022).
Math. Educ. 2021, 12, 1666–1677. 59. Tan, M.; Le, Q.V. EfficientNet:
[Google Scholar] Rethinking Model Scaling for
54. Teh, J. Household Waste Segregation Convolutional Neural Networks.
Using Intelligent Vision System. arXiv 2019, arXiv:1905.11946.
Ph.D. Thesis, Universiti Tunku [Google Scholar]
Abdul Rahman, Perak, Malaysia, 60. Irving, B. A Gentle Autoencoder
2021. Available online: Tutorial (with Keras); GitHub: San
http://eprints.utar.edu.my/4220/ Francisco, CA, USA, 2016;
(accessed on 19 January 2022). Available online:
55. Alonso, S.L.N.; Forradellas, R.F.R.; https://github.com/benjaminirving/m
Morell, O.P.; Jorge-Vazquez, J. lseminars-autoencoders/blob/master/
Digitalization, circular economy and Autoencoders.ipynb (accessed on 19
environmental sustainability: The January 2022).
application of artificial intelligence 61. Alaslani, M.G.; Elrefaei, L.A.
in the efficient self-management of Convolutional Neural Network
waste. Sustainability 2021, 13, 92. Based Feature Extraction for IRIS
[Google Scholar] [CrossRef] Recognition. Int. J. Comput. Sci. Inf.
56. Majchrowska, S.; Mikołajczyk, A.; Technol. 2018, 10, 65–78. [Google
Ferlin, M.; Klawikowska, Z.; Scholar] [CrossRef][Green Version]
Plantykow, M.A.; Kwasigroch, A.; 62. Bansal, V.; Libiger, O.; Torkamani,
Majek, K. Deep learning-based A.; Schork, N.J. Statistical analysis
waste detection in natural and urban strategies for association studies
environments. Waste Manag. 2022, involving rare variants. Nat. Rev.
138, 274–284. [Google Scholar] Genet. 2010, 11, 773–785. [Google
[CrossRef] Scholar] [CrossRef][Green Version]
57. Sivakumar, M.; Renuka, P.; Chitra, 63. Keim, R. Understanding Color
P.; Karthikeyan, S. IoT incorporated Models Used in Digital Image
deep learning model combined with Processing. Available online:
SmartBin technology for real-time https://www.allaboutcircuits.com/tec
solid waste management. Comput. hnical-articles/understanding-color-
Intell. 2021. [Google Scholar] models-used-in-digital-image-proces
[CrossRef] sing/ (accessed on 19 January 2022).
58. Chollet, F. Building Powerful Image 64. Provenzi, E. Color Image
Classification Models Using Very Processing; MDPI: Basel,
Little Data. Available online:
Switzerland, 2018. [Google Scholar] 115, 211–252. [Google Scholar]
[CrossRef] [CrossRef][Green Version]
65. Dertat, A. Applied Deep 70. Good Accuracy Despite High Loss
Learning—Part 4: Convolutional Value. Cross Validated. Version: 25
Neural Networks. Available online: May 2017. Available online:
https://towardsdatascience.com/appli https://stats.stackexchange.com/q/28
ed-deep-learning-part-4-convolution 1651 (accessed on 19 January 2022).
al-neural-networks-584bc134c1e2
(accessed on 19 January 2022).
66. Brownlee, J. A Gentle Introduction
to Dropout for Regularizing Deep
Neural Networks; Publisher:
Machine Learning Mastery. 2018.
Available online:
https://machinelearningmastery.com/
dropout-for-regularizing-deep-neural
-networks/ (accessed on 19 January
2022).
67. Brownlee, J. How to Choose Loss
Functions When Training Deep
Learning Neural Networks;
Publisher: Machine Learning
Mastery. 2019. Available online:
https://machinelearningmastery.com/
how-to-choose-loss-functions-when-t
raining-deep-learning-neural-networ
ks/ (accessed on 19 January 2022).
68. Zeiler, M.D. ADADELTA: An
Adaptive Learning Rate Method.
arXiv 2012, arXiv:1212.5701.
[Google Scholar]
69. Russakovsky, O.; Deng, J.; Su, H.;
Krause, J.; Satheesh, S.; Ma, S.;
Huang, Z.; Karpathy, A.; Khosla, A.;
Bernstein, M.; et al. ImageNet Large
Scale Visual Recognition Challenge.
Int. J. Comput. Vis. (IJCV) 2015,

You might also like