Strawberry Disease Detection Through An Advanced Squeeze-and-Excitation Deep Learning Model
Strawberry Disease Detection Through An Advanced Squeeze-and-Excitation Deep Learning Model
Abstract—In this article, an innovative deep learning-driven to identify potential kinds of disease objects. Traditional tech-
framework, adapted for the identification of diseases in straw- niques are mainly performed manually by growers, which is a
berry plants, is proposed. Our approach encompasses a compre-
labor-intensive and time-consuming task. In large-scale farm-
hensive embedded electronic system, incorporating sensor data
acquisition and image capturing from the plants. These images are ing systems, it is difficult to make an accurate estimate of
seamlessly transmitted to the cloud through a dedicated gateway the infected areas and the severity [2]. Today, there are many
for subsequent analysis. The research introduces a novel model, different types of plant diseases in different stages of growth
ResNet9-SE, a modified ResNet architecture featuring two squeeze- and several growing areas, which makes it difficult for laymen to
and-excitation (SE) blocks strategically positioned within the net- accurately identify the types of disease in a short period and on a
work to enhance performance. The key advantage gained is achiev-
ing fewer parameters and occupying less memory while preserving large scale. Besides, manual identification has the disadvantages
a high diagnosis accuracy. The proposed model is evaluated using of slow identification speed and low accuracy, which poses
in-house collected data and a publicly available dataset. The exper- a major challenge in containing the outbreak of diseases in
imental outcomes demonstrate the exceptional classification accu- agriculture.
racy of the ResNet9-SE model (99.7%), coupled with significantly In particular, the impact of disease on strawberry yield has
reduced computation costs, affirming its suitability for deployment
in embedded systems. become more serious due to its soft and delicate nature. Some
major strawberry plant diseases include powdery mildew, botry-
Index Terms—Computer vision, crop monitoring, deep learning, tis cinerea, anthracnose, and angular leaf spot. Diseases affect-
Internet of Things (IoT), plant disease detection.
ing strawberry crops have multifaceted impacts, ranging from
diminished yields and compromised fruit quality to economic
I. INTRODUCTION losses for farmers. The need for chemical interventions to man-
LANT diseases have become a major concern in today’s age diseases contributes to increased production costs and may
P forestry development. The impact of different diseases
is all-encompassing, affecting plants externally and internally,
disrupt sustainable agricultural practices. Rapid disease spread
poses contamination risks, while climate change vulnerabilities
from the top to the bottom, spanning from flowers and fruits further stress plant resilience. To this end, integrating smart data
down to the root system. This not only affects the normal collection and transmission with artificial intelligence (AI) for
growth of plants but can also cause a reduction in the yield early disease detection in plants can mitigate these challenges.
and quality of agricultural products and, in serious cases, food This could offer the potential to swiftly identify and manage
safety problems [1]. Therefore, rapid identification and diag- diseases, minimizing the reliance on chemical interventions.
nosis of plant diseases can reduce the economic losses caused This approach not only enhances sustainability by reducing
by plant diseases to the agricultural industry in the shortest environmental impact but also contributes to improved fruit
possible time. Plant disease identification is a technique for quality.
processing, analyzing, and understanding plant image datasets With the continuous development of deep learning on the
one hand, and increasing the computation power on another
hand, many researchers have started to study plant disease
Manuscript received 4 February 2024; revised 15 April 2024; accepted 4 June identification based on deep learning with either sensors or
2024. This work was supported by a Knowledge Transfer Partnership (KTP) image data (or both). Using computer vision technology to
from Innovate U.K. under Partnership 12298, between Wilkin & Sons Ltd. and identify plant disease areas and species can effectively reduce
the University of Essex. This article was recommended by Associate Editor
Matias Miguez. (Corresponding author: Mohammad Hossein Anisi.) time costs and improve the efficiency of agricultural produc-
Jiayi Wu is with Xidian University, Xi’an 710071, China (e-mail: ji- tion [3]. Furthermore, with the advances in the Internet of Things
[email protected]). (IoT) technology, effective and continuous monitoring of various
Vahid Abolghasemi and Mohammad Hossein Anisi are with the School of
Computer Science and Electronic Engineering, University of Essex, CO4 3SQ systems has become easier and more accessible. This has led
Colchester, U.K. (e-mail: [email protected]; [email protected]). to greater autonomy of systems in practice. The solutions that
Usman Dar, Andrey Ivanov, and Chris Newenham are with Wilkin & IoT offers are complemented by machine learning (ML) and
Sons, CO5 0RF Colchester, U.K. (e-mail: [email protected]; [email protected];
[email protected]). computer vision-based techniques to improve classification and
Digital Object Identifier 10.1109/TAFE.2024.3412285 detection performance.
2771-9529 © 2024 IEEE. Personal use is permitted, but republication/redistribution requires IEEE permission.
See https://www.ieee.org/publications/rights/index.html for more information.
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
A. Our Contributions the need for expensive cameras for imaging. Abbas et al. [8] used
There is limited research on the utilization of reliable a deep learning model to identify strawberry fungal leaf blight in
IoT systems for agricultural data collection and processing. strawberry fields in real-time. By training and testing four CNN
Furthermore, there is a lack of focused research on early on- (SqueezeNet, EfficientNet-B3, VGG-16, and AlexNet) models,
set detection for strawberry plants. In our previous work, we they evaluated health and leaf scorch. Their study showed that
demonstrated the development of a prototype convolutional the model EfficientNet-B3 achieved the highest classification
neural network (CNN) capable of classifying three types of accuracy, 80% and 86% for the initial and severe stages of the
strawberry images: healthy, powdery mildew-affected, and leaf disease, respectively. The model proposed by Tariqul and Islam
scorch-affected. We obtained an average accuracy of 95.48% [9] was designed to diagnose the disease leaf of grapes and
[4]. Furthermore, we have established an advanced test-bed in strawberries. They used a CNN model to train the dataset where
Wilkin & Sons farm, dedicated to sensors and images’ data an accuracy rate of 93.63% was obtained.
collection from the strawberry farms [5]. A self-constructed SPIKE dataset from images of relevant
In this article, three major contributions are introduced. First, complex wheat fields was used in an object detection method
we demonstrate the details of a fully scalable and automated based on identifying diseased plants (or parts affected by dis-
system (including sensors, cameras, and connectivity, etc.) that eases or pathogens) proposed by Hasan et al. [10]. The model
can be utilized in agricultural applications. Our hardware design used was an R-CNN architecture that generated four different
can be easily adapted and extended for data collecting data from models, four different datasets of training, and test images
an operational farm. Using this system, we can have valuable based on four different datasets to capture plant diseases at
sensory and imagery data for future analysis. Second, we provide different growth stages with an accuracy of 93.4%. Toda and
a comprehensive overview of the state-of-the-art in plant disease Okura [11] employed the YOLOv3-DenseNet algorithm for
detection (with a focus on strawberry plants) in both hardware direct object detection, focusing on disease object detection
design and ML approaches. Third, we propose a novel deep concerning growing apple leaves, with an accuracy of 95.75%.
learning architecture benefiting from a unique feature, i.e., a And using human intervention to validate the authenticity of the
squeeze-and-excitation (SE) block to reduce the number of model and the training dataset, a CNN trained using publicly
model parameters and hence occupying less memory leading to available plant disease image datasets, various neuron and layer
better adaptation to hardware implementation. We also introduce visualization methods were applied. Zhang et al. [12] developed
a “variable learning rate” in our model which leads to higher a method, called GPDCNN, for multiclass classification detec-
accuracy compared to a fixed rate. Our results exhibit robust tion of cucumber images, i.e., using different stages of the plant
performance, showcasing the potential for automated, real-time for possible disease detection, where the accuracy of 94.65%
disease identification. was achieved.
The rest of this article is organized as follows. The next section In another study, Hari et al. [13] used the PDDNN algorithm
reviews the related works. In Section III, the proposed system for for the detection of various plant disease images, using
both the data collection and ML stages is described. Section IV TensorFlow as the framework, with an accuracy of 86%. As
is devoted to experimental results and data analysis. Finally, a comparison, Picon et al. [14] also published a paper using
Section V concludes this article. the RESNET-MC1 algorithm for the detection of various plant
disease images using TensorFlow and Keras as the framework of
choice, with an accuracy of 98%. Howlader et al. [15] employed
II. RELATED WORKS the AlexNet algorithm to detect plant diseases on guava leaves
Existing studies have investigated the use of ML algorithms with an accuracy of 98.74%. Nagasubramanian et al. [16] used
for the early detection of various plant diseases, and notable ef- the 3-D-CNN algorithm to detect plant diseases in soybean using
forts have been directed towards addressing strawberry-specific a binary classification method, i.e., only diseased or healthy,
issues. ML models, particularly CNNs and support vector ma- without distinguishing between specific growth regions and
chines (SVMs) have demonstrated significant promise in accu- growth stages, with an accuracy of 95.73%. Pal and Kumar [17]
rately identifying and classifying different strawberry diseases. proposed an Agricultural Inspection (AgriDet) framework,
Researchers in [6] presented an approach using deep learning which combines the traditional Inception-Visual Geometry
techniques to detect powdery mildew disease on strawberry Group network (INC-VGGN) and the Kohonen-based deep
leaves. Due to dealing with a small dataset, they have applied learning network to detect plant diseases and classify the
data augmentation for around 1400 healthy and infected leaf im- severity of diseased plants where the performance of the
ages to prevent overfitting. Their study suggests that SqueezeNet statistical analysis is validated to demonstrate the effectiveness
would be the most suitable model when considering the mem- of the results in terms of accuracy, specificity, and sensitivity.
ory requirements for hardware deployment. Additionally, Jiang In the article by Mathew et al. [18], the SVM classifier was
et al. [7] explored the integration of spectral imaging and ML replaced with a voting classifier to classify the data into multiple
for early disease diagnosis in strawberry plants. By extracting classes. The accuracy of voting and SVM classifiers is compared.
intricate features from hyperspectral data, their model achieved The results show that the accuracy of the proposed method is
high accuracy in distinguishing between healthy and infected improved by 10%. Bedi and Gole [19] proposed a hybrid system
plants, providing valuable insights into the spectral signatures based on convolutional auto-encoder (CAE) and CNN that can
associated with specific diseases. The drawback of this system is achieve automatic detection of plant diseases. In the experiment,
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
WU et al.: STRAWBERRY DISEASE DETECTION THROUGH AN ADVANCED SQUEEZE-AND-EXCITATION DEEP LEARNING MODEL 3
Fig. 2. Proposed IoT-based plant disease detection system implemented at Wilkin & Sons in Tiptree. (a) View of the entire sensing and imaging system, (b) the
processing unit hardware, and (c) the camera installed with a view of the farm.
sensors or devices to adapt to the specific needs of different blocks, regularizing each layer first, then using ReLU as the
farms. Our power-efficient hardware and software components activation function and max pooling to reduce the size of the data
can maximize battery life and minimize energy consumption in and increase the speed of computation. Furthermore, the Adam
remote farm environments where access to power sources may optimizer and the cross-entropy loss function were employed
be limited. in this model. In the last layer, the data are flattened, and linear
regression is used to classify the different types of plant diseases.
2) ResNet9-SE: To further enhance the discriminative power
B. Data Analysis of our model, we introduce SE blocks into the ResNet9 archi-
1) ResNet9: ResNet [29], with its ability to train very deep tecture. SE blocks have proven effective in capturing channel-
networks effectively, has found applications in various computer wise dependencies, allowing the network to focus on essen-
vision tasks, including plant disease diagnosis. In this study, tial features while suppressing less informative ones. The SE
we enhance the performance ResNet9 by introducing the SE block consists of two key operations: squeeze and excitation.
blocks. The key innovation in ResNet is the utilization of residual In the squeeze operation, global average pooling is applied
blocks, which allow the model to skip connections across layers. to compress spatial information into channelwise descriptors.
Traditional deep networks often suffer from the vanishing gra- The dimensions of the original feature map are H × W × C,
dient problem, making it difficult to train very deep networks. where H is the height, W is the width, and C is the number
Residual blocks alleviate this issue by introducing shortcut of channels of the input data matrix. What squeeze does is
connections or skip connections, which enable the gradient compress H × W × C into 1 × 1 × C, which is equivalent to
to flow directly through the network. The basic ResNet lay- compressing H and W into one dimension. In practice, it is
ers include convolutional layers (for initial feature extraction), generally implemented using global average pooling. After H
residual blocks (the core building blocks of ResNet, consisting and W are compressed into one dimension, this dimensional
of stacked convolutional layers with skip connections), pooling parameter obtains the global view of the previous H × W , and
layers (to reduce spatial dimensions), and fully connected (FC) the sensing area is wider.
layers (often used for classification tasks). The excitation operation involves learning channelwise at-
Many variants of ResNet model have been proposed in the tention weights that are then applied to the input features. After
literature. Among these, ResNet9 has a relatively shallow ver- obtaining the 1 × 1 × C representation of squeeze, add a FC
sion of the ResNet architecture compared to deeper variants layer to predict the importance of each channel, obtain the
like ResNet50 or ResNet101. In scenarios with limited data importance of different channels, and then apply (stimulate) it
or computational resources (such as our case), a shallower to the previous feature. On the corresponding channel of the
network may be more practical while still benefiting from the map, perform subsequent operations. This adaptive recalibration
advantages of residual connections. When choosing a neural mechanism enables our model to better capture intricate patterns
network architecture for plant disease diagnosis, factors such as and crucial information relevant to plant disease detection. The
the size of the dataset, computational resources, and the specific SE block contains a global average pooling layer, two FC layers,
requirements of the application should be considered. ResNet9 and a Sigmoid activation function. The calculation process is as
offers a good balance of performance and efficiency, making it follows:
a viable option for image classification tasks, including plant 1) F = FC1 (Z)
disease diagnosis. 2) F = ReLU(F )
As mentioned above, we used the 9-layer structure of the 3) F = FC2 (F )
ResNet as a baseline. In this model, each layer feeds into the 4) SE(X) = Sigmoid(F )
next layer and directly into the layers about 2–3 hops away. where X is the input of the SE block, Z denotes the output of
Conventional preprocessing, such as image resizing, was applied the first pooling layer, F is the output of the FC layer (which is
to input images where required. The network in this study uses updated by ReLU function), and F is the output of the second
a combination of two convolutional layers and two residual FC layer which is inputted into sigmoid function to yield the
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
WU et al.: STRAWBERRY DISEASE DETECTION THROUGH AN ADVANCED SQUEEZE-AND-EXCITATION DEEP LEARNING MODEL 5
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
as having it), and FN is the false negative (i.e., samples that TABLE I
FINETUNING VERSUS FINAL LAYER TRAINING STATISTICS
have the disease but were wrongly identified as not having it).
We also used another metric, called Recall, to measure the
capability of the proposed models to correctly images of straw-
berry plants that are infected with a specific disease
TP
Recall = . (4)
TP + TN
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
WU et al.: STRAWBERRY DISEASE DETECTION THROUGH AN ADVANCED SQUEEZE-AND-EXCITATION DEEP LEARNING MODEL 7
TABLE II
PERFORMANCE OF (PRETRAINED) DEEP MODELS AFTER FINE-TUNING THE
PARAMETERS
Fig. 6. Trend of loss functions for the proposed model with different datasets.
(a) ResNet9. (b) ResNet9-SE.
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.
This article has been accepted for inclusion in a future issue of this journal. Content is final as presented, with the exception of pagination.
WU et al.: STRAWBERRY DISEASE DETECTION THROUGH AN ADVANCED SQUEEZE-AND-EXCITATION DEEP LEARNING MODEL 9
[18] A. Mathew, A. Antony, Y. Mahadeshwar, T. Khan, and A. Kulka- [24] J.-F. Yeh, K.-M. Lin, C.-Y. Lin, and J.-C. Kang, “Intelligent mango
rni, “Plant disease detection using GLCM feature extractor and voting fruit grade classification using AlexNet-SPP with mask R-CNN-based
classification approach,” Materials Today: Proc., vol. 58, pp. 407–415, segmentation algorithm,” IEEE Trans. AgriFood Electron., vol. 1, no. 1,
2022. pp. 41–49, Jun. 2023.
[19] P. Bedi and P. Gole, “Plant disease detection using hybrid model based [25] S.-H. Kim, M. Hun Lee, and C. Shin, “IoT-based strawberry disease pre-
on convolutional autoencoder and convolutional neural network,” Artif. diction system for smart farming,” Sensors (Basel, Switzerland), vol. 18,
Intell. Agriculture, vol. 5, pp. 90–101, 2021. 2018, Art. no. 4051.
[20] A. Abdalla et al., “Fine-tuning convolutional neural network with transfer [26] G. Sahitya, C. Kaushik, P. S. Simha, D. Reddy, S. Kumar, and V. Vinay,
learning for semantic segmentation of ground-level oilseed rape images in “Leaf disease detection using Raspberry Pi,” in Proc. 13th Int. Conf.
a field with high weed pressure,” Comput. Electron. Agriculture, vol. 167, Comput. Commun. Netw. Technol., 2022, pp. 1–7.
2019, Art. no. 105091. [27] E. A. H. Mora, V. A. G. Huitrón, A. E. R. Mata, and H. R. Rangel,
[21] K. Lin, L. Gong, Y. Huang, C. Liu, and J. Pan, “Deep learning-based seg- “Plant disease detection with convolutional neural networks implemented
mentation and quantification of cucumber powdery mildew using convo- on Raspberry Pi 4,” in Proc. IEEE Int. Autumn Meeting Power Electron.
lutional neural network,” Front. Plant Sci., vol. 10, 2019, Art. no. 422622. Comput., 2020, pp. 1–23.
[22] T. Wiesner-Hanks et al., “Millimeter-level plant disease detection from [28] C.-H. Huang, B.-W. Chen, Y.-J. Lin, and J.-X. Zheng, “Smart crop growth
aerial photographs via deep learning and crowdsourced data,” Front. Plant monitoring based on system adaptivity and edge AI,” IEEE Access, vol. 10,
Sci., vol. 10, 2019, Art. no. 1550. pp. 64114–64125, 2022.
[23] Y. Li, J. Wang, H. Wu, Y. Yu, H. Sun, and H. Zhang, “Detection of powdery [29] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image
mildew on strawberry leaves based on DAC-YOLOv4 model,” Comput. recognition,” in Proc. IEEE Conf. Comput. Vis. Pattern Recognit., 2016,
Electron. Agriculture, vol. 202, 2022, Art. no. 107418. pp. 770–778.
Authorized licensed use limited to: VTU Consortium. Downloaded on July 01,2024 at 08:09:08 UTC from IEEE Xplore. Restrictions apply.