Abstract
Waste classification is the issue of sorting rubbish into valuable categories for efficient waste management. Problems arise from issues such as individual ignorance or inactivity and more overt issues like pollution in the environment, lack of resources, or a malfunctioning system. Education, established behaviors, an improved infrastructure, technology, and legislative incentives to promote effective trash sorting and management are all necessary for a solution to be implemented. For solid waste management and recycling efforts to be successful, waste materials must be sorted appropriately. This study evaluates the effectiveness of several deep learning (DL) models for the challenge of waste material classification. The focus will be on finding the best DL technique for solid waste classification. This study extensively compares several DL architectures (Resnet50, GoogleNet, InceptionV3, and Xception). Images of various types of trash are amassed and cleaned up to form a dataset. Accuracy, precision, recall, and F1 score are only a few measures used to assess the performance of the many DL models trained and tested on this dataset. ResNet50 showed impressive performance in waste material classification, with 95% accuracy, 95.4% precision, 95% recall, and 94.8% in the F1 score, with only two incorrect categories in the glass class. All classes are correctly classified with an F1 score of 100% due to Inception V3’s remarkable accuracy, precision, recall, and F1 score. Xception’s classification accuracy was excellent (100%), with a few difficulties in the glass and trash categories. With a good 90.78% precision, 100% recall, and 89.81% F1 score, GoogleNet performed admirably. This study highlights the significance of using models based on DL for categorizing trash. The results open the way for enhanced trash sorting and recycling operations, contributing to an economically and ecologically friendly future.
1 Introduction
Waste material classification is sorted by composition, substance, and recycling or disposal possibilities. Organic, recyclable, hazardous, and non-recyclable trash are the primary waste categories. Organic waste includes waste from food, the yard, and other biodegradable sources. Paper, plastic, glass, and metal may be recycled into new items. Batteries, chemicals, and medical waste can harm humans, animals, and the environment. Plastics, foam, and dirty paper are non-recyclable. The separating garbage process should be followed by local recycling and disposal rules. Private waste management firms and towns offer curbside recycling and hazardous waste disposal. Sorting and disposing of garbage appropriately reduce landfill waste and environmental effects. Waste classification and disposal may preserve resources, minimize pollution, and save energy [1].
Identifying that most major cities’ waste is recyclable, it is important to learn and employ reuse strategies that can improve the environment. Sorting rubbish has become crucial to proper disposal. Even though there are many recycling categories, consumers might still become confused about which trash bin is appropriate for each rubbish. This research suggested the use of a deep learning (DL) models-based automated method to sort home waste into recycling categories to reduce the environmental effect of improper waste disposal. Individuals have controlled solid waste by eliminating it for ages. Population expansion drives rubbish production. To maintain a waste management balance, reduce it personally. Waste management and sorting are crucial for environmentally sustainable development worldwide. Recycling and reusing garbage is crucial for society [2].
Population growth has resulted in a corresponding rise in solid waste output. The economy, public health, and ecology are all negatively impacted by improper garbage management. It has been a problem for rapidly expanding urban centers all over the world to effectively manage their solid waste. The economic and environmental benefits of efficient trash recycling are substantial. Recovering raw materials, conserving energy, lowering greenhouse gas emissions and water pollution, decreasing the number of new landfills, etc., are all possible benefits. To achieve profit, scavengers and collectors in impoverished countries sort recyclables from municipal solid waste (MSW) at homes and trade them on the black market. More people participate in recycling programs in industrialized nations. Automatic garbage sorting may be achieved using a variety of methods including mechanical sorting and chemical sorting [3].
With the evolution of DL, incredible advances have been made in many fields, including image classification [4]. An essential in recycling and other forms of garbage management is trash classification [5]. Identifying improved methods to organize solid waste is essential due to the fact that it is being produced at a rapid pace all through the globe. It presents an advanced DL image classification model for garbage sorting, training it on a dataset divided into cardboard, glass, metal, and rubbish [6]. This study aimed to correctly categorize images of trash into these groups; doing so would have far-reaching effects on how waste is managed and the natural world. This study describes it in-depth, outlining its architecture and detailing the outcomes of our performance analysis. DL models can potentially improve waste categorization efficiency, which is crucial for the development of waste management. The key innovations and contributions can be summarized as follows:
The study determines the most crucial features and parameters to accurately classify waste materials using DL models (Resnet50, GoogleNet, InceptionV3, and Xception). This study chooses the sensitivity analysis of feature importance to ascertain which variables significantly affect classification precision.
To assess whether DL models can be successfully used for the problem of garbage classification in the real world, a comparison of the models in terms of their efficiency, scalability, and cost-effectiveness has been carried out.
To evaluate the efficacy of several DL models (ResNet50, GoogleNet, InceptionV3, and Xception) for sorting waste, the models’ performance using metrics such as F1 score, accuracy, recall, and precision has been compared.
The organization of this study is as follows: the related studies on waste material classification using DL models are discussed in Section 2. Section 3 presents the proposed waste material classification using performance evaluation of DL models. The results and discussion of the proposed waste material classification using performance evaluation of DL models and their benchmarking are presented in Section 4. Finally, the conclusion and future work are presented in Section 5.
2 Related works
Garbage disposal is a severe problem that affects the environment in both wealthy and developing nations. It is recognized as the single significant threat to long-term prosperity and environmental stability. Since they are determined to serve the public interest, many NGOs are advocating for this cause and directing the attention of government agencies to this cause. The World Wide Fund for Nature is the most prominent organization in this field (outside of NGOs) [1,3]. Groups of intellectuals and environmentalists exist, with members driving their causes in their local communities.
Garbage disposal has become a major issue in recent years due to the widespread use of single-use products [1]. This includes everything from bottled water to disposable coffee cups, from packaging foam to medical waste, and from light bulbs to plastic bags. The urgent need to restore ecological equilibrium, which has been severely disrupted by human activity in the past 200 years only, is the driving force behind effective waste management.
According to Majchrowska et al. [7], over 10 trash datasets are analyzed, and previous DL-based algorithms are reviewed to solve the issues with automatic waste detection. The authors suggest updating the existing trash detection and classification benchmark datasets to include all types of garbage. By combining EfficientDet-D2’s litter localization with EfficientNet-B2’s trash classification, they describe a two-stage detector that can achieve an average precision of 70% in waste localization and an accuracy of roughly 75% in classification. The study’s code and annotations are open-source, and the suggested method is trained semi-supervised on unlabeled photos. This study establishes a repeatable standard for identifying and categorizing different types of trash, which might be used to enhance the effectiveness of waste management and lessen the negative effects of trash on the environment.
In another study by Shi et al. [8], the fast progress of DL technology has led to the proposal of several network models for classification, all of which contribute to the successful implementation of intelligent garbage categorization. However, current models in garbage categorization still have certain issues, including low classification accuracy and lengthy running times. This research proposes a waste categorization approach using a multiple-layer hybrids convolution neural network (CNN) to address these issues. The network topology of this approach is remarkably equivalent to that of VGGNet; however, it has fewer parameters and better classification accuracy as a result. The efficiency of the suggested model may be modified by adjusting the total number of network models and channels. This research selects the most efficient model for waste image classification after determining the ideal parameters for doing so. The experimental outcomes demonstrate that the suggested technique has a more straightforward network topology and improved waste categorization accuracy in comparison to some current efforts. The impact of the suggested technique is demonstrated by the results of several tests conducted on the TrashNet dataset, which shows the possibility to achieve an accuracy rate for classification of up to 92.6%, which is 4.18 and 4.6% points greater than the results of several state-of-the-art methods.
Recycling and landfilling are two methods used in the waste management process that lead to the destruction of trash [9]. Together, DL and Internet of Things (IoT) provide a quick answer to the problems of categorization and real-time data monitoring. Incorporating DL and the IoT, this article depicts a robust framework for trash management. CNNs are a common method in DL, and the suggested model uses them to intelligently separate biodegradable from non-biodegradable garbage. The approach includes an architectural outline for a microcontroller-powered, sensor-laden “smart trash can.” The suggested technique uses the IoT and Bluetooth to monitor the devices used. With the IoT, data are managed in real-time with the aid of Bluetooth for monitoring devices from a short distance using an Android app. Accuracy in waste label categorization, sensors data estimate, and system usability scale (SUS) are tallied and interpreted as means to evaluate the constructed model. The suggested architecture employing the CNN model achieves 95.3125% accuracy in classification and 86% accuracy in SUS scoring [9].
Waste materials such as glass, paper, food, paper boxes, etc., are readily accessible. Classifying waste things using computer vision-based technologies is a cost-effective method of sorting through a large rubbish dump [10]. Recent advances in DL and deep reinforcement learning (DRL) make it feasible to detect and identify wastes, allowing for their categorization into specific categories. This research develops a model for intelligent DRL-based detection and classification of recyclable waste objects (IDRL-RWODC). The IDRL-RWODC method employs DL and DRL to identify and categorize trash items. Objects are first detected using a Mask Regional Convolutional Neural Network (Mask RCNN) and then classified using DRL. In addition, a deep Q-learning network (DQLN) is used as a classifier, and the DenseNet model is deployed as a baseline model for the Mask RCNN model. In addition, a hyperparameter optimizer built on the dragonfly algorithm is devised to boost the performance of the DenseNet model. Extensive simulations were run on a benchmark dataset, and the experimental findings showed that the IDRL-RWODC strategy outperformed more contemporary methods with a maximum accuracy of 0.993 in trash classification [10].
In another study by Chaturvedi et al. [11], the dumping of MSW in urban areas has become a serious problem that, if left unchecked, might lead to environmental damage and even human health risks. To effectively handle various types of trash, a well-thought-out waste management system is essential. The primary objective of this study is to develop an advanced modeling approach that could reliably foretell the quantity of MSW that will be generated in the future. To achieve this goal, a framework was built for preliminary processing and data integration using a CNN and an air-jet system. The findings demonstrated the efficacy of maintaining machine learning algorithms for garbage classification. Artificial neural network models performed most beneficially, accounting for 72% of the variance in the data. This study’s approach indicates the viability of creating tools to aid in the management of urban garbage by supplying, preprocessing, integrating, and modeling data that are freely available from a wide range of sources.
In the study by Rutqvist et al. [12], the authors suggest utilizing machine learning to identify empty recycling bins using binary classification. The model’s superior performance can be attributed to the thorough application of data preparation procedures. By using a feature engineering strategy to extend the model, it improves accuracy over more conventional methods. Performance was optimized for the feature engineering model, traditional machine learning with basic features, and enhanced features.
In the study by Dubey et al. [13], the system provides an IoT- and ML-powered “smart bin” for household garbage collection and sorting. The authors offer an ML-based approach to manage waste. The suggested method for MSW sorting and classification is predicated on a K-Nearest Neighbor (KNN) model. With the suggested approach, organic and inorganic wastes are separated at the household level, and then further subclassified at the societal level, using a pipeline design with segmented modules. With an accuracy of 93.3%, the KNN model is superior to the alternatives.
Many studies attempt to provide solutions with different techniques to solve waste trash classification, such as [14–21]. Since trash accumulation directly impacts local citizens’ quality of life and health, it is prioritized in city planning and development. Researchers have devoted an effort to solve the challenge of automatic litter categorization. Recently, DL models have attained accuracy equivalent to that of humans, which has sparked a revolution in the field. Modern DL models are compelling, which may outperform humans at some specialized tasks.
3 The proposed waste material classification using DL models
The requirement for effective and environmentally friendly trash management highlights the significance of comparing the efficiency of different DL techniques for waste material classification. Recycling, lowering pollution levels, and preserving resources all depend on correct garbage sorting. However, to determine which DL model is appropriate in real-world scenarios, their efficacy and efficiency are compared and analyzed. To educate on recycling and waste management industry decision-making, this study sheds light on the efficacy of several models based on DL and their applicability in real-world contexts. Evaluating DL models for garbage classification is an important field of study since accurate waste classification may help create an economically viable and environmentally sensitive future. The proposed waste material classification using DL models is shown in Figure 1.
![Figure 1
The proposed waste material classification using DL models [1].](/document/doi/10.1515/jisys-2023-0064/asset/graphic/j_jisys-2023-0064_fig_001.jpg)
The proposed waste material classification using DL models [1].
3.1 Trash dataset
For reliable DL models to be developed and tested, accessible high-quality datasets are required. The offered dataset is of 1,451 photos of rubbish, split into four categories: cardboard (403), glass (501), metal (410), and miscellaneous garbage (137). The images were preprocessed to secure uniformity and high quality before the dataset was split into sets for training and testing. Seventy percent of the data are utilized as a training set, while the other 30% are reserved for test cases. The categorization process difficulty is by the photographs’ disparate sizes, backgrounds, and illumination. However, the dataset’s accurate depiction of real-world trash may be used to train and evaluate models using DL for trash sorting. The details of the trash dataset are presented in Table 1.
Details of the presented trash dataset
Image label | Number of images for training | Number of images for testing | Total number of images per class |
---|---|---|---|
Cardboard | 282 | 121 | 403 |
Glass | 351 | 150 | 501 |
Metal | 287 | 123 | 410 |
Trash | 96 | 41 | 137 |
Total images | 1,016 | 435 | 1,451 |
3.2 Data pre-processing
Different DL models utilized the waste database to construct a DL model for trash sorting. Because of computational limitations, the images are scaled, and the brightness characteristics are normalized so that all models will operate within the range of 0–1. Data augmentation methods were used to generate a seemingly unlimited pool of training images by rotating, shifting in width and height, shearing, zooming, and flipping images horizontally. During the training phase, new images were generated by randomly modifying the original data. This iterative procedure improved the final model to the point where it could correctly categorize individual waste items, despite novel or unknown samples. Rotations between 0 and 40°, width shifts between 0 and 20%, height shifts between 0 and 20%, shear shifts between 0 and 20%, zoom shifts between 0 and 20%, and horizontal flips were all chosen at random.
3.3 Feature extraction
A deep neural network model for garbage classification first includes feature extraction. It entails choosing the right characteristics from the input data and reformatting them so the model is capable of comprehending them. Images of waste objects are typically used as training data in trash classification systems. With their ability to recognize and extract meaningful patterns from picture data, CNNs have become a popular tool for feature extraction. Typically, a CNN’s design will include several layers of filters that work together to lower the input data’s dimensionality while keeping its critical properties intact. Classification based on the retrieved characteristics is then carried out by the fully connected layers, which receive the output from the CNN layer. Pre-trained CNNs, which have learned to extract significant features from large image datasets, are one option for feature extraction, along with the use of hand-crafted feature descriptors like the histogram of oriented gradients or the scale-invariant feature transform. Overall, the efficacy and precision of garbage categorization using DL models rely heavily on the selection of appropriate feature extraction methods.
3.4 DL models
Recently, models based on DL have been employed widely due to their performance in image categorization tasks. Four DL models – GoogleNet, Inception v3, Xception, and ResNet50 – are applied in this study as they attempt to classify garbage. These models were chosen for their superior performance across a variety of picture classification tasks and their amenability to transfer learning. The 1,451 photos used in the training and testing of the trash dataset are from four different types of rubbish: cardboard, glass, metal, and general trash. The dataset was split into 70% for use in training and 30% for use in testing. In this study, a closer analysis will be taken at GoogleNet to examine its Inception modules and auxiliary classifiers, both of which have been demonstrated to boost its performance. The evaluation of Inception v3 will center on the efficiency gains in computing made possible by the usage of factorized 7 × 7 convolutions. Then, an evaluation on Xception’s depthwise separable convolutions was processed to test what capturing intricate patterns in the dataset. Finally, a closer look at ResNet50’s residual connections to observe and assist preventing. This study will shed light on how well these cutting-edge DL models perform for trash categorization, which will aid in the continuous quest to perfect the art of garbage sorting. The parameters of DL models are presented in Table 2.
Parameters of DL models
Model | Input size | Final validation accuracy | Final validation loss | Number of layers |
---|---|---|---|---|
ResNet50 | 224 × 224 | 95.632 | 0.1915 | 50 |
GoogleNet | 224 × 224 | 95.402 | 0.1875 | 22 |
InceptionV3 | 299 × 299 | 95.172 | 0.1501 | 48 |
Xception | 299 × 299 | 96.321 | 0.1240 | 71 |
3.5 Training stage
It is essential to obtain the training samples to solve this discriminating problem by adjusting the standard training dataset. Since having access to several training datasets consisting of cardboard, metal, and waste images, the suggested model has a leg up throughout the training phase. Theoretically, each pixel in a training picture of cardboard, metal, or rubbish corresponds to a single (unique) data point. Due to the significant similarity between neighboring locations, the data picked up by moving between them would only slightly enhance the overall image. Also, in order to generate a cardboard, metal, and garbage image region for every pixel, it ends up with more data than our module can handle. This method, however, required more instruction. Training at a certain distance from the top and with the following areas of full pixel size produces results within pixels. This matters for the pixel-level discriminating of cardboard, metal, and rubbish, and the color feature extraction stage before training a model.
The dataset was split in half before the model was constructed. Seventy percent of the dataset is used for training, while the remaining 30% is used for validation. To train the network, the training pictures were fed. Validation images are a subset of data used to estimate the model’s performance and fine-tune its hypotheses during the training process. A biased score would be the outcome of scoring a model’s performance only on the training dataset. To provide an objective measure of the model’s efficacy, it is tested on the hidden data. At the time of dataset loading, 20% of the data are randomly selected for use as the validation set. The set of validation data is not utilized during the training process but rather serves as a test of the accuracy of the model.
The loss criteria are calculated using the negative Log Probability loss function. The parameters were similarly improved using Adam’s optimizer and a rate of learning of 0.001 to obtain a minimal value through gradient descent. The accuracy of the model improved when it was trained. The loss of training and validation loss were recorded together with the accuracy of the models.
3.6 Testing stage
At this stage, the ROI is taken into account. Creating a square area around each point inside the ROI is the first step in extracting descriptors. Once again, the site is divided into LL square sections. It stores crucial spatial information. A handful of elementary descriptions at regularly spaced sample points for each subsection was computed. The segmentation quality might be related to the block size, the features estimated, and the complexity of the features, where the quality of the segmentation decreases as the block size increases, and vice versa for feature estimations. There will be more variation in feature extraction from a block of a similar texture if the block size is small because smaller blocks of texture will include fewer data points from which a feature was generated. As a result of this procedure, there is more deviation from the straight line, even if the texture may be the same. The distance between groups of textures that are likely to be similar is also reduced when features are extracted from a larger block. (i) The test image is fed through a texture feature extraction method to derive a set of fourth vector, which the trained models will then employ. (ii) The features extracted are applied to the test with the help of the fourth trained model.
4 Validation and testing results
To assess the efficacy of a model based on DL for garbage categorization, first step is to undergo validation and testing. In validation, test the model performance on a set of data that was not utilized during training. Then, the model is evaluated to observe the effect it performs in real-world settings by application on data that have not been observed before. Accuracy, precision, recall, and F1 score are measures that assess the efficacy of a DL model. Precision and recall assess the classification under study, whereas accuracy assesses the proportion of properly labeled samples. The F1 score put into consideration both accuracy and recall, weighing both equally. To evaluate the model based on DL for garbage categorization to perform its assigned function, it is validated and tested. In most cases, significant accuracy and F1 score indicate a more successful model. It is critical to test the model’s ability to generalize to novel data and prevent it from overfitting the training set. Results from validating and testing trash categorization models built using DL may be used to refine the models and zero in problem regions. These findings may also be used to evaluate other models and choose the best option without a doubt for rubbish categorization tasks.
To evaluate the methodology of the trained models’ generalization skills, validation sets are utilized. Four pre-trained models, including GoogleNet, Inception v3, Xception, and ResNet50, are used for training, with a 70/30 training/testing split on the dataset. Models are trained on the training set, then their parameters and hyperparameters are tuned using the validation set, and finally, the model’s generalization skills are assessed with the testing set. Using validation sets, overfitting tendencies in training models are identified and addressed, leading to models with improved reliability and accuracy when predicting the waste item class. Using validation sets in model development and assessment is a critical action for sustainable waste management –management efficiency. It also highlights the significance of using validation sets in DL applications to increase the adaptation characteristics of the models and overall performance. Averaged confusion matrix of four DL models running individually on 435 test images are presented.
4.1 ResNet50 evaluation results
As illustrated in Tables 3 and 4 and Figures 2 and 3, it can be perceived that the ResNet50 model achieved an impressive overall performance in classifying four classes (cardboard, glass, metal, and trash) with an accuracy of 0.95, precision of 0.954, recall of 0.95, and F1 score of 0.948. These results indicate the model’s ability to effectively differentiate between classes, with low rates of false positives and false negatives. However, within the glass category, two misclassifications were found: one sample was incorrectly labeled as metal, and the other as garbage. Potential approaches to addressing these misclassifications include gathering more labeled data, adjusting the model, and investigating alternate architectures. These enhancements, when implemented, will boost the model’s performance, leading to more precise and trustworthy predictions in practical settings.
Averaged confusion matrix of ResNet50 running individually on 435 test images
Actual | Predicted Class | Cardboard | Glass | Metal | Trash |
---|---|---|---|---|
Cardboard | 0.978 | 0.008 | 0.006 | 0.006 |
Glass | 0.003 | 0.952 | 0.035 | 0.008 |
Metal | 0.002 | 0.021 | 0.962 | 0.013 |
Trash | 0.028 | 0.003 | 0.044 | 0.924 |
ResNet performance metrics
Accuracy | Precision | Recall | F1 |
---|---|---|---|
0.95 | 0.9545 | 0.95 | 0.9484 |

Left: confusion matrix for ResNet50; right: ROC characteristics for ResNet50.

Resnet50 training/validation graph.
4.2 InceptionV3 evaluation results
Cardboard, glass, metal, and rubbish were the four classes used to train the InceptionV3 model. Accuracy, precision, recall, and F1 score all came in at a flawless value of 1.0. Consequently, the outcomes were acceptable. All samples were accurately sorted into their respective classes, as shown by the confusion matrix in Tables 5 and 6 and Figures 4 and 5. There were no false positives or false negatives. Due to its advanced design, the InceptionV3 model can extract complex and discriminative characteristics from the input data, which contributes to its outstanding performance. The 100% accuracy in categorizing the four classes demonstrates the model’s dependability and resilience. The results show that InceptionV3 has the potential to be a useful approach for complex classification issues in a wide range of contexts. The generalizability of the model has to be verified in the next research by analyzing new data or using cross-validation methods.
Mean confusion matrix from 435 test images processed by InceptionV3 running alone
Actual | Predicted Class | Cardboard | Glass | Metal | Trash |
---|---|---|---|---|
Cardboard | 0.9591 | 0.0186 | 0.0104 | 0.0112 |
Glass | 0.0004 | 0.9228 | 0.0698 | 0.0069 |
Metal | 0.0054 | 0.0321 | 0.9173 | 0.0450 |
Trash | 0.0115 | 0.0051 | 0.0346 | 0.9485 |
Inception performance metrics
Accuracy | Precision | Recall | F1 |
---|---|---|---|
1.0 | 1.0 | 1.0 | 1.0 |

Left: confusion matrix for InceptionV3 and right: ROC characteristics for InceptionV3.

InceptionV3 training/validation graph.
4.3 Xception evaluation results
The Xception model was also trained using the same dataset, which included four categories: paper, plastic, metal, and rubbish. As can be seen in Tables 7 and 8 and Figures 6 and 7, the outcome of the confusion matrix provides some intriguing new information. For both the metal and cardboard classes, the model obtained flawless classification, with zero misclassifications. However, the glass class exhibited slight challenges, with one misclassification as metal and another as trash. Similarly, the trash class experienced one misclassification as glass and another as metal. Overall, the Xception model demonstrated high accuracy and precision, on the other hand its performance was slightly affected by misclassifications in the glass and trash classes. These results suggest that the Xception model has the potential to effectively discriminate between classes, but it may benefit from further optimization to improve its ability to differentiate between glass, metal, and trash samples. Possible strategies include fine-tuning the model, exploring alternative data augmentation techniques, or considering ensemble approaches. By addressing these mis-classifications, the Xception model could achieve even higher accuracy and precision, making it a valuable tool for multi-class classification tasks involving cardboard, glass, metal, and trash categories.
Averaged confusion matrix of Xception running individually on 435 test images
Actual | Predicted Class | Cardboard | Glass | Metal | Trash |
---|---|---|---|---|
Cardboard | 0.9165 | 0.0745 | 0.0052 | 0.0036 |
Glass | 0.0049 | 0.9087 | 0.0774 | 0.0088 |
Metal | 0.0098 | 0.0352 | 0.8797 | 0.0752 |
Trash | 0.0306 | 0.0108 | 0.0393 | 0.9191 |
Xception performance metrics
Accuracy | Precision | Recall | F1 |
---|---|---|---|
0.90 | 0.9078 | 0.90 | 0.8981 |

Left: confusion matrix for Xception and right: ROC characteristics for Xception.

Xception training/validation graph.
4.4 GoogleNet evaluation results
As seen in Tables 9 and 10, the GoogleNet model underwent training on the dataset comprising four distinct classes: cardboard, glass, metal, and trash. With an accuracy of 0.9, precision of 0.9078, recall of 0.9, and F1 score of 0.8981, the model displayed commendable performance. Analyzing the accompanying confusion matrix in Figure 8 unraveled intriguing insights. Evidently, the model exhibited impeccable precision and recall for the cardboard and metal classes, achieving flawless classification without any instances of false positives or false negatives. Nonetheless, the glass and trash classes posed challenges, as one glass sample was misclassified as metal, while one trash sample was misjudged as glass. These discrepancies exerted a noticeable impact on the precision and recall measures for these classes. Despite these isolated instances, the GoogleNet model demonstrated an admirable overall performance, characterized by substantial accuracy and precision values. To further augment its efficacy, fine-tuning the model parameters or delving into techniques like transfer learning holds potential as shown in Figure 9. By mitigating the misclassifications witnessed in the glass and trash classes, the GoogleNet model can potentially attain even greater accuracy and precision, thereby amplifying its utility for multi-class classification scenarios encompassing cardboard, glass, metal, and trash classifications.
Averaged confusion matrix of GoogleNet running individually on 435 test images
Actual | Predicted Class | Cardboard | Glass | Metal | Trash |
---|---|---|---|---|
Cardboard | 0.949 | 0.035 | 0.010 | 0.005 |
Glass | 0.001 | 0.894 | 0.092 | 0.011 |
Metal | 0.006 | 0.042 | 0.871 | 0.079 |
Trash | 0.023 | 0.015 | 0.062 | 0.898 |
GoogleNet performance metrics
Accuracy | Precision | Recall | F1 |
---|---|---|---|
0.90 | 0.9078 | 0.90 | 0.8981 |

Left: Confusion matrix for GoogleNet and Right: ROC characteristics for GoogleNet.

GoogleNet training/validation graph.
5 Conclusion
The conducted analysis involved training and evaluating four different models, namely, ResNet50, InceptionV3, Xception, and GoogleNet, on a dataset consisting of four classes: cardboard, glass, metal, and trash. Each model demonstrated varying levels of performance in terms of accuracy, precision, recall, and F1 score, providing valuable insights into their effectiveness for multi-class classification tasks. ResNet50 exhibited high accuracy (0.95) and precision (0.954), along with a commendable recall (0.95) and F1 score (0.948). The model showcased reliable performance with only two misclassifications in the glass class, where one sample was mislabeled as metal and another as trash. InceptionV3, on the other hand, achieved remarkable accuracy, precision, recall, and F1 score of 1.0. The model presented adequate classification across all classes, with no misclassifications. This exemplary performance can be attributed to the model’s intricate architecture, allowing it to capture complex patterns and hierarchies within the data. Despite its impressive accuracy of 1.0, Xception has some trouble with the glass and rubbish classes. Misclassifications were seen in these subsets, leading to a decline in accuracy and recall. The model’s performance on a no-errors-classification job utilizing cardboard and metal was, on the other hand, outstanding. With an F1 score of 0.8981, 0.9078 precision, 0.90 recall, and 0.90 accuracy, the GoogleNet model did quite well. Misclassifications in the glass and rubbish classes occurred, just like in Xception. However, the model excelled in accurately classifying the cardboard and metal classes, achieving flawless precision and recall for these categories. These results highlight the strengths and weaknesses of each model. While ResNet50, InceptionV3, and Xception demonstrated overall strong performance, GoogleNet displayed slightly lower precision and recall due to misclassifications. Fine-tuning the models, exploring transfer learning techniques, or considering ensemble methods could potentially enhance their performance, particularly in mitigating misclassifications in challenging classes. In conclusion, the analysis of the four models provided valuable insights into their performance for multi-class classification. Each model showcased distinct characteristics, with varying levels of accuracy, precision, recall, and F1 score. By understanding the strengths and weaknesses of these models, researchers and practitioners can make informed decisions regarding their suitability for specific classification tasks and identify areas for further improvement. For future work, create DL and image recognition AI systems for precise trash sorting with many datasets with multi-classes and types. Investigate robotics and AI-enabled sensors for automated trash sorting. To get insights and to optimize waste management, it is necessary to combine systems powered by AI with data analytics platforms. Also, encourage teamwork, deal with privacy issues, and create intuitive mobile apps for AI-assisted trash sorting.
-
Funding information: This research received no external funding.
-
Author contributions: The author confirms sole responsibility for the following: study conception and design, analysis and interpretation of results, and manuscript preparation.
-
Conflict of interest: The author declares no conflict of interest.
-
Data availability statement: The author confirm that the data supporting the findings of this study are available within the article [Vo, A.H., et al., A Novel Framework for Trash Classification Using Deep Transfer Learning. IEEE Access, 2019. 7: p. 178631-178639]. Also, I have mentioned the offered dataset is of 1,451 images of rubbish, split into four categories: cardboard (404), glass (501), metal (410), and miscellaneous garbage (137) [21].
References
[1] Mohammed MA, Abdulhasan MJ, Kumar NM, Abdulkareem KH, Mostafa SA, Maashi MS, et al. Automated waste-sorting and recycling classification using artificial neural network and features fusion: A digital-enabled circular economy vision for smart cities. Multimed Tools Appl. 2022;1–16.10.1007/s11042-021-11537-0Search in Google Scholar PubMed PubMed Central
[2] Kumar NM, Mohammed MA, Abdulkareem KH, Damasevicius R, Mostafa SA, Maashi MS, et al. Artificial intelligence-based solution for sorting COVID related medical waste streams and supporting data-driven decisions for smart circular economy practice. Process Saf Environ Prot. 2021;152:482–94.10.1016/j.psep.2021.06.026Search in Google Scholar
[3] Rahman AU, Saeed M, Mohammed MA, Abdulkareem KH, Nedoma J, Martinek R. Fppsv-NHSS: Fuzzy parameterized possibility single valued neutrosophic hypersoft set to site selection for solid waste management. Appl Soft Comput. 2023;140:110273.10.1016/j.asoc.2023.110273Search in Google Scholar
[4] Vo AH, Vo MT, Le T. A novel framework for trash classification using deep transfer learning. IEEE Access. 2019;7:178631–9.10.1109/ACCESS.2019.2959033Search in Google Scholar
[5] Adedeji O, Wang Z. Intelligent waste classification system using deep learning convolutional neural network. Procedia Manuf. 2019;35:607–12.10.1016/j.promfg.2019.05.086Search in Google Scholar
[6] Mittal G, Yagnik KB, Garg M, Krishnan NC. 2016, September. Spotgarbage: smartphone app to detect garbage using deep learning. Proc 2016 ACM Int Jt Conf Pervasive Ubiquitous Comput. 940–5.10.1145/2971648.2971731Search in Google Scholar
[7] Majchrowska S, Mikołajczyk A, Ferlin M, Klawikowska Z, Plantykow MA, Kwasigroch A, et al. Deep learning-based waste detection in natural and urban environments. Waste Manag. 2022;138:274–84.10.1016/j.wasman.2021.12.001Search in Google Scholar PubMed
[8] Shi C, Tan C, Wang T, Wang L. A waste classification method based on a multilayer hybrid convolution neural network. Appl Sci. 2021;11(18):8572.10.3390/app11188572Search in Google Scholar
[9] Rahman MW, Islam R, Hasan A, Bithi NI, Hasan MM, Rahman MM. Intelligent waste management system using deep learning with IoT. J King Saud Univ Comput Inf Sci. 2022;34(5):2072–87.10.1016/j.jksuci.2020.08.016Search in Google Scholar
[10] Al Duhayyim M, Eisa TAE, Al-Wesabi FN, Abdelmaboud A, Hamza MA, Zamani AS, et al. Deep reinforcement learning enabled smart city recycling waste object classification. Comput Mater Contin. 2022;71:5699–715.10.32604/cmc.2022.024431Search in Google Scholar
[11] Chaturvedi S, Yadav BP, Siddiqui NA. An assessment of machine learning integrated autonomous waste detection and sorting of municipal solid waste. Nat Environ Pollut Technol. 2021;20:4.10.46488/NEPT.2021.v20i04.013Search in Google Scholar
[12] Rutqvist D, Kleyko D, Blomstedt F. An automated machine learning approach for smart waste management systems. IEEE Trans Ind Inform. 2019;16(1):384–92.10.1109/TII.2019.2915572Search in Google Scholar
[13] Dubey S, Singh P, Yadav P, Singh KK. Household waste management system using IoT and machine learning. Procedia Comput Sci. 2020;167:1950–9.10.1016/j.procs.2020.03.222Search in Google Scholar
[14] Sleem A, Elhenawy I. Intelligent waste management system for recycling and resource optimization. J Intell Syst Internet Things. 2020;1(2):102–8.10.54216/JISIoT.010205Search in Google Scholar
[15] Saeed VA. A framework for recognition of facial expression using HOG features. Int J Math Statist Comput Sci. 2023;2:1–8. 10.59543/ijmscs.v2i.7815.Search in Google Scholar
[16] Rahman AU, Saeed M, Mohammed MA, Al-Waisy AS, Kadry S, Kim J. An innovative fuzzy parameterized MADM approach to site selection for dam construction based on sv-complex neutrosophic hypersoft set. AIMS Math. 2023;8(2):4907–29.10.3934/math.2023245Search in Google Scholar
[17] Aljaberi SM, Al-Ogaili AS,. Integration of cultural digital form and material carrier form of traditional handicraft intangible cultural heritage. J Fusion Pract Appl. 2021;5(1):21–30.10.54216/FPA.050102Search in Google Scholar
[18] Mostafa SA, Ahmad MS, Mustapha A, Mohammed MA. Formulating layered adjustable autonomy for unmanned aerial vehicles. Int J Intell Comput Cybern. 2017;10(4):430–50.10.1108/IJICC-02-2017-0013Search in Google Scholar
[19] Estupinan Rcardo J, Leyva Vazquez M. Neutrosophic multicriteria methods for the selection of sustainable alternative materials in concrete design. J Am J Bus Oper Res. 2022;6(2):28–38.10.54216/AJBOR.060203Search in Google Scholar
[20] Mostafa SA, Gunasekaran SS, Mustapha A, Mohammed MA, Abduallah WM. “Modelling an adjustable autonomous multi-agent internet of things system for elderly smart home.” In Advances in Neuroergonomics and Cognitive Engineering: Proceedings of the AHFE 2019 International Conference on Neuroergonomics and Cognitive Engineering, July 24–28, 2019. Washington DC, USA 10: Springer International Publishing; 2020. p. 301–11.10.1007/978-3-030-20473-0_29Search in Google Scholar
[21] Abdelmonem A, Ismail MM. An integrated neutrosophic MCDM methodology for material selection. J Neutrosophic and Fuzzy Sys. 2021;1(1):69–79.10.54216/JNFS.010108Search in Google Scholar
© 2023 the author(s), published by De Gruyter
This work is licensed under the Creative Commons Attribution 4.0 International License.
Articles in the same Issue
- Research Articles
- Salp swarm and gray wolf optimizer for improving the efficiency of power supply network in radial distribution systems
- Deep learning in distributed denial-of-service attacks detection method for Internet of Things networks
- On numerical characterizations of the topological reduction of incomplete information systems based on evidence theory
- A novel deep learning-based brain tumor detection using the Bagging ensemble with K-nearest neighbor
- Detecting biased user-product ratings for online products using opinion mining
- Evaluation and analysis of teaching quality of university teachers using machine learning algorithms
- Efficient mutual authentication using Kerberos for resource constraint smart meter in advanced metering infrastructure
- Recognition of English speech – using a deep learning algorithm
- A new method for writer identification based on historical documents
- Intelligent gloves: An IT intervention for deaf-mute people
- Reinforcement learning with Gaussian process regression using variational free energy
- Anti-leakage method of network sensitive information data based on homomorphic encryption
- An intelligent algorithm for fast machine translation of long English sentences
- A lattice-transformer-graph deep learning model for Chinese named entity recognition
- Robot indoor navigation point cloud map generation algorithm based on visual sensing
- Towards a better similarity algorithm for host-based intrusion detection system
- A multiorder feature tracking and explanation strategy for explainable deep learning
- Application study of ant colony algorithm for network data transmission path scheduling optimization
- Data analysis with performance and privacy enhanced classification
- Motion vector steganography algorithm of sports training video integrating with artificial bee colony algorithm and human-centered AI for web applications
- Multi-sensor remote sensing image alignment based on fast algorithms
- Replay attack detection based on deformable convolutional neural network and temporal-frequency attention model
- Validation of machine learning ridge regression models using Monte Carlo, bootstrap, and variations in cross-validation
- Computer technology of multisensor data fusion based on FWA–BP network
- Application of adaptive improved DE algorithm based on multi-angle search rotation crossover strategy in multi-circuit testing optimization
- HWCD: A hybrid approach for image compression using wavelet, encryption using confusion, and decryption using diffusion scheme
- Environmental landscape design and planning system based on computer vision and deep learning
- Wireless sensor node localization algorithm combined with PSO-DFP
- Development of a digital employee rating evaluation system (DERES) based on machine learning algorithms and 360-degree method
- A BiLSTM-attention-based point-of-interest recommendation algorithm
- Development and research of deep neural network fusion computer vision technology
- Face recognition of remote monitoring under the Ipv6 protocol technology of Internet of Things architecture
- Research on the center extraction algorithm of structured light fringe based on an improved gray gravity center method
- Anomaly detection for maritime navigation based on probability density function of error of reconstruction
- A novel hybrid CNN-LSTM approach for assessing StackOverflow post quality
- Integrating k-means clustering algorithm for the symbiotic relationship of aesthetic community spatial science
- Improved kernel density peaks clustering for plant image segmentation applications
- Biomedical event extraction using pre-trained SciBERT
- Sentiment analysis method of consumer comment text based on BERT and hierarchical attention in e-commerce big data environment
- An intelligent decision methodology for triangular Pythagorean fuzzy MADM and applications to college English teaching quality evaluation
- Ensemble of explainable artificial intelligence predictions through discriminate regions: A model to identify COVID-19 from chest X-ray images
- Image feature extraction algorithm based on visual information
- Optimizing genetic prediction: Define-by-run DL approach in DNA sequencing
- Study on recognition and classification of English accents using deep learning algorithms
- Review Articles
- Dimensions of artificial intelligence techniques, blockchain, and cyber security in the Internet of medical things: Opportunities, challenges, and future directions
- A systematic literature review of undiscovered vulnerabilities and tools in smart contract technology
- Special Issue: Trustworthy Artificial Intelligence for Big Data-Driven Research Applications based on Internet of Everythings
- Deep learning for content-based image retrieval in FHE algorithms
- Improving binary crow search algorithm for feature selection
- Enhancement of K-means clustering in big data based on equilibrium optimizer algorithm
- A study on predicting crime rates through machine learning and data mining using text
- Deep learning models for multilabel ECG abnormalities classification: A comparative study using TPE optimization
- Predicting medicine demand using deep learning techniques: A review
- A novel distance vector hop localization method for wireless sensor networks
- Development of an intelligent controller for sports training system based on FPGA
- Analyzing SQL payloads using logistic regression in a big data environment
- Classifying cuneiform symbols using machine learning algorithms with unigram features on a balanced dataset
- Waste material classification using performance evaluation of deep learning models
- A deep neural network model for paternity testing based on 15-loci STR for Iraqi families
- AttentionPose: Attention-driven end-to-end model for precise 6D pose estimation
- The impact of innovation and digitalization on the quality of higher education: A study of selected universities in Uzbekistan
- A transfer learning approach for the classification of liver cancer
- Review of iris segmentation and recognition using deep learning to improve biometric application
- Special Issue: Intelligent Robotics for Smart Cities
- Accurate and real-time object detection in crowded indoor spaces based on the fusion of DBSCAN algorithm and improved YOLOv4-tiny network
- CMOR motion planning and accuracy control for heavy-duty robots
- Smart robots’ virus defense using data mining technology
- Broadcast speech recognition and control system based on Internet of Things sensors for smart cities
- Special Issue on International Conference on Computing Communication & Informatics 2022
- Intelligent control system for industrial robots based on multi-source data fusion
- Construction pit deformation measurement technology based on neural network algorithm
- Intelligent financial decision support system based on big data
- Design model-free adaptive PID controller based on lazy learning algorithm
- Intelligent medical IoT health monitoring system based on VR and wearable devices
- Feature extraction algorithm of anti-jamming cyclic frequency of electronic communication signal
- Intelligent auditing techniques for enterprise finance
- Improvement of predictive control algorithm based on fuzzy fractional order PID
- Multilevel thresholding image segmentation algorithm based on Mumford–Shah model
- Special Issue: Current IoT Trends, Issues, and Future Potential Using AI & Machine Learning Techniques
- Automatic adaptive weighted fusion of features-based approach for plant disease identification
- A multi-crop disease identification approach based on residual attention learning
- Aspect-based sentiment analysis on multi-domain reviews through word embedding
- RES-KELM fusion model based on non-iterative deterministic learning classifier for classification of Covid19 chest X-ray images
- A review of small object and movement detection based loss function and optimized technique
Articles in the same Issue
- Research Articles
- Salp swarm and gray wolf optimizer for improving the efficiency of power supply network in radial distribution systems
- Deep learning in distributed denial-of-service attacks detection method for Internet of Things networks
- On numerical characterizations of the topological reduction of incomplete information systems based on evidence theory
- A novel deep learning-based brain tumor detection using the Bagging ensemble with K-nearest neighbor
- Detecting biased user-product ratings for online products using opinion mining
- Evaluation and analysis of teaching quality of university teachers using machine learning algorithms
- Efficient mutual authentication using Kerberos for resource constraint smart meter in advanced metering infrastructure
- Recognition of English speech – using a deep learning algorithm
- A new method for writer identification based on historical documents
- Intelligent gloves: An IT intervention for deaf-mute people
- Reinforcement learning with Gaussian process regression using variational free energy
- Anti-leakage method of network sensitive information data based on homomorphic encryption
- An intelligent algorithm for fast machine translation of long English sentences
- A lattice-transformer-graph deep learning model for Chinese named entity recognition
- Robot indoor navigation point cloud map generation algorithm based on visual sensing
- Towards a better similarity algorithm for host-based intrusion detection system
- A multiorder feature tracking and explanation strategy for explainable deep learning
- Application study of ant colony algorithm for network data transmission path scheduling optimization
- Data analysis with performance and privacy enhanced classification
- Motion vector steganography algorithm of sports training video integrating with artificial bee colony algorithm and human-centered AI for web applications
- Multi-sensor remote sensing image alignment based on fast algorithms
- Replay attack detection based on deformable convolutional neural network and temporal-frequency attention model
- Validation of machine learning ridge regression models using Monte Carlo, bootstrap, and variations in cross-validation
- Computer technology of multisensor data fusion based on FWA–BP network
- Application of adaptive improved DE algorithm based on multi-angle search rotation crossover strategy in multi-circuit testing optimization
- HWCD: A hybrid approach for image compression using wavelet, encryption using confusion, and decryption using diffusion scheme
- Environmental landscape design and planning system based on computer vision and deep learning
- Wireless sensor node localization algorithm combined with PSO-DFP
- Development of a digital employee rating evaluation system (DERES) based on machine learning algorithms and 360-degree method
- A BiLSTM-attention-based point-of-interest recommendation algorithm
- Development and research of deep neural network fusion computer vision technology
- Face recognition of remote monitoring under the Ipv6 protocol technology of Internet of Things architecture
- Research on the center extraction algorithm of structured light fringe based on an improved gray gravity center method
- Anomaly detection for maritime navigation based on probability density function of error of reconstruction
- A novel hybrid CNN-LSTM approach for assessing StackOverflow post quality
- Integrating k-means clustering algorithm for the symbiotic relationship of aesthetic community spatial science
- Improved kernel density peaks clustering for plant image segmentation applications
- Biomedical event extraction using pre-trained SciBERT
- Sentiment analysis method of consumer comment text based on BERT and hierarchical attention in e-commerce big data environment
- An intelligent decision methodology for triangular Pythagorean fuzzy MADM and applications to college English teaching quality evaluation
- Ensemble of explainable artificial intelligence predictions through discriminate regions: A model to identify COVID-19 from chest X-ray images
- Image feature extraction algorithm based on visual information
- Optimizing genetic prediction: Define-by-run DL approach in DNA sequencing
- Study on recognition and classification of English accents using deep learning algorithms
- Review Articles
- Dimensions of artificial intelligence techniques, blockchain, and cyber security in the Internet of medical things: Opportunities, challenges, and future directions
- A systematic literature review of undiscovered vulnerabilities and tools in smart contract technology
- Special Issue: Trustworthy Artificial Intelligence for Big Data-Driven Research Applications based on Internet of Everythings
- Deep learning for content-based image retrieval in FHE algorithms
- Improving binary crow search algorithm for feature selection
- Enhancement of K-means clustering in big data based on equilibrium optimizer algorithm
- A study on predicting crime rates through machine learning and data mining using text
- Deep learning models for multilabel ECG abnormalities classification: A comparative study using TPE optimization
- Predicting medicine demand using deep learning techniques: A review
- A novel distance vector hop localization method for wireless sensor networks
- Development of an intelligent controller for sports training system based on FPGA
- Analyzing SQL payloads using logistic regression in a big data environment
- Classifying cuneiform symbols using machine learning algorithms with unigram features on a balanced dataset
- Waste material classification using performance evaluation of deep learning models
- A deep neural network model for paternity testing based on 15-loci STR for Iraqi families
- AttentionPose: Attention-driven end-to-end model for precise 6D pose estimation
- The impact of innovation and digitalization on the quality of higher education: A study of selected universities in Uzbekistan
- A transfer learning approach for the classification of liver cancer
- Review of iris segmentation and recognition using deep learning to improve biometric application
- Special Issue: Intelligent Robotics for Smart Cities
- Accurate and real-time object detection in crowded indoor spaces based on the fusion of DBSCAN algorithm and improved YOLOv4-tiny network
- CMOR motion planning and accuracy control for heavy-duty robots
- Smart robots’ virus defense using data mining technology
- Broadcast speech recognition and control system based on Internet of Things sensors for smart cities
- Special Issue on International Conference on Computing Communication & Informatics 2022
- Intelligent control system for industrial robots based on multi-source data fusion
- Construction pit deformation measurement technology based on neural network algorithm
- Intelligent financial decision support system based on big data
- Design model-free adaptive PID controller based on lazy learning algorithm
- Intelligent medical IoT health monitoring system based on VR and wearable devices
- Feature extraction algorithm of anti-jamming cyclic frequency of electronic communication signal
- Intelligent auditing techniques for enterprise finance
- Improvement of predictive control algorithm based on fuzzy fractional order PID
- Multilevel thresholding image segmentation algorithm based on Mumford–Shah model
- Special Issue: Current IoT Trends, Issues, and Future Potential Using AI & Machine Learning Techniques
- Automatic adaptive weighted fusion of features-based approach for plant disease identification
- A multi-crop disease identification approach based on residual attention learning
- Aspect-based sentiment analysis on multi-domain reviews through word embedding
- RES-KELM fusion model based on non-iterative deterministic learning classifier for classification of Covid19 chest X-ray images
- A review of small object and movement detection based loss function and optimized technique