Next Article in Journal
Real-Time Prediction of Resident ADL Using Edge-Based Time-Series Ambient Sound Recognition
Previous Article in Journal
Discrete Time Series Forecasting of Hive Weight, In-Hive Temperature, and Hive Entrance Traffic in Non-Invasive Monitoring of Managed Honey Bee Colonies: Part I
Previous Article in Special Issue
Universal Image Restoration with Text Prompt Diffusion
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Recyclable Trash Sorting Using Integrated Parallel Attention

by
Hualing Lin
1,
Xue Zhang
1,
Junchen Yu
1,
Ji Xiang
2,3 and
Hui-Liang Shen
1,3,*
1
College of Information Science and Electronic Engineering, Zhejiang University, Hangzhou 310027, China
2
College of Electrical Engineering, Zhejiang University, Hangzhou 310027, China
3
Huzhou Institute, Zhejiang University, Hangzhou 313000, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(19), 6434; https://doi.org/10.3390/s24196434
Submission received: 13 August 2024 / Revised: 26 September 2024 / Accepted: 2 October 2024 / Published: 4 October 2024
(This article belongs to the Special Issue Intelligent Sensing and Artificial Intelligence for Image Processing)

Abstract

:
Sorting recyclable trash is critical to reducing energy consumption and mitigating environmental pollution. Currently, trash sorting heavily relies on manpower. Computer vision technology enables automated trash sorting. However, existing trash image classification datasets contain a large number of images without backgrounds. Moreover, the models are vulnerable to background interference when categorizing images with complex backgrounds. In this work, we provide a recyclable trash dataset that supports model training and design a model specifically for trash sorting. Firstly, we introduce the TrashIVL dataset, an image dataset for recyclable trash sorting encompassing five classes (TrashIVL-5). All images are collected from public trash datasets, and the original images were captured by RGB imaging sensors, containing trash items with real-life backgrounds. To achieve refined recycling and improve sorting efficiency, the TrashIVL dataset can be further categorized into 12 classes (TrashIVL-12). Secondly, we propose the integrated parallel attention module (IPAM). Considering the susceptibility of sensor-based systems to background interference in real-world trash sorting scenarios, our IPAM is specifically designed to focus on the essential features of trash images from both channel and spatial perspectives. It can be inserted into convolutional neural networks (CNNs) as a plug-and-play module. We have constructed a recyclable trash sorting network building upon the IPAM, which produces an acuracy of 97.42% on TrashIVL-5 and 94.08% on TrashIVL-12. Our work is an effective attempt of computer vision in recyclable trash sorting. It makes a positive contribution to environmental protection and sustainable development.

1. Introduction

In recent years, trash generation has continued to increase in line with economic and social progress [1]. Accordingly, waste management has become a key factor in sustained economic and social development. Manual trash sorting methods are labor-intensive and time-consuming [2]. Therefore, the automated sorting and recycling of trash has become an urgent issue.
With the rapid advancement of sensing, artificial intelligence, and computer vision technology, the automatic identification of trash from images as a replacement for manual sorting has become increasingly feasible. In industrial applications, most trash images are acquired using RGB imaging sensors. For specific trash such as plastics and organics, multispectral imaging sensors are sometimes employed for fine-level classification [3]. A convolutional neural network (CNN) is a deep learning algorithm in the field of image processing and computer vision [4,5]. The works [6,7,8] apply CNNs to trash sorting, achieving promising results in classification. Works like [9,10] introduce attention mechanisms to improve the model’s focus on key areas of the image. These methods enhance the model’s ability to capture salient features, but they do not fully consider the contribution of individual weights in the attention mechanism. This limitation may result in the suboptimal suppression of less important channels or pixels. Our approach addresses this gap by incorporating weight contribution factors into the attention mechanism, which allows the model to adaptively adjust feature importance and enhance trash sorting accuracy.
Along the development of computer vision technology, the demand for image datasets is gradually rising [11]. However, there are few public and authoritative datasets in the recyclable trash sorting field. Hence, it is imperative to develop a representative trash image dataset to assess and advance the development of trash sorting methods.
In this work, we introduce the TrashIVL dataset dedicated to sorting recyclable trash. The dataset consists of five categories of recyclable trash (TrashIVL-5), including clothes, plastic, paper, metal, and glass. The images are collected from public trash datasets. When building TrashIVL, we selectively screen out the trash images without background. In addition, we subdivide TrashIVL into 12 classes (TrashIVL-12) to improve the recycling efficiency and to achieve fine-sorting of recycling.
The background of trash images in TrashIVL varies, including grass, gravel roads, fallen leaves, etc. These backgrounds may interfere with the classification decisions of the CNNs. Focusing on this problem, we propose an integrated parallel attention module (IPAM) to enhance the trash sorting capability of CNNs. IPAM is a normalization-based attention module comprising a channel attention module (CAM) and a spatial attention module (SAM). The normalized weights obtained store scaling factors, which enables the adjustment of normalized features through scaling. These scaling factors allow the model to adaptively learn the importance of different features, which enhances the representational capacity of the model and improve the accuracy of trash sorting. To summarize, the main contributions of this work are as follows:
  • We introduce a recyclable trash image dataset named TrashIVL. It excludes images without background found in public datasets, ensuring that the image backgrounds are more representative of real-life scenarios.
  • We propose the integrated parallel attention module (IPAM) to improve the sorting ability of CNNs. IPAM acts as a plug-and-play module that can be inserted into different CNNs. It leverages the normalized weights and parallel connection of CAM and SAM.
  • We construct a recyclable trash sorting network based on IPAM. When comparing different deep learning models of trash sorting, our network achieves the best classification performance.

2. Related Work

In this section, we first review the application of CNNs in trash sorting, and then introduce common trash image classification datasets.

2.1. Trash Sorting

With the development of deep learning, CNNs have shown their potential in the field of trash sorting. AlexNet [6] has been employed to categorize recyclable trash from landfill trash objects. DenseNet169 with transfer learning [7] has been used for classifying individual recyclable trash images. The optimized DenseNet121 [8] has leveraged genetic algorithms to optimize the fully connected layers and classify the TrashNet dataset.
The attention mechanism enables CNNs to identify and process key information in images more accurately by simulating human visual attention [12]. For example, AM-b Xception [9] fuses the multi-branch Xception network with an attention mechanism, which has been used to classify recyclable trash. Similarly, EfficientNet-B2 [10] has been applied to classify different types of trash: bio, glass, metal and plastic, non-recyclable, other, paper, and unknown. These methods dynamically select important regions in the image to focus on through an attention module. However, these attention mechanisms focus on important features by introducing additional convolutional and fully connected layers, overlooking the fact that the weights themselves can inherently represent the importance of features. In contrast, our approach leverages the inherent contribution of weights to adaptively adjust feature importance without the need for additional layers, thereby improving both the efficiency and accuracy of trash sorting.

2.2. Trash Image Classification Datasets

At present, the number of public trash image classification datasets is still limited. Table 1 shows the comparison of our TrashIVL and other trash image classification datasets. TrashNet [13] has been widely used, while its limited classes hinder its ability to provide finer recycling distinctions. Moreover, the presence of overlapping samples and unrefinable classes within the dataset restrict its representativeness in practical applications. In the Drinking waste classification [14], many of the images depict the same object captured from various angles, potentially leading to data redundancy. Additionally, several public trash datasets contain a significant number of images without backgrounds, deviating from real-life scenarios (e.g., Waste pictures [15], Trashbox [16], Garbage dataset [17], Kaggle garbage classification dataset [18], Huaweiyun garbage classify learning [19], and Garbage265 [20]).

3. Proposed Dataset—TrashIVL

In this section, we introduce our proposed TrashIVL dataset. First, we describe the source of TrashIVL. Next, we show how the categories in TrashIVL are subdivided.

3.1. Sources of TrashIVL

These datasets were originally created using RGB imaging sensors in various real-world environments, capturing images with different backgrounds and lighting conditions. The included datasets are as follows: Drinking waste classification [14], Waste pictures [15], Trashbox [16], TACO [21], Garbage dataset [17], Kaggle garbage classification dataset [18], Acqualtrash [22], Huaweiyun garbage classify learning [19], and Garbage265 [20].
As shown in Figure 1, we selectively collect images with backgrounds that closely resemble real-life scenarios, such as grassy fields, lose leaves, floors, and roads. Images without background as shown in Figure 2 are screened out. For detection datasets like TACO and Acqualtrash, we select and crop the target garbage boxes for use in TrashIVL. Table 2 shows the corresponding sample distributions of the public datasets that constitute TrashIVL. There are relatively fewer images collected from Acqualtrash, Garbage dataset, and Drinking waste classifications. This is because some of the data in the Acqualtrash overlaps with TACO. Additionally, most of the trash images in the Garbage dataset and Drinking waste classifications do not have backgrounds.

3.2. Subdivision of TrashIVL

TrashIVL comprises five classes of recyclable trash (TrashIVL-5): clothes, plastic, paper, metal, and glass. To achieve precise recycling processes and promote resource reuse, we have further subdivided these five major classes into 12 classes (TrashIVL-12). Specifically, we have subdivided clothes into pants, skirt, and upper garment; plastic into plastic bag, plastic bottle, and plastic basin; and paper into cardboard, carton, newspaper, and paper cup. Metals are typically found in the form of cans, while glass primarily exists in the form of glass bottles. They can be recycled multiple times without compromising their quality [23,24]. Given their practical implications, TrashIVL does not make a further subdivision of metal and glass. Figure 1 shows the sample quantities and category distributions. Our dataset is substantial in size and abundant in samples, and thus provides large data support for training deep learning models.

4. Proposed Method

In this section, we first introduce the proposed method for recyclable trash sorting, and then describe IPAM by detailing its CAM, SAM, and connectivity.

4.1. Establishment of a Recyclable Trash Sorting Network

The specific trash sorting process in this work unfolds as follows: (1) Input the TrashIVL dataset. (2) Perform data augmentation, whereby trash images are uniformly cropped to 224 × 224, randomly flipped, normalized, and rotated up to 15 degrees for improved model robustness. (3) Insert the IPAM into various CNN backbones. (4) Output the corresponding labels of the trash categories in TrashIVL.
To improve the accuracy of trash sorting, we select ResNeXt50 [25] as the best backbone through comparison (see Section 5.3 for details) and build a recyclable trash sorting network based on IPAM. The structure of the proposed network is shown in Figure 3a. The ResNeXt block is the core of the ResNeXt modelling component, which enhances feature representation through its multi-branch structure. The structure of the IPAM+ResNeXt block is given in Figure 3b. It starts with a 1 × 1 convolution layer with C in kernels. Following this, the 3 × 3 group convolution serves for feature extraction. The grouping helps to increase the width of the model and thus improves its representation of the features. A 3 × 3 group convolution extracts the representation of the input features. The insertion of channel–spatial attention after this helps to introduce more information on top of the feature abstraction and to mine and process the features more deeply. Therefore, we insert IPAM after a 3 × 3 group convolution. Next, the 1 × 1 convolution raises the channel dimension to C out . Finally, the features learned from each branch are fused together using element-wise addition.

4.2. Integrated Parallel Attention Module (IPAM)

Employing an attention module enables the model to highlight specific aspects of the trash, which helps to recognize trash images. Among previous attention modules, the normalization-based attention module (NAM) achieves better accuracy in image classification tasks [12]. Additionally, NAM avoids the addition of convolutional and fully connected layers compared to widely used attention modules such as convolutional block attention module (CBAM) [26] and squeeze-and-excitation (SE) [27]. Nevertheless, we find that there are two problems: (1) It generally adopts a sequential connection. This approach may result in the interference between the spatial and channel attention. (2) It uses batch normalization (BN) to compute the attention weights. During training, BN computes the mean and variance based on the current training batch, which helps normalize the data according to the batch’s specific distribution. However, during the testing phase, the mean and variance used are pre-computed from the training data [28]. Since the distribution of the testing data may differ from that of the training data, these pre-computed values may not accurately represent the characteristics of the testing data.
Taking these issues into account, we have developed the integrated parallel attention module (IPAM). IPAM is a channel–spatial attention module. It parallelizes channel attention with spatial attention, which allows each to independently focus on the channel and spatial information. The structure of IPAM is depicted in Figure 3d. Inspired by NAM, we use adaptive normalization parameters to discern critical information interplay among features. Layer normalization (LN) [29] and instance normalization (IN) [30] are independent of batch dimension. Hence, we establish the channel attention module (CAM) and the spatial attention module (SAM) of IPAM based on LN and IN, respectively.

4.2.1. Channel Attention Module (CAM)

LN normalizes each sample instance, aiming to capture the dependency between different channels. This approach makes the representation of each channel more stable during training and helps accelerate convergence. As shown in Figure 3c, we build the CAM based on LN.
For the input feature map, F in R H × W × C , where H, W, and C represent its height, width, and number of input channels, respectively. We apply LN to F in as follows:
F LN LN ( F in ) = λ F in μ σ + φ ,
where μ and σ are the mean and standard deviation of F in , respectively. Both λ and φ are trainable affine transformation factors used to control scaling and shifting operations, continuously adjusted through the learning process of the model. λ serves as the scaling factor from the LN, which is used to gauge the variance of the samples and signify their significance. Greater variance indicates a more diverse sample with abundant information that signifies its greater importance. Conversely, a sample with smaller variance contains less information and is less important.
Then, we compute the the sample-based attention weights as
W LN = ω F LN ,
where ⊙ denotes element-wise multiplication. ω = [ ω 1 , ω 2 , , ω C ] is an attention vector, in which ω i ( 1 i C ) is computed as
ω i = λ i j = 1 C λ j ,
where λ i represents the scaling factor of the i-th channel obtained from LN. From Equation (3), ω can be interpreted as a weight value for each feature dimension that signifies the adjustment of the importance of each feature dimension after normalization.
To capture the global channel information, we derive the channel statistics F C through channel-based average pooling:
F C = AvgPool ( F in ) .
By multiplying W LN with F C and constraining their product to the range (0, 1) using a sigmoid function, we have
E C = Sigmoid ( W LN F C ) .
E C can effectively represent the relative channel-based importance.

4.2.2. Spatial Attention Module (SAM)

Instance normalization (IN) performs independently on each channel, assisting the model to focus more on local features at each location. It assesses the importance of different regions based on the local features of the image. This motivates our design of SAM. As shown in Figure 3e, the principle of SAM resembles that of CAM.
For the input feature map F in , IN can be represented as
F IN IN ( F in ) = ρ F in μ t i σ t i + τ ,
where μ t i and σ t i are the mean and standard deviation of the i-th channel of the t-th sample, respectively. ρ scales the normalized features, enabling the network to learn the significance of specific sample instances. τ introduces an offset to the normalized features so that the model can shift to different sample instances and thereby preserve some aspects of the original feature representation.
The sample instance-based attention weight W IN is computed as
W IN = γ F IN ,
where γ = [ γ 1 , γ 2 , , γ N ] is an attention vector, whose element is calculated as
γ i = ρ i j = 1 N ρ j ,
where ρ i is the scaling factor of the i-th sample. IN normalizes the features along the H × W dimensions, leading to W IN becoming 1 × 1 in spatial dimensions, and the number of channels remains as C.
Spatial-based average pooling generates global spatial information F HW as
F HW = AvgPool ( F in ) ,
and then the relative importance E HW based on spatial pixel points is computed as
E HW = Sigmoid ( W IN F HW ) .

4.2.3. Parallel Connection

Channel attention and spatial attention, respectively, target the channel and spatial dimensions of the feature map. The parallel connection enables the model to concurrently regulate the feature maps from both the channel and spatial perspectives, which enhances the richness of the feature representations. Consequently, IPAM uses channel attention and spatial attention in parallel to comprehensively learn the relationships between features. The output feature map F out of IPAM is
F out = E C E HW F in .

5. Experiments

5.1. Implementation Details

All experiments are conducted using PyTorch 1.10.2 and Python 3.6 on a 3090 GPU. We use the Adam optimizer with a learning rate of 0.00001. After pre-conditioning, the epoch and batch size are set to 80 and 16, respectively. The training and testing set are divided in an 8:2 ratio.

5.2. Evaluation Metrics

We apply accuracy, recall, kappa coefficient, precision, and F1-Score to comprehensively evaluate the sorting performance of the models. All evaluation metrics are recorded as ( mean value ± standard deviation ), obtained from the five-fold cross-validation. Accuracy measures the model’s ability to correctly categorize trash. It indicates the percentage of samples correctly predicted by the model out of the total samples:
Accuracy = TP + TN TP + FP + TN + FN ,
where true positive (TP) denotes the number of positive cases correctly predicted as positive, true negative (TN) represents the number of negative cases correctly predicted as negative, false positive (FP) indicates the number of negative cases incorrectly predicted as positive, and false negative (FN) is the number of positive cases incorrectly predicted as negative.
Recall is the proportion of actual positive cases (trash correctly identified) that the model correctly identified:
Recall = TP TP + FN .
Precision represents the proportion of predicted trash cases that are actually correct:
Precision = TP TP + FP .
F1-Score is the harmonic mean of precision and recall:
F 1 = 2 × Precision × Recall Precision + Recall .
The kappa coefficient takes into account the consistency between the classification results and the randomized classification results:
Kappa = Accuracy p e 1 p e ,
where p e denotes the probability that the classification result randomly matches the true case.

5.3. Construction of the Proposed Network

To determine the most suitable backbone and construct our recyclable trash sorting network, we employ several superior pre-tained classification models (ResNet50 [31], EfficientNet-B7 [32], DenseNet121 [33], Xception [34], and ResNeXt50 [25]) as backbones and insert IPAM into them. All these backbones are pre-trained models. Their comparative performance is detailed in Table 3. Notably, ResNeXt50 demonstrates the highest performance. When sorting five classes of recyclable trash, ResNeXt50 achieves an accuracy of 96.25%, a recall of 95.72%, a kappa coefficient of 95.13%, a precision of 95.82%, and an F1-Score of 95.76%. Furthermore, it excels in fine recycling with an accuracy of 92.16%. The unique ability of ResNeXt50 to form multiple branches during the feature learning process proves instrumental. This diversity empowers the network to comprehensively understand and learn the intricacies of the input data, enhancing the capability to characterize complex features in trash sorting tasks. When IPAM is inserted into the backbones, performance improves across all models. For example, on TrashIVL-5, ResNet50 with IPAM shows a slight improvement in accuracy from 96.13% to 96.22% and recall from 95.57% to 96.02%. DenseNet121 experiences a larger boost, with accuracy rising from 96.01% to 97.08% and F1-Score from 94.83% to 96.52%. Xception also sees a significant increase in precision, from 95.75% to 96.90%. The improvement can be attributed to IPAM’s effectiveness in extracting more meaningful features by applying both channel and spatial attention. This dual attention allows models to focus on key features and spatial details simultaneously. Based on the experiment, we select ResNeXt50 as the backbone and insert IPAM into it for constructing our network. ResNeXt50+IPAM not only performs well without IPAM but also shows significant gains with its inclusion, which achieves the best balance of feature representation and classification accuracy for our recyclable trash sorting task.

5.4. Arrangement of Channel and Spatial Attention

In both CBAM [26] and NAM [12], channel attention and spatial attention are connected in a serial manner. Initially, channel attention is employed to focus on the channel-based features of the image. Subsequently, the feature map obtained after channel attention is used as input for spatial attention. In contrast, the approach of using channel attention followed by spatial attention (CAM-SAM) offers distinct advantages compared to the serial connection of spatial attention followed by channel attention. This sequential process allows the model to first concentrate on integrating and selecting the features in the channel dimension. It then proceeds to weigh and integrate the features in the spatial dimension. This sequence better aligns with the hierarchical representation of features and the integration process.
Table 4 compares ResNeXt50+IPAM (CAM-SAM in parallel) with the CAM and SAM of IPAM connected serially (CAM-SAM). As shown, the parallel connection yields superior results compared to the serial connection. By employing CAM and SAM in parallel, the model gains a more comprehensive understanding of feature relationships. This diversity may assist the model in better adapting to various types of features, which ultimately enhances the generalization ability of the model.

5.5. Performance of Channel Attention and Spatial Attention

To validate the effectiveness of CAM and SAM in IPAM, we use the ResNeXt50 backbone and compare CAM and SAM in CBAM [26], NAM [12], and IPAM on TrashIVL-5 and TrashIVL-12. CBAM is a widely used attention mechanism. It serves as a foundational approach by applying channel–spatial attention. NAM improves upon this by using BN to compute attention weights across both dimensions. Our proposed IPAM builds on NAM by incorporating LN and IN to further refine both channel and spatial attention. While all three methods utilize channel and spatial attention, their internal architectures differ. CBAM follows a more traditional approach, NAM introduces BN, and IPAM enhances the mechanism with LN and IN to improve overall performance. Therefore, we compared the performance of these three attention mechanisms in terms of their channel and spatial attention methods, which helps to assess their respective strengths and improvements. Table 5 shows that CAM in IPAM outperforms both CBAM and NAM in trash sorting on TrashIVL-5 and TrashIVL-12. The improvement in performance can be attributed to LN’s ability to enhance the representation of each channel, allowing the model to better focus on important channel-specific features and accelerating convergence. Similarly, Table 6 demonstrates that SAM in IPAM achieves better results than SAM in CBAM and NAM. The use of IN in IPAM allows SAM to focus more effectively on spatial details, improving the model’s ability to capture relevant spatial information while minimizing interference from less important regions. In conclusion, the experimental results demonstrate that IPAM’s combination of LN and IN enables the model to better capture and process both channel and spatial features, leading to superior performance in trash sorting tasks compared to CBAM and NAM.

5.6. Different Attention Modules Inserted into ResNeXt50

To validate the effectiveness of IPAM, we insert SE [27], efficient channel attention (ECA) [35], CBAM [26], and NAM [12] into ResNeXt50 for recyclable trash sorting and compare them with our proposed recyclable trash sorting network (ResNeXt50+IPAM). The results are presented in Table 7. Since these attention modules are plug-and-play, to ensure a fair comparison, we inserted all of them in the same position as IPAM, as illustrated in Figure 3b. In TrashIVL-5, IPAM improves the sorting ability of ResNeXt50 by 1.17%. As depicted in Figure 4a, the accuracy of ResNeXt50+IPAM stabilizes at around 97% after 65 epochs, surpassing other attention modules. In TrashIVL-12, ResNeXt50+IPAM achieves the finest-grained recycling with a classification accuracy of 94.08%, a recall of 93.69%, a kappa coefficient of 93.80%, a precision of 94.01%, and an F1-Score of 93.32%. As observed in Figure 4b, the accuracy curve of ResNeXt50+IPAM demonstrates greater stability compared to other models. This may be attributed to our special design that the CAM and SAM of IPAM are computed using LN and IN, respectively. LN and IN are independent of batch statistical information, allowing them to maintain normalization even in cases of small batch training or inference. The stable normalization capability contributes to the consistent performance of the recyclable trash sorting network built on IPAM.
Figure 5 shows the Grad-CAM images using ResNeXt50 and ResNeXt50+IPAM, respectively. Grad-CAM is a technique aiding in comprehending the decision-making process of the network. It generates heat maps illustrating the image regions the neural network prioritizes [36]. These highlighted regions represent the features extracted by the network, signifying the areas of focus during classification. Notably, in scenarios with complex backgrounds such as falling leaves, grass, and sky, these backgrounds can disrupt the classification task, leading ResNeXt50 to concentrate on the background during classification. Nevertheless, with the insertion of IPAM, ResNeXt50+IPAM effectively directs its focus to the trash itself.

5.7. Performance of Trash Sorting Models

In previous research, various networks, including AlexNet [6], DenseNet169 [7], EfficientNet-B2 [10], optimized DenseNet121 [8], and AM-b Xception [9], have been employed for trash sorting. We investigate the sorting performance of the proposed recyclable trash sorting network (ResNeXt50+IPAM), compared to the networks used in previous studies. Table 8 lists the results on the public dataset TrashNet and our TrashIVL-5 and TrashIVL-12. Although TrashNet has certain limitations, such as the absence of background in its images, it remains a widely used benchmark dataset for validating trash sorting algorithms in previous studies. By conducting experiments on TrashNet, we ensure a fair and consistent comparison with prior work, allowing us to validate the effectiveness of our proposed method. Deeper networks typically yield more robust feature representations and are adept at learning abstract and complex features. Specifically, DenseNet169 and optimized DenseNet121 are deep and exhibit strong learning capabilities. However, they may face limitations in handling image background interference. In practical applications such as trash sorting, it is essential to consider the influence of image background on the classification models. The insertion of an attention mechanism assists the network in highlighting image regions relevant to the classification task. EfficientNet-B2, AM-b Xception, and ResNeXt50+IPAM all have inserted attention modules. In comparison, our ResNeXt50+IPAM demonstrates superior performance.
The classification performance of models on the TrashIVL-12 dataset is lower compared to the TrashNet and TrashIVL-5 datasets. For further investigation, we present the confusion matrix of ResNeXt50+IPAM on TrashIVL-12 in Figure 6, which highlights areas where the model faces challenges in classification. The model struggles to distinguish between certain materials (e.g., pants, skirts, and upper garments; cardboard and carton; plastic bottles and glass bottles). These items indeed have similar appearances, making classification more difficult. Nevertheless, ResNeXt50+IPAM correctly classifies the majority of objects, demonstrating its overall effectiveness. The ResNeXt50 backbone provides a strong foundation with its multi-branch structure, which increases model width and improves the ability to capture diverse and abstract features. Additionally, IPAM introduces both CAM and SAM, utilizing LN and IN. These techniques allow the model to focus on the most relevant features while filtering out irrelevant information. This channel–spatial attention mechanism is particularly useful in trash sorting tasks, where distinguishing between similar objects and backgrounds is crucial.

6. Conclusions

In this work, we have presented a comprehensive approach to automated recyclable trash sorting from a dataset and algorithmic perspective. First, we introduce TrashIVL, which is a dataset comprising five classes of recyclable trash. Images of TrashIVL are collected from public datasets by selectively excluding images without background. To enable fine-grained recycling, TrashIVL can be further subdivided into 12 classes. Then, we introduce the integrated parallel attention module (IPAM) to assist CNNs in reducing interference from the image background. IPAM is a parallel-connected channel–spatial attention. It scales and adjusts normalized features so that the model adaptively learns the importance of different features. After that, we construct the recyclable trash sorting network by inserting IPAM into ResNeXt50. This network achieves a sorting accuracy of 97.42% on TrashIVL-5 and 94.08% on TrashIVL-12, demonstrating its effectiveness in trash sorting.
In the future, we will continue to collect more recyclable trash images to expand TrashIVL. Meanwhile, we will further optimize IPAM and explore its classification effect on other trash datasets.

Author Contributions

Conceptualization, H.L. and X.Z.; methodology, H.L. and X.Z.; software, H.L. and J.X.; validation, H.L., J.Y., and J.X.; formal analysis, H.L.; investigation, J.Y.; resources, H.L.; data curation, H.L.; writing—original draft preparation, H.L.; writing—review and editing, X.Z., J.Y., J.X., and H.L.; visualization, H.L.; supervision, H.L.; project administration, H.L.; funding acquisition, H.-L.S. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded in part by “Pioneer” and “Leading Goose” R&D Program of Zhejiang under grant 2023C03136, and in part by the Natural Science Foundation of Zhejiang Province under Grant D24F020006.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are available at https://github.com/0815LHL/TrashIVL (accessed on 13 August 2024).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Zhu, J.; Hu, T.; Zheng, L.; Zhou, N.; Ge, H.; Hong, Z. YOLOv8-C2f-Faster-EMA: An Improved Underwater Trash Detection Model Based on YOLOv8. Sensors 2024, 24, 2483. [Google Scholar] [CrossRef]
  2. Chen, Z.; Yang, J.; Chen, L.; Jiao, H. Garbage classification system based on improved ShuffleNet v2. Resour. Conserv. Recycl. 2022, 178, 106090. [Google Scholar] [CrossRef]
  3. Shiddiq, M.; Arief, D.S.; Fatimah, K.; Wahyudi, D.; Mahmudah, D.A.; Putri, D.K.E.; Husein, I.R.; Ningsih, S.A. Plastic and organic waste identification using multispectral imaging. Mater. Today Proc. 2023, 87, 338–344. [Google Scholar] [CrossRef]
  4. Buriboev, A.S.; Rakhmanov, K.; Soqiyev, T.; Choi, A.J. Improving Fire Detection Accuracy through Enhanced Convolutional Neural Networks and Contour Techniques. Sensors 2024, 24, 5184. [Google Scholar] [CrossRef] [PubMed]
  5. Zhang, X.; Sheng, Z.; Shen, H.L. FocusNet: Classifying better by focusing on confusing classes. Pattern Recognit. 2022, 129, 108709. [Google Scholar] [CrossRef]
  6. Sultana, R.; Adams, R.D.; Yan, Y.; Yanik, P.M.; Tanaka, M.L. Trash and Recycled Material Identification using Convolutional Neural Networks (CNN). In Proceedings of the IEEE SoutheastCon, Raleigh, NC, USA, 12–15 March 2020; pp. 1–8. [Google Scholar]
  7. Zhang, Q.; Yang, Q.; Zhang, X.; Bao, Q.; Su, J.; Liu, X. Waste image classification based on transfer learning and convolutional neural network. Waste Manag. 2021, 135, 150–157. [Google Scholar] [CrossRef]
  8. Mao, W.L.; Chen, W.C.; Wang, C.T.; Lin, Y.H. Recycling waste classification using optimized convolutional neural network. Resour. Conserv. Recycl. 2021, 164, 105132. [Google Scholar] [CrossRef]
  9. Fan, M.; Xiao, L.; He, X.; Chen, Y. Trash Classification Network Based on Attention Mechanism. In Proceedings of the International Conference on Advanced Computer Theory and Engineering (ICACTE), Hangzhou, China, 23–25 September 2022. [Google Scholar]
  10. Majchrowska, S.; Mikołajczyk, A.; Ferlin, M.; Klawikowska, Z.; Plantykow, M.A.; Kwasigroch, A.; Majek, K. Deep learning-based waste detection in natural and urban environments. Waste Manag. 2022, 138, 274–284. [Google Scholar] [CrossRef] [PubMed]
  11. Cheng, L.; He, Y.; Mao, Y.; Liu, Z.; Dang, X.; Dong, Y.; Wu, L. Personnel Detection in Dark Aquatic Environments Based on Infrared Thermal Imaging Technology and an Improved YOLOv5s Model. Sensors 2024, 24, 3321. [Google Scholar] [CrossRef] [PubMed]
  12. Liu, Y.; Shao, Z.; Teng, Y.; Hoffmann, N. NAM: Normalization-based Attention Module. In Proceedings of the Conference on Neural Information Processing Systems (NIPS), Virtual, 6–14 December 2021. [Google Scholar]
  13. Thung, G.; Yang, M. Classification of Trash for Recyclability Status. 2016. CS229 Project Report. Available online: https://cs229.stanford.edu/proj2016/report/ThungYang-ClassificationOfTrashForRecyclabilityStatus-report.pdf (accessed on 12 August 2024).
  14. Serezhkin, A. Drinking Waste Classification. 2020. Available online: https://www.kaggle.com/datasets/arkadiyhacks/drinking-waste-classification (accessed on 28 August 2020).
  15. Wang, Z. Waste Pictures. 2020. Available online: https://www.kaggle.com/datasets/wangziang/waste-pictures (accessed on 13 May 2020).
  16. Kumsetty, N.V.; Nekkare, A.B.; Kamath, S. TrashBox: Trash Detection and Classification using Quantum Transfer Learning. In Proceedings of the Conference of Open Innovations Association (FRUCT), Helsinki, Finland, 27–29 April 2022. [Google Scholar]
  17. Kunwar, S. Garbage Dataset. 2023. Available online: https://www.kaggle.com/datasets/sumn2u/garbage-classification-v2 (accessed on 30 August 2023).
  18. Kaggle. Kaggle Garbage Classification Dataset. 2019. Available online: https://www.cvmart.net/dataSets/detail/242 (accessed on 24 December 2021).
  19. Huaweiyun. Huaweiyun Garbage Classify Learning. 2020. Available online: https://github.com/x670783915/huaweiyun_garbage_classify__learning/tree/master (accessed on 16 December 2020).
  20. Modelscope. Garbage265. 2022. Available online: https://modelscope.cn/datasets/tany0699/garbage265/summary (accessed on 23 December 2022).
  21. Proença, P.F.; Simões, P. TACO: Trash Annotations in Context for Litter Detection. arXiv 2020, arXiv:2003.06975. [Google Scholar]
  22. Panwar, H.; Gupta, P.; Siddiqui, M.K.; Morales-Menendez, R.; Bhardwaj, P.; Sharma, S.; Sarker, I.H. AquaVision: Automating the detection of waste in water bodies using deep transfer learning. Case Stud. Chem. Environ. Eng. 2020, 2, 100026. [Google Scholar] [CrossRef]
  23. Soo, V.K.; Peeters, J.R.; Compston, P.; Doolan, M.; Duflou, J.R. Economic and Environmental Evaluation of Aluminium Recycling based on a Belgian Case Study. Procedia Manuf. 2019, 33, 639–646. [Google Scholar] [CrossRef]
  24. Good, I.D. New bottles for old: The growth of glass recycling. Endeavour 1986, 10, 150–155. [Google Scholar] [CrossRef]
  25. Xie, S.; Girshick, R.; Dollár, P.; Tu, Z.; He, K. Aggregated Residual Transformations for Deep Neural Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  26. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. CBAM: Convolutional Block Attention Module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018. [Google Scholar]
  27. Hu, J.; Shen, L.; Albanie, S.; Sun, G.; Wu, E. Squeeze-and-Excitation networks. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 42, 2011–2023. [Google Scholar] [CrossRef] [PubMed]
  28. Wu, Y.; He, K. Group Normalization. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018. [Google Scholar]
  29. Ba, J.L.; Kiros, J.R.; Hinton, G.E. Layer Normalization. In Proceedings of the International Conference on Learning Representations (ICLR), San Juan, Puerto Rico, 2–4 May 2016. [Google Scholar]
  30. Ulyanov, D.; Vedaldi, A.; Lempitsky, V. Instance Normalization: The Missing Ingredient for Fast Stylization. arXiv 2017, arXiv:1607.08022. [Google Scholar]
  31. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  32. Tan, M.; Le, Q. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. In Proceedings of the International Conference on Machine Learning (ICML), Long Beach, CA, USA, 9–15 June 2019. [Google Scholar]
  33. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  34. Chollet, F. Xception: Deep Learning with Depthwise Separable Convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  35. Wang, Q.; Wu, B.; Zhu, P.; Li, P.; Zuo, W.; Hu, Q. ECA-Net: Efficient channel attention for deep convolutional neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020. [Google Scholar]
  36. Selvaraju, R.R.; Cogswell, M.; Das, A.; Vedantam, R.; Parikh, D.; Batra, D. Grad-CAM: Visual Explanations from Deep Networks via Gradient-Based Localization. In Proceedings of the IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017. [Google Scholar]
Figure 1. Sample images and category distributions of TrashIVL. TrashIVL consists of five major categories and 12 subcategories. The corresponding sample size is indicated in parentheses after each category.
Figure 1. Sample images and category distributions of TrashIVL. TrashIVL consists of five major categories and 12 subcategories. The corresponding sample size is indicated in parentheses after each category.
Sensors 24 06434 g001
Figure 2. Sample images without backgrounds of public trash datasets that are excluded in TrashIVL.
Figure 2. Sample images without backgrounds of public trash datasets that are excluded in TrashIVL.
Sensors 24 06434 g002
Figure 3. The architecture of recyclable trash sorting. (a) The recyclable trash sorting network, (b) the structure of the IPAM+ResNeXt block ( C in , C out ), where C in and C out represent the number of convolutional kernels, and GConv denotes group convolution with a group number of 32, (c) channel attention module (CAM) of IPAM, (d) the structure of IPAM, and (e) spatial attention module (SAM) of IPAM.
Figure 3. The architecture of recyclable trash sorting. (a) The recyclable trash sorting network, (b) the structure of the IPAM+ResNeXt block ( C in , C out ), where C in and C out represent the number of convolutional kernels, and GConv denotes group convolution with a group number of 32, (c) channel attention module (CAM) of IPAM, (d) the structure of IPAM, and (e) spatial attention module (SAM) of IPAM.
Sensors 24 06434 g003
Figure 4. Accuracy curve of different attention modules inserted into ResNeXt50. (a) Accuracy curve based on TrashIVL-5. (b) Accuracy curve based on TrashIVL-12.
Figure 4. Accuracy curve of different attention modules inserted into ResNeXt50. (a) Accuracy curve based on TrashIVL-5. (b) Accuracy curve based on TrashIVL-12.
Sensors 24 06434 g004
Figure 5. Trash feature maps generated by Grad-CAM. Samples of clothes, plastic, paper, metal, and glass were randomly chosen for illustration. (a) Original samples, (b) the Grad-CAM images of ResNeXt50, and (c) the Grad-CAM images of ResNeXt50+IPAM.
Figure 5. Trash feature maps generated by Grad-CAM. Samples of clothes, plastic, paper, metal, and glass were randomly chosen for illustration. (a) Original samples, (b) the Grad-CAM images of ResNeXt50, and (c) the Grad-CAM images of ResNeXt50+IPAM.
Sensors 24 06434 g005
Figure 6. Confusion matrix for ResNeXt50+IPAM based on TrashIVL-12.
Figure 6. Confusion matrix for ResNeXt50+IPAM based on TrashIVL-12.
Sensors 24 06434 g006
Table 1. Comparison of TrashIVL and other trash image classification datasets. In the “With background” column, × indicates datasets with no background images, ◯ indicates a mixture of images with and without backgrounds, and ✔ indicates datasets where all images have backgrounds.
Table 1. Comparison of TrashIVL and other trash image classification datasets. In the “With background” column, × indicates datasets with no background images, ◯ indicates a mixture of images with and without backgrounds, and ✔ indicates datasets where all images have backgrounds.
Trash Image Classification DatasetsClassesSub ClassesWith BackgroundRecyclable Trash
TrashNet [13]6××
Drinking waste classification [14]4×
Waste pictures [15]34××
Trashbox [16]7×
Garbage dataset [17]10××
Kaggle garbage classification dataset [18]2××
Huaweiyun garbage classify learning [19]40××
Garbage265 [20]265××
TrashIVL (ours)5
Table 2. The corresponding sample distributions of the public datasets constituting TrashIVL.
Table 2. The corresponding sample distributions of the public datasets constituting TrashIVL.
DatasetClothesPlasticPaperMetalGlass
Drinking waste classification [14]-41-2013
Waste pictures [15]-4153108154
TACO [21]-233199-56
Garbage dataset [17]-1536233
Trashbox [16]-319733152505
Kaggle garbage classification dataset [18]304452486161330
Acqualtrash [22]-16756
Huaweiyun garbage classify learning [19]1161092-287729
Garbage256 [20]23429255416-
Table 3. Comparison of different backbones with and without IPAM for trash sorting.
Table 3. Comparison of different backbones with and without IPAM for trash sorting.
DatasetsModelsAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashIVL-5ResNet50 [31]96.13 ± 0.1895.57 ± 0.1194.97 ± 0.2395.65 ± 0.2195.61 ± 0.16
ResNet50+IPAM96.22 ± 0.1296.02 ± 0.2695.09 ± 0.1895.68 ± 0.2696.02 ± 0.08
EfficientNet-B7 [32]95.12 ± 0.0794.40 ± 0.1294.47 ± 0.0594.57 ± 0.0293.55 ± 0.11
EfficientNet-B7+IPAM95.35 ± 0.1894.89 ± 0.1494.22 ± 0.2394.65 ± 0.2894.68 ± 0.17
DenseNet121 [33]96.01 ± 0.1295.52 ± 0.1095.80 ± 0.1595.46 ± 0.0894.83 ± 0.12
DenseNet121+IPAM97.08 ± 0.1596.80 ± 0.1796.08 ± 0.1996.55 ± 0.1596.52 ± 0.09
Xception [34]96.24 ± 0.0495.54 ± 0.0495.02 ± 0.0595.75 ± 0.1495.64 ± 0.07
Xception+IPAM97.36 ± 0.1196.82 ± 0.1996.38 ± 0.1596.90 ± 0.2096.85 ± 0.12
ResNeXt50 [25]96.25 ± 0.0795.72 ± 0.1295.13 ± 0.0995.82 ± 0.1995.76 ± 0.06
ResNeXt50+IPAM97.42 ± 0.1496.88 ± 0.0996.36 ± 0.1897.12 ± 0.1696.99 ± 0.11
TrashIVL-12ResNet50 [31]91.62 ± 0.4290.86 ± 0.4290.57 ± 0.4789.58 ± 0.8590.04 ± 0.61
ResNet50+IPAM92.22 ± 0.3691.85 ± 0.3991.28 ± 0.4090.09 ± 0.5891.12 ± 0.48
EfficientNet-B7 [32]91.55 ± 0.0891.78 ± 0.4491.54 ± 0.2490.29 ± 0.1090.73 ± 0.09
EfficientNet-B7+IPAM92.10 ± 0.2092.02 ± 0.1891.89 ± 0.2691.08 ± 0.3291.96 ± 0.29
DenseNet121 [33]90.57 ± 0.4589.90 ± 0.7689.99 ± 0.5988.42 ± 0.6289.38 ± 0.50
DenseNet121+IPAM91.68 ± 0.2690.06 ± 0.3990.28 ± 0.4490.06 ± 0.5090.88 ± 0.38
Xception [34]91.93 ± 0.2291.12 ± 0.3591.65 ± 0.2890.38 ± 0.3090.15 ± 0.38
Xception+IPAM93.20 ± 0.1692.88 ± 0.2092.59 ± 0.2892.02 ± 0.1691.68 ± 0.28
ResNeXt50 [25]92.16 ± 0.4791.54 ± 0.3691.17 ± 0.5290.41 ± 0.7290.82 ± 0.51
ResNeXt50+IPAM94.08 ± 0.1193.69 ± 0.0893.80 ± 0.1494.01 ± 0.2293.32 ± 0.30
Table 4. Connection of channel and spatial attention.
Table 4. Connection of channel and spatial attention.
DatasetsBackboneConnection ArrangementAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashIVL-5ResNeXt50CAM-SAM94.50 ± 0.2093.85 ± 0.3593.89 ± 0.2893.96 ± 0.3092.87 ± 0.22
CAM-SAM in parallel97.42 ± 0.1496.88 ± 0.0996.36 ± 0.1897.12 ± 0.1696.99 ± 0.11
TrashIVL-12ResNeXt50CAM-SAM92.24 ± 0.2091.15 ± 0.2591.43 ± 0.2691.86 ± 0.1891.25 ± 0.28
CAM-SAM in parallel94.08 ± 0.1193.69 ± 0.0893.80 ± 0.1494.01 ± 0.2293.32 ± 0.30
Table 5. Quantitative evaluation of different channel attention methods. The “Attention” column refers to the attention mechanism used (CBAM, NAM, or IPAM), each with its unique channel attention structure. The “Models” column represents the ResNeXt50 model with the respective channel attention module inserted.
Table 5. Quantitative evaluation of different channel attention methods. The “Attention” column refers to the attention mechanism used (CBAM, NAM, or IPAM), each with its unique channel attention structure. The “Models” column represents the ResNeXt50 model with the respective channel attention module inserted.
DatasetAttentionModelsAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashIVL-5CBAM [26]ResNeXt50+CAM96.20 ± 0.1295.62 ± 0.1495.06 ± 0.1695.74 ± 0.1495.90 ± 0.16
NAM [12]ResNeXt50+CAM96.26 ± 0.0695.75 ± 0.1095.14 ± 0.0895.84 ± 0.0795.97 ± 0.10
IPAMResNeXt50+CAM96.33 ± 0.1595.84 ± 0.1595.24 ± 0.1995.87 ± 0.1895.92 ± 0.25
TrashIVL-12CBAM [26]ResNeXt50+CAM93.72 ± 0.1592.78 ± 0.3192.92 ± 0.1792.71 ± 0.2992.67 ± 0.13
NAM [12]ResNeXt50+CAM93.78 ± 0.1493.46 ± 0.2092.99 ± 0.1692.85 ± 0.1293.09 ± 0.10
IPAMResNeXt50+CAM93.98 ± 0.1393.39 ± 0.3593.21 ± 0.1493.33 ± 0.3293.43 ± 0.52
Table 6. Quantitative evaluation of different spatial attention methods. The "Attention" column refers to the attention mechanism used, and the "Models" column indicates ResNeXt50 with the respective spatial attention module inserted.
Table 6. Quantitative evaluation of different spatial attention methods. The "Attention" column refers to the attention mechanism used, and the "Models" column indicates ResNeXt50 with the respective spatial attention module inserted.
DatasetAttentionModelsAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashIVL-5CBAM [26]ResNeXt50+SAM96.12 ± 0.1595.62 ± 0.1794.96 ± 0.1995.63 ± 0.2095.66 ± 0.25
NAM [12]ResNeXt50+SAM96.28 ± 0.2695.76 ± 0.3495.78 ± 0.3395.83 ± 0.3295.17 ± 0.33
IPAMResNeXt50+SAM96.31 ± 0.2195.74 ± 0.2795.21 ± 0.2795.83 ± 0.2695.96 ± 0.24
TrashIVL-12CBAM [26]ResNeXt50+SAM93.71 ± 0.2693.00 ± 0.3892.91 ± 0.2992.71 ± 0.1192.81 ± 0.23
NAM [12]ResNeXt50+SAM93.98 ± 0.3093.44 ± 0.4693.21 ± 0.3493.28 ± 0.4193.22 ± 0.41
IPAMResNeXt50+SAM94.01 ± 0.1193.53 ± 0.3793.24 ± 0.1193.40 ± 0.0793.22 ± 0.12
Table 7. Comparison of different attention modules inserted into ResNeXt50.
Table 7. Comparison of different attention modules inserted into ResNeXt50.
DatasetModelsAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashIVL-5ResNeXt5096.25 ± 0.0795.72 ± 0.1295.13 ± 0.0995.82 ± 0.1995.76 ± 0.06
ResNeXt50+SE [27]96.35 ± 0.1795.87 ± 0.3695.27 ± 0.2296.02 ± 0.1695.84 ± 0.24
ResNeXt50+ECA [35]96.27 ± 0.2095.80 ± 0.2795.17 ± 0.2695.79 ± 0.2195.79 ± 0.24
ResNeXt50+CBAM [26]96.26 ± 0.1795.78 ± 0.2595.15 ± 0.2395.82 ± 0.2195.82 ± 0.22
ResNeXt50+NAM [12]96.40 ± 0.1595.85 ± 0.2995.33 ± 0.1996.06 ± 0.0895.94 ± 0.15
ResNeXt50+IPAM97.42 ± 0.1496.88 ± 0.0996.36 ± 0.1897.12 ± 0.1696.99 ± 0.11
TrashIVL-12ResNeXt5092.16 ± 0.4791.54 ± 0.3691.17 ± 0.5290.41 ± 0.7290.82 ± 0.51
ResNeXt50+SE [27]93.78 ± 0.1993.14 ± 0.4292.99 ± 0.2192.86 ± 0.4692.93 ± 0.26
ResNeXt50+ECA [35]94.02 ± 0.1493.32 ± 0.3993.25 ± 0.1693.36 ± 0.2593.25 ± 0.23
ResNeXt50+CBAM [26]93.87 ± 0.2493.31 ± 0.2793.09 ± 0.2793.19 ± 0.2893.18 ± 0.18
ResNeXt50+NAM [12]93.84 ± 0.1593.21 ± 0.1793.05 ± 0.1792.99 ± 0.2593.04 ± 0.18
ResNeXt50+IPAM94.08 ± 0.1193.69 ± 0.0893.80 ± 0.1494.01 ± 0.2293.32 ± 0.30
Table 8. Comparison of trash sorting models.
Table 8. Comparison of trash sorting models.
DatasetsModelsAccuracy (%)Recall (%)Kappa (%)Precision (%)F1-Score (%)
TrashNetAlexNet [6]90.08 ± 0.3888.65 ± 0.4087.52 ± 0.2887.37 ± 0.4587.81 ± 0.52
DenseNet169 [7]95.75 ± 0.2995.39 ± 0.3794.77 ± 0.3595.04 ± 0.3394.62 ± 0.33
EfficientNet-B2 [10]94.13 ± 0.2093.56 ± 0.3692.78 ± 0.2292.88 ± 0.3093.17 ± 0.26
Optimized DenseNet121 [8]94.94 ± 0.2294.25 ± 0.8693.77 ± 0.2893.95 ± 0.5093.77 ± 0.42
AM-b Xception [9]94.57 ± 0.3594.07 ± 0.3493.32 ± 0.4293.63 ± 0.6093.34 ± 0.85
ResNeXt50+IPAM96.05 ± 0.1495.50 ± 0.4394.94 ± 0.2694.50 ± 0.1795.16 ± 0.17
TrashIVL-5AlexNet [6]88.86 ± 0.3387.16 ± 0.4887.15 ± 0.3987.21 ± 0.3785.56 ± 0.43
DenseNet169 [7]96.15 ± 0.1895.63 ± 0.1195.76 ± 0.1295.82 ± 0.2595.26 ± 0.23
EfficientNet-B2 [10]96.22 ± 0.1495.65 ± 0.0695.74 ± 0.0895.85 ± 0.9895.10 ± 0.18
Optimized DenseNet121 [8]93.46 ± 0.9193.93 ± 1.9294.42 ± 1.3894.46 ± 1.1193.49 ± 1.13
AM-b Xception [9]96.10 ± 0.1895.31 ± 0.1995.47 ± 0.2595.66 ± 0.3194.94 ± 0.23
ResNeXt50+IPAM97.42 ± 0.1496.88 ± 0.0996.36 ± 0.1897.12 ± 0.1696.99 ± 0.11
TrashIVL-12AlexNet [6]84.16 ± 0.2382.11 ± 0.4482.06 ± 0.3782.46 ± 0.5282.14 ± 0.26
DenseNet169 [7]91.93 ± 0.2691.52 ± 0.3091.19 ± 0.1890.05 ± 0.2890.16 ± 0.20
EfficientNet-B2 [10]91.91 ± 0.2291.57 ± 0.2590.14 ± 0.2591.04 ± 0.2090.67 ± 0.26
Optimized DenseNet121 [8]92.33 ± 0.3592.25 ± 0.2692.27 ± 0.2491.89 ± 0.2392.04 ± 0.13
AM-b Xception [9]93.98 ± 0.2392.78 ± 0.3893.21 ± 0.2692.91 ± 0.2893.17 ± 0.18
ResNeXt50+IPAM94.08 ± 0.1193.69 ± 0.0893.80 ± 0.1494.01 ± 0.2293.32 ± 0.30
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Lin, H.; Zhang, X.; Yu, J.; Xiang, J.; Shen, H.-L. Deep Recyclable Trash Sorting Using Integrated Parallel Attention. Sensors 2024, 24, 6434. https://doi.org/10.3390/s24196434

AMA Style

Lin H, Zhang X, Yu J, Xiang J, Shen H-L. Deep Recyclable Trash Sorting Using Integrated Parallel Attention. Sensors. 2024; 24(19):6434. https://doi.org/10.3390/s24196434

Chicago/Turabian Style

Lin, Hualing, Xue Zhang, Junchen Yu, Ji Xiang, and Hui-Liang Shen. 2024. "Deep Recyclable Trash Sorting Using Integrated Parallel Attention" Sensors 24, no. 19: 6434. https://doi.org/10.3390/s24196434

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop