Next Article in Journal
Design and Fabrication of a Cost-Effective, Remote-Controlled, Variable-Rate Sprayer Mounted on an Autonomous Tractor, Specifically Integrating Multiple Advanced Technologies for Application in Sugarcane Fields
Previous Article in Journal
AIM-Net: A Resource-Efficient Self-Supervised Learning Model for Automated Red Spider Mite Severity Classification in Tea Cultivation
Previous Article in Special Issue
A Cloud-Based Intelligence System for Asian Rust Risk Analysis in Soybean Crops
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

TOM-SSL: Tomato Disease Recognition Using Pseudo-Labelling-Based Semi-Supervised Learning

by
Sathiyamohan Nishankar
1,
Thurairatnam Mithuran
2,
Selvarajah Thuseethan
3,*,
Yakub Sebastian
3,
Kheng Cher Yeo
3 and
Bharanidharan Shanmugam
3
1
Department of Computer Engineering, University of Peradeniya, Peradeniya 70140, Sri Lanka
2
Sri Lanka Institute of Information Technology, Northern University, Malabe 10115, Sri Lanka
3
Faculty of Science and Technology, Charles Darwin University, Casuarina, NT 0810, Australia
*
Author to whom correspondence should be addressed.
AgriEngineering 2025, 7(8), 248; https://doi.org/10.3390/agriengineering7080248
Submission received: 8 July 2025 / Revised: 28 July 2025 / Accepted: 31 July 2025 / Published: 5 August 2025

Abstract

In the agricultural domain, the availability of labelled data for disease recognition tasks is often limited due to the cost and expertise required for annotation. In this paper, a novel semi-supervised learning framework named TOM-SSL is proposed for automatic tomato leaf disease recognition using pseudo-labelling. TOM-SSL effectively addresses the challenge of limited labelled data by leveraging a small labelled subset and confidently pseudo-labelled samples from a large pool of unlabelled data to improve classification performance. Utilising only 10% of the labelled data, the proposed framework with a MobileNetV3-Small backbone achieves the best accuracy at 72.51% on the tomato subset of the PlantVillage dataset and 70.87% on the Taiwan tomato leaf disease dataset across 10 disease categories in PlantVillage and 6 in the Taiwan dataset. While achieving recognition performance on par with current state-of-the-art supervised methods, notably, the proposed approach offers a tenfold enhancement in label efficiency.

1. Introduction

Feeding the projected global population of 10 billion by 2050 will require a substantial increase in food production, estimated at around 60% above current levels [1]. This demand places immense pressure on the agricultural sector, which is already constrained by numerous challenges, including climate change, land degradation and the prevalence of crop diseases. Tomatoes, a globally important vegetable crop valued for their nutritional and economic significance, are particularly vulnerable to a wide range of leaf diseases caused by fungal, bacterial and viral pathogens [2,3]. These diseases not only diminish crop yield but also degrade fruit quality, which threatens the stability of tomato supply chains. According to recent estimates, plant diseases are responsible for considerable yield reductions in staple crops, highlighting the urgent need for scalable and accurate disease detection systems [4]. Early identification of tomato leaf diseases is thus vital for minimising crop loss and improving disease management practices in precision agriculture.
Despite the increasing focus on automated plant disease recognition, a major challenge in the agricultural domain remains the limited availability of labelled data [5]. Acquiring labelled images of diseased crops typically requires expert annotation, which is both time-consuming and costly. In contrast, large volumes of unlabelled plant images can be easily collected using field sensors, drones or mobile devices. This imbalance presents a unique opportunity for semi-supervised learning (SSL), a paradigm that aims to train models using a small amount of labelled data alongside a large pool of unlabelled data [6]. Effectively leveraging limited supervision and abundant unlabelled samples has been a long-standing challenge in machine learning. SSL is increasingly recognised as a promising approach for reducing dependence on manual labelling while maintaining performance under data scarcity. Recently, semi-supervised few-shot learning has been applied in plant disease recognition and has demonstrated promising performance [7].
A variety of SSL techniques have been proposed over the past decades, including consistency regularisation, entropy minimisation, graph-based methods, and generative models [8]. Among these, pseudo-labelling has emerged as one of the most practical and effective approaches, particularly for image classification tasks [9]. It operates by assigning artificial labels to unlabelled data using a model trained on a small labelled subset, enabling the model to iteratively improve its performance as more pseudo-labelled samples are incorporated. Compared to other SSL methods, pseudo-labelling is straightforward to implement, scalable to large datasets, and compatible with existing supervised architectures, making it highly suitable for real-world agricultural applications. Despite its advantages, to the best of the current knowledge, no prior work has applied pseudo-labelling-based semi-supervised learning to the task of tomato leaf disease recognition. This highlights a critical research gap and highlights the need for a data-efficient framework tailored to the unique challenges of tomato leaf disease detection.
A data-efficient pseudo-labelling strategy is introduced through the TOM-SSL framework, which leverages unlabelled samples via an SSL paradigm and employs MobileNetV3-Small as a lightweight backbone to enable early and accurate recognition of tomato leaf diseases under limited labelled data conditions. The key contributions of this paper are given as follows:
  • TOM-SSL Framework: A novel pseudo-labelling-based semi-supervised learning framework, as illustrated in Figure 1, is proposed to improve early-stage recognition of diverse tomato leaf diseases.
  • Data-Efficient Learning: The proposed TOM-SSL framework addresses the prevalent challenge of limited labelled data in tomato disease recognition by systematically leveraging the abundance of unlabelled data through a semi-supervised learning approach. To further reduce the initial labelled data, MobileNetV3-Small is used as the backbone.
  • Extensive Benchmarking: A comprehensive evaluation of the proposed TOM-SSL framework is conducted on two challenging and publicly available tomato leaf datasets (https://data.mendeley.com/datasets/ngdgg79rzb/1, accessed on 1 July 2025). Experimental results demonstrate the superior performance of TOM-SSL in accurately recognising tomato leaf diseases compared to existing state-of-the-art methods under limited labelled data.
Below is the outline for the rest of the paper. Section 2 reviews relevant literature for tomato leaf disease recognition. The proposed TOM-SSL framework used for recognising tomato leaf disease is presented in Section 3. In Section 4, the experiments and the results obtained are presented. Finally, in Section 5, the paper is wrapped up with a conclusion and potential future works.

2. Related Work

Tomato leaf disease classification has been the subject of extensive research over the past decades, reflecting its significance in agricultural health monitoring. This section adopts a two-pronged focus: the first examines general approaches to tomato leaf disease recognition (Section 2.1), while the second reviews methodologies specifically designed to address the challenge of limited labelled data in agriculture (Section 2.2). Readers are encouraged to refer to recent surveys [10,11,12] for a broader overview of the literature on plant disease recognition.

2.1. Tomato Disease Recognition

Early tomato disease recognition studies primarily relied on handcrafted feature extraction and classical machine learning algorithms, such as support vector machines (SVMs) [13], K-Nearest Neighbours (KNNs) [14] and decision tree (DT) [15]. While these approaches showed promise on controlled datasets, their performance degraded significantly in real-world scenarios where disease symptoms vary in intensity, lighting, and background noise [10]. The reliance on manual feature design also limited the generalisability of these models to diverse disease types in tomato.
Recent advances have seen a shift towards deep learning for end-to-end feature extraction and classification [16]. Several state-of-the-art deep neural networks have been used for recognising diseases from tomato leaves. In [17,18], variants of the ResNet architecture are employed as both feature extractors and classifiers, demonstrating strong performance. To tackle occlusion and small disease regions, Sun et al. [19] proposed a novel approach to boost global-local feature learning, achieving 97.2% mAP50 and outperforming YOLOv10s. In response to the challenges of detecting tomato diseases in complex environments, the TomatoDet model proposed in [20] integrates Swin-DDETR-based self-attention, a Meta-ACON activation function, and an improved BiFPN to enhance small lesion detection, reduce false detections and achieve an mAP of 92.3% with real-time performance. In [21], a YOLOv8-based model achieved 66.67% accuracy for tomato disease detection in Saudi Arabia, which highlights challenges in class differentiation and the need for further improvements. In [22], an improved YOLOv7 model achieved 98.8% accuracy in detecting and classifying seven tomato leaf diseases under field-like conditions.
To facilitate deployment on resource-constrained devices, lightweight models have been developed, offering efficient classification with reduced computational requirements [23]. Le et al. [24] introduced a lightweight hybrid architecture that integrates convolutional and recurrent neural networks for tomato leaf disease classification, demonstrating competitive performance while maintaining computational efficiency. To facilitate real-time tomato leaf disease detection on embedded devices, in [25], an enhanced YOLOv8n model is proposed, which achieved a 64.85% increase in detection speed on Jetson Nano while maintaining high accuracy. Despite the proliferation of lightweight deep learning models for tomato leaf disease recognition, there remains a notable gap in addressing the challenges posed by limited labelled datasets.

2.2. Plant Disease Recognition with Limited Data

Despite the success of deep learning models, their performance often hinges on the availability of large, annotated datasets, which is a major limitation in agricultural contexts where labelled data is scarce. To address this, several studies have explored learning strategies under limited supervision. For instance, in [26], transfer learning with pre-trained CNNs is utilised to compensate for small labelled datasets, while [27] adopts a semi-supervised learning approach using consistency regularisation to improve generalisation with fewer annotations. George et al. [28] conducted a comprehensive comparative analysis of state-of-the-art pre-trained deep neural networks, encompassing both deep and lightweight architectures, for plant disease classification through fine-tuning approaches. Bakır [29] conducted a comprehensive study evaluating the impact of fine-tuning pre-trained CNN architectures on tomato disease detection. The research emphasises the significance of synchronously tuning both the feature extraction and classification phases of CNN models, demonstrating that such an approach can substantially enhance detection performance in complex agricultural environments. Dong et al. [30] investigated the impact of fine-tuning paradigms on out-of-distribution detection for plant diseases. This demonstrates that visual prompt tuning significantly outperforms traditional fine-tuning methods, achieving an AUROC of 94.8% in eight-shot settings, which in turn enhances the recognition of previously unseen plant diseases.
In another recent study, researchers explored the application of Vision Transformer (ViT) models, such as ViT-ImageNet, ViT-Base, and ViT-Small, for tomato leaf disease classification, demonstrating that these transfer learning approaches achieved superior accuracy on both the PlantVillage dataset and the newly introduced TomatoEbola dataset [31]. In a recent study, Alam et al. [32] conducted a comprehensive evaluation of nine widely used pre-trained CNN models, such as DenseNet201, EfficientNetB3, EfficientNetB4, InceptionResNetV2, MobileNetV2, ResNet50, ResNet152, VGG16, and Xception, fine-tuned for plant leaf disease detection. They compared these models against a custom-designed CNN architecture, assessing various performance metrics. The findings revealed that the custom CNN achieved performance comparable to the pre-trained models while demonstrating superior computational efficiency, highlighting its potential for dealing with small labelled data. Thuseethan et al. [2] introduced a novel Siamese-network-based lightweight framework for automatic tomato leaf disease recognition, achieving high accuracy on both the PlantVillage and Taiwan tomato leaf disease datasets. This approach demonstrates effectiveness in handling imbalanced and small datasets with a model comprising approximately 2.96 million trainable parameters.
In the broader context of plant disease recognition, a handful of approaches have been explored to mitigate the limitations posed by scarce labelled data. This includes methods such as few-shot learning, self-supervised learning, and semi-supervised learning to enhance model performance under data constraints. However, these methodologies have not been specifically tailored or extensively applied to tomato leaf disease recognition. Consequently, there is a pressing need for research focused on developing and adapting techniques to effectively address the challenge of limited labelled data within this specific domain.

3. Proposed Method

The proposed TOM-SSL framework addresses the challenge of limited labelled data in tomato leaf disease recognition by leveraging a pseudo-labelling-based SSL approach, which in turn enhances tomato leaf disease recognition performance in scenarios with limited labelled datasets. An overall flow of the TOM-SSL framework is illustrated in Figure 1. Initially, a small fraction (10%) of the available dataset is labelled, while the remaining data is unlabelled. The framework iteratively enhances the training set by incorporating high-confidence pseudo-labelled samples from the unlabelled data, which leads to improved model performance without requiring extensive manual annotation.

3.1. Problem Setting

Let the entire tomato disease dataset be denoted as D = { x i } i = 1 N , where each x i represents an image of a tomato leaf. The dataset comprises N samples, each potentially belonging to one of C distinct disease classes, which includes diseased and healthy leaves. To effectively implement the SSL approach, the tomato disease dataset D is partitioned into two disjoint subsets:
  • Labelled Set  D L = { ( x i , y i ) } i = 1 N L : This subset contains N L samples, where each sample x i is paired with its corresponding ground truth label y i { 1 , 2 , , C } . In the proposed TOM-SSL framework, N L is set to 10% of the total tomato disease dataset size, i.e., N L = 0.1 × N . This limited labelled set serves as the initial training data for the model.
  • Unlabelled Set  D U = { x j } j = 1 N U : Comprising the remaining 90% of the tomato disease dataset, this subset includes N U = N N L samples without associated labels. These unlabelled samples are utilised in the SSL process through pseudo-labelling.
The partitioning strategy employed ensures that the labelled set D L is representative of all tomato disease classes and the healthy class, maintaining class balance to the extent possible. This is achieved by stratified sampling, where the proportion of each class in D L mirrors that in the full dataset D . Such a strategy is crucial to prevent class imbalance issues during the initial supervised training phase.
The unlabelled set D U is then leveraged in subsequent training iterations. The model trained on D L predicts labels for samples in D U , and high-confidence predictions are incorporated back into the training set as pseudo-labelled data. The threshold of confidence value is set to 0.8 to select the high-confidence samples. This iterative process continues until a stopping criterion is met, which is when no new high-confidence pseudo-labels can be generated.

3.2. Backbone Model

The TOM-SSL framework employs MobileNetV3-Small as its base classifier, denoted as f θ , parameterised by θ . Designed for resource-constrained environments, this architecture is well-suited for tasks like tomato leaf disease recognition, where efficient training with only limited data is crucial. More importantly, the MobileNetV3-Small is optimised for mobile and embedded devices [33]. MobileNetV3-Small was selected as a lightweight backbone suitable for environments with limited labelled data due to its extremely compact architecture and efficient performance. With only  2.5 million parameters and a model size under 10 MB, it delivers strong classification accuracy with very low inference latency, which makes it ideal for SSL on small agricultural datasets [34]. It also combines several advanced techniques such as inverted residual blocks, squeeze-and-excitation (SE) modules, and the hard-swish activation function to achieve a balance between performance and efficiency. Hence, the choice of MobileNetV3-Small ensures that the model remains lightweight and efficient, facilitating deployment in real-world agricultural settings where computational resources may be limited.
Given an input image x R H × W × 3 , where H and W denote the height and width, respectively, the model outputs a probability distribution over C disease classes as given below.
f θ ( x ) = p = [ p 1 , p 2 , , p C ] , where c = 1 C p c = 1
Here, p c represents the predicted probability that image x belongs to class c.

3.3. Training Procedure

In the semi-supervised TOM-SSL framework, the model initially trains on the labelled dataset D L . Subsequently, it generates pseudo-labels for the unlabelled dataset D U by predicting labels for unlabelled samples. High-confidence predictions are then incorporated into the training set, effectively expanding D L with pseudo-labelled data. Here, the confidence threshold is set to 0.80, indicating that a sample is assigned a pseudo-label only if its predicted class probability satisfies p i > 0.8 for some i C , where C denotes the set of all plant disease and healthy classes. The threshold value of 0.8 was determined through a grid search procedure, which systematically evaluated multiple candidate thresholds to identify the value that yielded the best performance on the validation set. This iterative process continues, allowing the model to leverage both labelled and unlabelled data to improve performance.
The training process of the TOM-SSL framework is conducted iteratively, with each iteration consisting of the following key phases. A comprehensive summary of the overall training procedure is presented in Algorithm 1.
Step 1: 
Train the model with labelled data
The model is trained using the cross-entropy loss function, which measures the discrepancy between the predicted class probabilities and the true labels. This loss function encourages the model to assign high probabilities to the correct classes. Given a labelled dataset D L = { ( x i , y i ) } i = 1 N L , where x i is the i-th input sample and y i { 1 , 2 , , C } is the corresponding ground truth label among C classes, the cross-entropy loss is defined as
L CE = 1 N L i = 1 N L c = 1 C I [ y i = c ] log p i , c
where p i , c denotes the predicted probability of class c for the i-th sample, typically obtained using a softmax activation over the model’s output logits. I [ y i = c ] is an indicator function that equals 1 if the true label y i is equal to c, and 0 otherwise. This ensures that only the log-probability corresponding to the correct class contributes to the loss.
The term is averaged over all labelled samples N L to normalise the loss and provide consistent gradient updates during backpropagation. By minimising L CE , the model is optimised to predict probability distributions that align closely with the true label distribution of the training data.
Step 2: 
Predict pseudo-labels for the unlabelled data
After training on D L , the model predicts labels for the unlabelled data D U . For each unlabelled sample x j D U , the model computes the predicted probabilities p ( j ) = f θ ( x j ) . A pseudo-label y ^ j is assigned if the maximum predicted probability exceeds a predefined confidence threshold τ :
y ^ j = arg max c p c ( j ) if max c p c ( j ) τ
The set of pseudo-labelled samples is denoted as
D P = { ( x j , y ^ j ) x j D U , max c p c ( j ) τ }
Step 3: 
Select high confidence samples
In SSL, to leverage additional training signals from unlabelled data, the pseudo-labelled set D P , which consists of confidently predicted labels y ^ j for unlabelled samples x j , is incorporated into the labelled dataset. This results in an augmented labelled dataset that includes both the original labelled samples and the newly pseudo-labelled ones:
D L D L D P
This pseudo-label augmentation enriches the supervision available to the model during training. In parallel, to prevent duplicate or inconsistent learning from the same data points, the corresponding pseudo-labelled samples are removed from the unlabelled dataset D U :
D U D U { x j ( x j , y ^ j ) D P }
This ensures that each sample is used either as an unlabelled instance or as a pseudo-labelled one during training, but not both simultaneously. By iteratively incorporating high-confidence pseudo-labels into the labelled set and pruning them from the unlabelled pool, the model progressively refines its performance using a semi-supervised learning strategy.
Step 4: 
Retraining with the pseudo and labelled data
The overall training process proceeds iteratively, alternating between supervised learning on the labelled data and the generation of pseudo-labels for the most confident unlabelled samples. In each iteration, the model is retrained on the augmented labelled dataset D L , and a new set of high-confidence pseudo-labels is generated from the current unlabelled dataset D U . These pseudo-labelled samples are then incorporated into D L while being removed from D U , as described earlier.
This process is repeated until one of the following stopping criteria is satisfied:
  • The unlabelled dataset D U becomes empty, meaning that all available samples have been confidently assigned pseudo-labels and added to the labelled set.
  • The number of pseudo-labelled samples selected in the current iteration falls below a predefined threshold, indicating that the model is no longer able to assign labels to additional unlabelled samples confidently. This serves as a convergence criterion to avoid overfitting or the propagation of incorrect labels.
By adopting this iterative approach, the model incrementally improves its performance by utilising both the ground-truth labels and the high-confidence predictions, thereby achieving a more effective semi-supervised learning framework.
The supervised learning and pseudo-labelling steps are repeated iteratively until one of the following stopping criteria is met:
  • The unlabelled set D U becomes empty.
  • The number of pseudo-labelled samples in an iteration falls below a predefined threshold, indicating convergence.
Algorithm 1 TOM-SSL Training Procedure
Require: Labelled dataset D L , unlabelled dataset D U , confidence threshold τ
Ensure: Trained model f θ
  1: while  D U is not empty do
  2:    Train f θ on D L using cross-entropy loss
  3:    Initialise D P
  4:    for each x j D U  do
  5:        Compute p ( j ) = f θ ( x j )
  6:        if  max c p c ( j ) τ  then
  7:           Assign y ^ j = arg max c p c ( j )
  8:            D P D P { ( x j , y ^ j ) }
  9:        end if
10:    end for
11:     D L D L D P
12:     D U D U { x j ( x j , y ^ j ) D P }
13:    if size of D P < threshold then
14:        break
15:    end if
16: end while
17: return  f θ
Upon completion of the iterative training process, the final model f θ is evaluated on a separate test set D test = { ( x k , y k ) } k = 1 N test using standard classification metrics. Next, the experiments and results are discussed.

4. Experiments and Results

This section presents a detailed description of the dataset, outlines the experimental setup, and describes the experiments conducted. Furthermore, the results are reported and discussed.

4.1. Datasets

The proposed TOM-SSL framework for tomato leaf disease recognition is evaluated on two publicly available benchmark datasets (https://data.mendeley.com/datasets/ngdgg79rzb/1, accessed on 1 July 2025). One is a subset of the PlantVillage dataset comprising tomato-specific disease samples, and the other is the Taiwan Tomato Disease dataset. Figure 2 presents one representative image sample from each class in both datasets.
The tomato subset of the PlantVillage dataset comprises 14,461 images categorised into ten distinct classes, including nine disease types and one healthy class. The disease classes included are Early Blight (800), Bacterial Spot (1702 images), Leaf Mould (762), Late Blight (1528), Target Spot (1124), Septoria Leaf Spot (1417), Mosaic Virus (299), Two-spotted Spider Mite (1341) and Yellow Leaf Curl Virus (4286). The rest of the samples are for the Healthy class. This dataset is notably imbalanced (illustrated in Figure 3 (left)), with a significant disparity in class distribution; the tomato yellow leaf curl virus class, as the majority, contains nearly fourteen times more images than the tomato mosaic virus class, which has the fewest samples. All images depict a single tomato leaf on a uniform background and have been resized to 227 × 227 pixels for consistency in model input.
The original Taiwan Tomato Disease Dataset is relatively limited in size and is utilised to assess the performance of the proposed model. It comprises 622 tomato leaf images, each resized to 227 × 227 pixels and distributed across six categories, including both healthy and diseased classes: Black Mould (67), Bacterial Spot (100 samples), Grey Spot (84), Late Blight (98), Powdery Mildew (157) and Healthy (106). To address the limited sample size, an augmented version of the dataset is created by applying a range of image augmentation techniques. These include rotations of 90°, 180° and 270°; horizontal and vertical mirroring; and brightness adjustments. This dataset exhibits a relatively lower degree of class imbalance (illustrated in Figure 3 right) compared to the tomato subset of the PlantVillage dataset. The resulting augmented dataset significantly increases the number of samples, yielding a total of 4976 tomato leaf images.

4.2. Experimental Settings

4.2.1. Environments

A lightweight MobileNetV3-Small model, pretrained on the ImageNet dataset, serves as the backbone of the TOM-SSL framework. Distinct training configurations are employed for the initialisation and retraining phases of the model. During the initialisation phase, the model is trained for 100 epochs using stochastic gradient descent (SGD) with a mini-batch size of 32 and a momentum value of 0.9. The initial learning rate is set to 0.01 and follows a step-down decay policy, with a decay rate of 0.001 (i.e., 1/1000). In contrast, each retraining phase consists of 50 training epochs, with a reduced mini-batch size of 16. The initial learning rate and decay rate for this phase are set to 0.001 and 0.0005, respectively, while maintaining the same SGD optimiser configuration with a momentum of 0.9. To mitigate overfitting, L2 regularisation is applied throughout both phases. Furthermore, early stopping is utilised in both training stages to prevent unnecessary iterations once performance ceases to improve.

4.2.2. Implementations and Evaluation Metrics

The proposed framework, along with the baseline methods for comparison, is implemented using the open-source PyTorch machine learning library (https://pytorch.org/, accessed on 16 June 2025). Model training is conducted within the Google Colab environment (https://colab.research.google.com/, accessed on 16 June 2025). Performance evaluation is conducted on a system equipped with an Intel Xeon CPU @ 2.30 GHz, supported by an NVIDIA Tesla T4 GPU with 13 GB of RAM.
To evaluate the performance of the proposed method, two widely adopted metrics, namely the average accuracy and macro F1 score, are employed. Accuracy provides a direct measure of how closely the predicted tomato disease class matches the actual class label. However, in the presence of class imbalance, accuracy alone may not be sufficient to capture model performance across all categories. The macro F1 score addresses this limitation by computing the unweighted mean of the F1 scores for each class, thereby giving equal importance to all classes regardless of their frequency in the dataset. This combination offers a balanced and interpretable assessment for imbalanced multi-class classification. Additional metrics were omitted, as macro F1-score already incorporates both precision and recall effectively. The accuracy and macro F1 score are defined as
Accuracy = t p + t n t p + t n + f p + f n , Macro F 1 = 1 N i = 1 N 2 · t p 2 · t p + f p + f n
where t p , t n , f p , and f n represent the number of true positives, true negatives, false positives, and false negatives, respectively.

4.3. Results and Discussion

This section presents and analyses the performance of the proposed TOM-SSL framework on the PlantVillage and Taiwan tomato disease datasets. The results are reported in terms of average accuracy and macro F1 score and are compared against fully supervised and other semi-supervised baselines.

4.4. Performance on the PlantVillage Dataset

Fully supervised approaches have consistently achieved very good performance in tomato leaf disease classification and are widely regarded as the state of the art in image-based plant disease recognition [35]. Supervised deep learning methods remain the de facto benchmark, while alternative learning paradigms, particularly those not leveraging deep hierarchical feature representations, demonstrate substantially lower accuracy in tomato leaf disease recognition frameworks [36]. Hence, only the supervised techniques and alternative semi-supervised techniques are compared here against the proposed approach.
Table 1 presents a comparative evaluation of multiple fully supervised and semi-supervised models on the PlantVillage tomato subset, conducted using only 10% of the labelled data. Among the fully supervised approaches, MobileNetV3-Small and Vision Transformer Tiny (ViT-Tiny) achieve the highest accuracy (59.39% and 58.78%, respectively) and macro F1 scores (54.17% and 53.63%, respectively), outperforming other architectures such as the EfficientNet-B0, Swin-Tiny, and ConvNeXt variants. These findings indicate that lightweight transformer-based models and compact convolutional networks can achieve comparatively strong performance under limited labelled data conditions. However, their accuracy remains insufficient for dependable disease classification in real-world applications. Notably, the performance of ConvNeXt-Tiny is the lowest in both metrics, highlighting its sensitivity to label scarcity.
In contrast, the semi-supervised methods demonstrate a clear performance advantage over their fully supervised counterparts. Classical consistency-regularisation approaches such as VAT and Mean Teacher surpass most supervised baselines, with VAT achieving 62.18% accuracy and 58.78% macro F1. More advanced contrastive learning methods like SimSiam, MoCo, and MixMatch continue this upward trend, with MoCo achieving 71.41% accuracy and 62.25% macro F1. More importantly, as can be seen, the proposed TOM-SSL framework further improves upon these results, achieving the highest scores in both accuracy (72.51%) and macro F1 (65.46%). This superior performance highlights the effectiveness of TOM-SSL in leveraging both labelled and unlabelled data through an efficient pseudo-labelling strategy.
The confusion matrix presented in Figure 4 reveals that the TOM-SSL framework performs strongly on several classes, particularly Yellow Leaf Curl and Bacterial Spot, with class-specific accuracies of 86% and 74.9%. Similarly, the classes Healthy and Late Blight exhibit relatively strong performance, whereas others, such as Mosaic Virus, Leaf Mould and Early Blight, achieve class-specific accuracies below 60%. There is notable confusion between the Yellow Leaf Curl and Mosaic Virus classes, with 8.0% of Yellow Leaf Curl samples misclassified as Mosaic Virus and 17.9% of Mosaic Virus samples incorrectly predicted as Yellow Leaf Curl. This is mainly due to the biological similarities in how symptoms appear, which can cause overlap between different conditions and make them harder to distinguish accurately. Similarly, substantial misclassification is observed between Septoria Leaf Spot and Bacterial Spot, as well as between Late Blight and Early Blight, indicating that these class pairs exhibit overlapping visual characteristics that challenge the model’s discriminative capability.

4.5. Performance on the Taiwan Tomato Disease Dataset

Table 2 presents a comparative evaluation of various deep learning models under both fully supervised and semi-supervised learning settings on the Taiwan tomato dataset, using only 10% of the labelled data. The fully supervised models, despite being widely adopted in vision tasks, show limited performance under label-scarce conditions. For instance, ViT-Tiny and MobileNetV3-Small yield the highest accuracy scores within this category (57.63% and 56.52%, respectively), while ConvNeXt-Tiny lags significantly behind with only 37.03% accuracy and 34.18% Macro F1. These results suggest that relying solely on limited annotated data restricts the learning capacity of even state-of-the-art architectures.
Conversely, the semi-supervised models demonstrate clear performance improvements across all metrics. Classical methods like Mean Teacher and VAT deliver noticeable gains over the supervised baselines, while modern contrastive and consistency-based methods such as SimSiam, MoCo and MixMatch exhibit substantial boosts in both accuracy and Macro F1. Notably, the proposed TOM-SSL framework achieves the best performance, reaching 70.87% accuracy and 69.28% macro F1. This reinforces the value of semi-supervised learning in low-resource contexts and suggests that TOM-SSL’s architecture, likely benefiting from an integrated pseudo-labelling strategy, is particularly effective in extracting discriminative features from unlabelled data.
The confusion matrix illustrated in Figure 5 depicts the class-wise classification performance across six categories in the Taiwan dataset. Powdery Mildew demonstrates relatively high classification performance, with 78.1% of its samples correctly identified, although a few were misclassified as Late Blight and Bacterial Spot. In contrast, the Black Mould class demonstrates significant misclassification, with only 50% of the samples correctly identified, while a considerable proportion are erroneously classified as Bacterial Spot and Grey Spot. The Healthy, Bacterial Spot, and Late Blight classes exhibit moderate classification performance, with accuracies of 77.3%, 72.7% and 70%, respectively. Frequent misclassifications are observed between the Black Mould and Grey Spot classes, as well as between the Late Blight and Powdery Mildew classes.

4.6. Discussion

The experimental findings across both the PlantVillage and Taiwan tomato disease datasets consistently demonstrate the effectiveness of the proposed TOM-SSL framework in semi-supervised settings with limited annotated data. In both datasets, TOM-SSL achieves the highest accuracy and macro F1 scores compared to existing fully supervised and semi-supervised baselines. These results highlight the model’s ability to effectively exploit unlabelled data through its pseudo-labelling strategy, which enhances generalisation performance and reduces dependence on extensive labelled datasets. This capability is particularly beneficial in agricultural disease detection, where manual annotation is both labour-intensive and resource-demanding.
A detailed analysis of the confusion matrices reveals the challenges and strengths of the model in class-wise prediction. TOM-SSL demonstrates high discriminative capability for certain disease classes such as Yellow Leaf Curl, Powdery Mildew and Healthy, suggesting that the model effectively captures distinctive visual patterns for these categories. However, consistent misclassifications between visually similar disease pairs—such as Yellow Leaf Curl vs. Mosaic Virus, Black Mould vs. Grey Spot, and Late Blight vs. Early Blight—highlight the limitations posed by subtle inter-class variations and noisy or overlapping image features. These confusions suggest potential areas for enhancement, such as incorporating attention mechanisms, domain-specific augmentations, or multi-modal data (e.g., spectral or temporal features) to improve the model’s discriminative power. Overall, TOM-SSL proves to be a promising framework for practical deployment in low-label agricultural contexts while also leaving room for future improvements in fine-grained disease recognition.

5. Conclusions

Labelled data is often limited in the agricultural domain due to various factors, such as the high cost of expert annotation, seasonal availability of crop conditions and the diverse and complex nature of plant diseases. These challenges significantly hinder the scalability and generalisation of supervised learning approaches in real-world agricultural applications. In particular, expert labelling often requires domain-specific knowledge that is not readily accessible in many agricultural regions, while variations in plant phenotypes across seasons and geographical locations further complicate the annotation process. Additionally, the visual similarities between different disease symptoms and between healthy and early-stage diseased plants reduce the reliability of manual labelling, leading to inconsistencies in training datasets. As a result, models trained purely on limited labelled data often suffer from poor generalisation when deployed in unseen or dynamic environments. This limitation calls for alternative learning paradigms that can effectively utilise the vast amount of unlabelled agricultural data while reducing reliance on costly annotations.
The proposed TOM-SSL framework demonstrated strong potential in addressing the challenges of tomato disease classification under limited labelled data conditions by leveraging the power of semi-supervised learning. Through extensive evaluations on both the PlantVillage and Taiwan tomato disease datasets, TOM-SSL consistently outperforms existing fully supervised and semi-supervised baselines, achieving the highest accuracy and macro F1 scores using only 10% of labelled data. These improvements can be attributed to its robust pseudo-labelling mechanism and tailored design, which effectively utilise unlabelled data to enhance generalisation capabilities. The confusion matrix analysis further reveals that TOM-SSL maintains strong class-wise prediction performance across several disease types, although confusion persists among certain visually similar classes, which indicates opportunities for refinement.
As future work, the TOM-SSL framework can be extended to include domain-specific data augmentation strategies or attention mechanisms to improve class separability. These strategies may incorporate prior knowledge of plant morphology to generate more realistic variations, which in turn enhance the model’s ability to distinguish between visually similar disease classes. Furthermore, integrating TOM-SSL with lightweight architectures could facilitate deployment on edge devices, which enables real-time disease diagnosis in resource-constrained settings such as rural farms. Evaluating the model’s robustness under challenging environmental conditions, such as varying lighting, occlusion, motion blur, and field-level noise, is also essential to ensure its reliability in practical agricultural scenarios. In addition, future research may explore the combination of TOM-SSL with active learning or continual learning paradigms, allowing the model to selectively query informative samples and adapt incrementally to new disease types or domain shifts.

Author Contributions

Conceptualisation, S.N., T.M. and S.T.; methodology, S.N., T.M. and S.T.; software, S.N. and T.M.; validation, S.T., Y.S. and K.C.Y.; formal analysis, S.T., Y.S., K.C.Y. and B.S.; investigation, S.N., T.M. and S.T.; resources, S.N., T.M. and S.T.; data curation, S.N., T.M. and S.T.; writing—original draft preparation, S.N., T.M. and S.T.; writing—review and editing, S.T., Y.S., K.C.Y. and B.S.; visualisation, S.N., T.M. and S.T.; supervision, S.T., Y.S., K.C.Y. and B.S.; project administration, S.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The authors have used a publicly available dataset downloaded from https://data.mendeley.com/datasets/ngdgg79rzb/1 (accessed on 1 July 2025).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Fróna, D.; Szenderák, J.; Harangi-Rákos, M. The challenge of feeding the world. Sustainability 2019, 11, 5816. [Google Scholar] [CrossRef]
  2. Thuseethan, S.; Vigneshwaran, P.; Charles, J.; Wimalasooriya, C. Siamese network-based lightweight framework for tomato leaf disease recognition. Computers 2024, 13, 323. [Google Scholar] [CrossRef]
  3. Nishankar, S.; Pavindran, V.; Mithuran, T.; Nimishan, S.; Thuseethan, S.; Sebastian, Y. ViT-RoT: Vision Transformer-Based Robust Framework for Tomato Leaf Disease Recognition. AgriEngineering 2025, 7, 185. [Google Scholar] [CrossRef]
  4. John, M.A.; Bankole, I.; Ajayi-Moses, O.; Ijila, T.; Jeje, T.; Lalit, P. Relevance of advanced plant disease detection techniques in disease and Pest Management for Ensuring Food Security and Their Implication: A review. Am. J. Plant Sci. 2023, 14, 1260–1295. [Google Scholar] [CrossRef]
  5. Cravero, A.; Pardo, S.; Sepúlveda, S.; Muñoz, L. Challenges to use machine learning in agricultural big data: A systematic literature review. Agronomy 2022, 12, 748. [Google Scholar] [CrossRef]
  6. Loeffler, C.; Hvingelby, R.; Goschenhofer, J. Learning with Limited Labelled Data. In Unlocking Artificial Intelligence: From Theory to Applications; Springer: Berlin/Heidelberg, Germany, 2024; pp. 77–94. [Google Scholar]
  7. Li, Y.; Chao, X. Semi-supervised few-shot learning approach for plant diseases recognition. Plant Methods 2021, 17, 68. [Google Scholar] [CrossRef] [PubMed]
  8. Van Engelen, J.E.; Hoos, H.H. A survey on semi-supervised learning. Mach. Learn. 2020, 109, 373–440. [Google Scholar] [CrossRef]
  9. Lee, D.H. Pseudo-label: The simple and efficient semi-supervised learning method for deep neural networks. In Proceedings of the Workshop on Challenges in Representation Learning, ICML, Atlanta, GA, USA, 16–21 June 2013; Volume 3, p. 896. [Google Scholar]
  10. George, R.; Thuseethan, S.; Ragel, R.G.; Mahendrakumaran, K.; Nimishan, S.; Wimalasooriya, C.; Alazab, M. Past, present and future of deep plant leaf disease recognition: A survey. Comput. Electron. Agric. 2025, 234, 110128. [Google Scholar] [CrossRef]
  11. Yue, X.; Qi, K.; Na, X.; Liu, Y.; Yang, F.; Wang, W. Deep learning for recognition and detection of plant diseases and pests. Neural Comput. Appl. 2025, 37, 11265–11310. [Google Scholar] [CrossRef]
  12. Sharma, S.; Sharma, G.; Menghani, E. Tomato plant disease detection with pretrained CNNs: Review of performance assessment and visual presentation. In Artificial Intelligence in Medicine and Healthcare; CRC Press: Boca Raton, FL, USA, 2025; pp. 67–85. [Google Scholar]
  13. Mokhtar, U.; El Bendary, N.; Hassenian, A.E.; Emary, E.; Mahmoud, M.A.; Hefny, H.; Tolba, M.F. SVM-based detection of tomato leaves diseases. In Proceedings of the Intelligent Systems’ 2014: Proceedings of the 7th IEEE International Conference Intelligent Systems IS’2014, Warsaw, Poland, 24–26 September 2014; Springer: Cham, Switzerland, 2015; Volume 2, pp. 641–652. [Google Scholar]
  14. Nasution, A.S.; Alvin, A.; Siregar, A.T.; Sinaga, M.S. KNN algorithm for identification of tomato Disease based on image segmentation using enhanced K-Means clustering. Kinet. Game Technol. Inf. Syst. Comput. Netw. Comput. Electron. Control 2022, 7, 299–308. [Google Scholar] [CrossRef]
  15. Sabrol, H.; Satish, K. Tomato plant disease classification in digital images using classification tree. In Proceedings of the 2016 International Conference on Communication and Signal Processing (ICCSP), Helsinki, Finland, 20–21 December 2016; IEEE: Piscataway, NJ, USA, 2016; pp. 1242–1246. [Google Scholar]
  16. Singh, A.; Kumar, S.; Choudhury, D. Tomato Leaf Disease Prediction Based on Deep Learning Techniques. In Proceedings of the International Conference on Computation of Artificial Intelligence & Machine Learning, Jaipur, India, 18–19 January 2024; Springer: Berlin/Heidelberg, Germany, 2024; pp. 357–375. [Google Scholar]
  17. Kunduracioglu, I. Utilizing resnet architectures for identification of tomato diseases. J. Intell. Decis. Mak. Inf. Sci. 2024, 1, 104–119. [Google Scholar] [CrossRef]
  18. Kalaivani, S.; Tharini, C.; Viswa, T.S.; Sara, K.F.; Abinaya, S. ResNet-based classification for leaf disease detection. J. Inst. Eng. Ser. 2025, 106, 1–14. [Google Scholar] [CrossRef]
  19. Sun, H.; Fu, R.; Wang, X.; Wu, Y.; Al-Absi, M.A.; Cheng, Z.; Chen, Q.; Sun, Y. Efficient deep learning-based tomato leaf disease detection through global and local feature fusion. BMC Plant Biol. 2025, 25, 311. [Google Scholar] [CrossRef]
  20. Wang, X.; Liu, J. An efficient deep learning model for tomato disease detection. Plant Methods 2024, 20, 61. [Google Scholar] [CrossRef] [PubMed]
  21. Zayani, H.M.; Ammar, I.; Ghodhbani, R.; Maqbool, A.; Saidani, T.; Slimane, J.B.; Kachoukh, A.; Kouki, M.; Kallel, M.; Alsuwaylimi, A.A.; et al. Deep learning for tomato disease detection with yolov8. Eng. Technol. Appl. Sci. Res. 2024, 14, 13584–13591. [Google Scholar] [CrossRef]
  22. Umar, M.; Altaf, S.; Ahmad, S.; Mahmoud, H.; Mohamed, A.S.N.; Ayub, R. Precision agriculture through deep learning: Tomato plant multiple diseases recognition with cnn and improved yolov7. IEEE Access 2024, 12, 49167–49183. [Google Scholar] [CrossRef]
  23. Ahmed, S.; Hasan, M.B.; Ahmed, T.; Sony, M.R.K.; Kabir, M.H. Less is more: Lighter and faster deep neural architecture for tomato leaf disease classification. IEEE Access 2022, 10, 68868–68884. [Google Scholar] [CrossRef]
  24. Le, A.T.; Shakiba, M.; Ardekani, I. Tomato disease detection with lightweight recurrent and convolutional deep learning models for sustainable and smart agriculture. Front. Sustain. 2024, 5, 1383182. [Google Scholar] [CrossRef]
  25. Liu, W.; Bai, C.; Tang, W.; Xia, Y.; Kang, J. A Lightweight Real-Time Recognition Algorithm for Tomato Leaf Disease Based on Improved YOLOv8. Agronomy 2024, 14, 2069. [Google Scholar] [CrossRef]
  26. Saeed, A.; Abdel-Aziz, A.; Mossad, A.; Abdelhamid, M.A.; Alkhaled, A.Y.; Mayhoub, M. Smart detection of tomato leaf diseases using transfer learning-based convolutional neural networks. Agriculture 2023, 13, 139. [Google Scholar] [CrossRef]
  27. Ilsever, M.; Baz, I. Consistency regularization based semi-supervised plant disease recognition. Smart Agric. Technol. 2024, 9, 100613. [Google Scholar] [CrossRef]
  28. George, R.; Thuseethan, S.; Ragel, R.G. Comparative Analysis of Pre-trained Deep Neural Networks for Plant Disease Classification. In Proceedings of the 2024 21st International Joint Conference on Computer Science and Software Engineering (JCSSE), Phuket, Thailand, 19–22 June 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 179–186. [Google Scholar]
  29. Bakır, H. Evaluating the impact of tuned pre-trained architectures’ feature maps on deep learning model performance for tomato disease detection. Multimed. Tools Appl. 2024, 83, 18147–18168. [Google Scholar] [CrossRef]
  30. Dong, J.; Fuentes, A.; Zhou, H.; Jeong, Y.; Yoon, S.; Park, D.S. The impact of fine-tuning paradigms on unknown plant diseases recognition. Sci. Rep. 2024, 14, 17900. [Google Scholar] [CrossRef] [PubMed]
  31. Shehu, H.A.; Ackley, A.; Marvellous, M.; Eteng, O.E. Early detection of tomato leaf diseases using transformers and transfer learning. Eur. J. Agron. 2025, 168, 127625. [Google Scholar] [CrossRef]
  32. Alam, T.S.; Jowthi, C.B.; Pathak, A. Comparing pre-trained models for efficient leaf disease detection: A study on custom CNN. J. Electr. Syst. Inf. Technol. 2024, 11, 12. [Google Scholar] [CrossRef]
  33. Howard, A.; Sandler, M.; Chu, G.; Chen, L.C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V.; et al. Searching for mobilenetv3. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1314–1324. [Google Scholar]
  34. Jiang, Y.; Tong, W. Improved lightweight identification of agricultural diseases based on MobileNetV3. In Proceedings of the CAIBDA 2022 2nd International Conference on Artificial Intelligence, Big Data and Algorithms, Nanjing, China, 17–19 June 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 1–5. [Google Scholar]
  35. Arid, H.; Bellamine, I.; Elmoutaouakkil, A. Exploring Various Architectures for Tomato Leaf Disease Classification Through Deep Learning. In Proceedings of the International Conference on Advanced Intelligent Systems for Sustainable Development, Agadir, Morocco; Springer: Cham, Switzerland, 2024; pp. 661–671. [Google Scholar]
  36. Chelladurai, A.; Manoj Kumar, D.; Askar, S.; Abouhawwash, M. Classification of tomato leaf disease using Transductive Long Short-Term Memory with an attention mechanism. Front. Plant Sci. 2025, 15, 1467811. [Google Scholar] [CrossRef]
Figure 1. Overall flow of the proposed TOM-SSL framework for tomato leaf disease recognition using pseudo-labelling. The L C E is the cross-entropy loss.
Figure 1. Overall flow of the proposed TOM-SSL framework for tomato leaf disease recognition using pseudo-labelling. The L C E is the cross-entropy loss.
Agriengineering 07 00248 g001
Figure 2. Example tomato disease images from different classes of the PlantVillage and Taiwan datasets.
Figure 2. Example tomato disease images from different classes of the PlantVillage and Taiwan datasets.
Agriengineering 07 00248 g002
Figure 3. Violin plots illustrating class imbalance in (left) the tomato subset of the PlantVillage dataset and (right) the Taiwan tomato dataset.
Figure 3. Violin plots illustrating class imbalance in (left) the tomato subset of the PlantVillage dataset and (right) the Taiwan tomato dataset.
Agriengineering 07 00248 g003
Figure 4. Illustration of the class-wise accuracy obtained for the PlantVillage tomato subset.
Figure 4. Illustration of the class-wise accuracy obtained for the PlantVillage tomato subset.
Agriengineering 07 00248 g004
Figure 5. Illustration of the class-wise accuracy obtained for the Taiwan tomato dataset.
Figure 5. Illustration of the class-wise accuracy obtained for the Taiwan tomato dataset.
Agriengineering 07 00248 g005
Table 1. Performance comparison on the PlantVillage tomato subset using 10% labelled data. The highest accuracy and Macro F1 scores are highlighted in bold.
Table 1. Performance comparison on the PlantVillage tomato subset using 10% labelled data. The highest accuracy and Macro F1 scores are highlighted in bold.
CategoryModelAccuracy (%)Macro F1 (%)
Fully SupervisedViT-Tiny58.7853.63
MobileViT-Small55.3153.17
EfficientNet-B045.7142.92
EfficientViT-B249.1748.80
Swin-Tiny47.3144.11
ConvNeXt-Tiny40.1737.82
ConvNeXt-Small45.5140.71
MobileNetV3-Small59.3954.17
Semi-SupervisedMean Teacher61.7459.27
VAT62.1858.78
SimSiam67.3161.10
MoCo (with fine-tuning)71.4162.25
MixMatch70.1161.51
TOM-SSL72.5165.46
Table 2. Performance comparison on the Taiwan tomato dataset using 10% labelled data. The highest accuracy and Macro F1 scores are highlighted in bold.
Table 2. Performance comparison on the Taiwan tomato dataset using 10% labelled data. The highest accuracy and Macro F1 scores are highlighted in bold.
CategoryModelAccuracy (%)Macro F1 (%)
Fully SupervisedViT-Tiny57.6354.25
MobileViT-Small51.8748.39
EfficientNet-B042.3739.75
EfficientViT-B245.3943.15
Swin-Tiny44.7141.23
ConvNeXt-Tiny37.0334.18
ConvNeXt-Small42.1539.87
MobileNetV3-Small56.5253.73
Semi-SupervisedMean Teacher59.5356.71
VAT60.3758.63
SimSiam66.2864.69
MoCo (with fine-tuning)69.6367.14
MixMatch67.2665.43
TOM-SSL70.87 69.28
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

Nishankar, S.; Mithuran, T.; Thuseethan, S.; Sebastian, Y.; Yeo, K.C.; Shanmugam, B. TOM-SSL: Tomato Disease Recognition Using Pseudo-Labelling-Based Semi-Supervised Learning. AgriEngineering 2025, 7, 248. https://doi.org/10.3390/agriengineering7080248

AMA Style

Nishankar S, Mithuran T, Thuseethan S, Sebastian Y, Yeo KC, Shanmugam B. TOM-SSL: Tomato Disease Recognition Using Pseudo-Labelling-Based Semi-Supervised Learning. AgriEngineering. 2025; 7(8):248. https://doi.org/10.3390/agriengineering7080248

Chicago/Turabian Style

Nishankar, Sathiyamohan, Thurairatnam Mithuran, Selvarajah Thuseethan, Yakub Sebastian, Kheng Cher Yeo, and Bharanidharan Shanmugam. 2025. "TOM-SSL: Tomato Disease Recognition Using Pseudo-Labelling-Based Semi-Supervised Learning" AgriEngineering 7, no. 8: 248. https://doi.org/10.3390/agriengineering7080248

APA Style

Nishankar, S., Mithuran, T., Thuseethan, S., Sebastian, Y., Yeo, K. C., & Shanmugam, B. (2025). TOM-SSL: Tomato Disease Recognition Using Pseudo-Labelling-Based Semi-Supervised Learning. AgriEngineering, 7(8), 248. https://doi.org/10.3390/agriengineering7080248

Article Metrics

Back to TopTop