SlideShare a Scribd company logo
1 of 8
Download to read offline
International Journal of Electrical and Computer Engineering (IJECE)
Vol. 14, No. 2, April 2024, pp. 1544~1551
ISSN: 2088-8708, DOI: 10.11591/ijece.v14i2.pp1544-1551  1544
Journal homepage: http://ijece.iaescore.com
Guava fruit disease identification based on improved
convolutional neural network
Antor Mahamudul Hashan1
, Shaon Md Tariqur Rahman2
, Kumar Avinash3
,
Rizu Md Rakib Ul Islam4
, Subhankar Dey4
1
Department of Intelligent Information Technologies, Ural Federal University, Yekaterinburg, Russian Federation
2
Department of New Materials and Technologies, Ural Federal University, Yekaterinburg, Russian Federation
3
Department of Big Data Analytics and Video Analysis Methods, Ural Federal University, Yekaterinburg, Russian Federation
4
Department of Information Technologies and Control Systems, Ural Federal University, Yekaterinburg, Russian Federation
Article Info ABSTRACT
Article history:
Received Sep 4, 2023
Revised Sep 11, 2023
Accepted Nov 29, 2023
Guava fruit cultivation is crucial for Asian economic development, with
Indonesia producing 449,970 metric tons between 2022 and 2023. However,
technology-based approaches can detect disease symptoms, enhancing
production and mitigating economic losses by enhancing quality. In this
paper, we introduce an accurate guava fruit disease detection (GFDI) system.
It contains the generation of appropriate diseased images and the
development of a novel improved convolutional neural network (improved-
CNN) that is built depending on the principles of AlexNet. Also, several
preprocessing techniques have been used, including data augmentation,
contrast enhancement, image resizing, and dataset splitting. The proposed
improved-CNN model is trained to identify three common guava fruit
diseases using a dataset of 612 images. The experimental findings indicate
that the proposed improved-CNN model achieve accuracy 98% for trains
and 93% for tests using 0.001 learning rate, the model parameters are
decreased by 50,106,831 compared with traditional AlexNet model. The
findings of the investigation indicate that the deep learning model improves
the accuracy and convergence rate for guava fruit disease prevention.
Keywords:
Agriculture
Automation
Deep learning
Guava fruit disease
Image processing
This is an open access article under the CC BY-SA license.
Corresponding Author:
Antor Mahamudul Hashan
Department of Intelligent Information Technologies, Ural Federal University
Yekaterinburg, Russian Federation
Email: hashan.antor@gmail.com
1. INTRODUCTION
The food and agriculture organization of the United States database shows that guava is grown on
more than 2,515,970 ha of land and produces an average of 73,257 Hg/ha. The overall production of guava in
the world in 2016 was 45,225,211 tons and the productivity was 80,153 hg/ha [1]. Regular crop monitoring
and disease management systems are crucial for reducing production losses and ensuring the quality of guava
fruit [2]. Machine learning (ML) methods like random forest, logistic regression, and artificial neural
networks have been investigated by researchers as an approach to improve the accuracy of disease analysis
[3]. In recent years, there has been significant progress in the development of the convolutional neural
network method, which has the capability to autonomously identify and extract discriminative features for
the task of image classification [4]. The convolutional neural network (CNN) is well recognized as an
outstanding technique for recognition of patterns [5] and expression identification [6] in different fields.
Motivated by the significant advancement achieved by convolutional neural networks in the area of
image-based recognition, the utilization of CNN for the identification of early disease has become known as
Int J Elec & Comp Eng ISSN: 2088-8708 
Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan)
1545
a major area of research in the field of agricultural automation. CNNs have been extensively researched and
applied in the discipline of crops and disease identification [7], [8]. According to the outcomes of
previous investigations, the application of convolutional neural networks has not only decreased the necessity
for image preprocessing but also increased the accuracy of recognition. This research introduces a novel
methodology for evaluating guava fruit diseases. The CNN based methodology encounters difficulties in
training model due to insufficient guava fruit diseased images and defining most effective network model
structures. Here is a summary of the major contributions: i) To address the issue of insufficient images of
guava fruit diseases, this work exhibits an image dataset constructed on the basis of image processing
methods, which can improve the CNN-based model's adaptability and ensure against the overfitting. The
initial process refers to the collection of natural guava fruit images, which are then put through to different
digital image processing techniques, including data augmentation, contrast enhancement, image resizing and
dataset splitting, in order to produce a sufficient amount of images; and ii) The initial step in identifying
guava fruit diseases includes the utilization of a CNN. This end-to-end learning model has the ability to
autonomously detect specific features that exist in guava fruit diseased images. Consequently, it can highly
precisely describe the difference between the three most common types of guava fruit diseases. A novel
improved-CNN model, which is based on AlexNet, is proposed in this study for the analysis of guava fruit
diseases. The model includes several modifications, including adjustments to the convolution kernel size,
replacement of fully-connected layers with a convolutional layer, and the use of Inception to enhance the
feature extraction.
The findings of the experiment illustrate that the suggested improved-CNN model outperforms the
other standard models with an accuracy of 98% on train data and 93% on test data. In contrast to the
traditional AlexNet, the proposed model exhibits a decreased number of 50,106,831 parameters, which
suggests an increased fast convergence rate. The recognition rate increases with using a dataset of
612 simulated images of guava fruit, which presents more effective generalization and robustness.
2. RELATED WORKS
The control of fruit diseases has become a topic of significant interest among researchers because it
has a potential impact on both production and quality. In therefore, different solutions have been investigated
in order to reduce this significant threat [9]. A deep learning approach was suggested for the classification
and prediction of guava leaf diseases [10], utilizing a dataset consisting of 1,834 leaves categorized into five
distinct groups. Four distinct pre-trained convolutional neural network (CNN) architectures were employed
for training purposes. Among these architectures (VGG-16, Inception V3, ResNet50, and EfficientNet-B3),
they observed that the EfficientNet-B3 architecture exhibited superior performance, achieving an accuracy of
94.93% on the test dataset. Another recent work provided an automated approach for detecting 12 kinds of
guava leaf images [11]. Multiple ML classifiers utilized in this research, namely the instant base identifier,
random forest, and meta bagging classifiers. The instant base identifier classifier outperformed other
classifiers with an average overall accuracy of 93.01%.
The detection model for guava canker, dost, rust, and mummification diseases was proposed by
Mostafa et al. [12]. The study utilized color-histogram equalization and unsharp masking technique for
disease identification in guava trees. On this research, a group of five network systems, including AlexNet,
SqueezeNet, GoogLeNet, ResNet-50, and ResNet-101, were employed to diagnose diseases across multiple
guava plant species. The researchers worked with a dataset sourced from Pakistan. They asserted that their
findings exhibited a remarkable accuracy rate of 97.74%. A combined collection of 321 images were utilized
for the purpose of image processing. The researchers observed that ResNet-101 offered favorable outcomes
in comparison to alternative models.
The studies mentioned above highlight the extensive application of CNNs in the field of fruit and
plant disease recognition, generating advantageous results. However, it is important to note that those studies
mainly utilize CNN-based models for the purpose of identifying diseases, without introducing any additional
improvements to the current approach. However, the implementation of the CNN-based model for the
purpose of identifying guava fruit disease has not been evaluated. In this study, we present an improve-CNN
model that was used to identify guava fruit diseases.
3. METHOD
This study introduces improved-CNN model for accurately identifying diseases affecting guava
fruit. The suggested workflow is represented in Figure 1. The processes of the suggested approach have been
organized into several essential steps, each of them will be explained in more detail below.
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551
1546
Figure 1. Proposed strategies for the guava fruit disease detection (GFDI) system
3.1. Data augmentation
The majority of the images consisting of the proposed dataset were captured by the researchers, but
a portion of the collection was sourced from online repositories. The dataset was augmented through the use
of affine transformations in standard image transformations [13]. The research utilizes the use of 612 images
and a dataset repository that consists of three different diseases that might affect guava fruit: phytophthora,
root, and scab [14]. Figure 2 illustrates the dataset of guava fruit images, while Table 1 provides a detailed
summary of the image details. The fruits affected by Phytophthora exhibit a grayish brown color, which
further darkens to a grayish black color upon immersion in water, as depicted in Figure 2(a). A discoloration
under the persistent calyx that arises brown, black, and soft over time is one of the symptoms of root disease,
as seen in Figure 2(b). Guava scab symptoms include lesions on fruit surfaces that are corky, ovoid, or
spherical, as shown in Figure 2(c).
(a) (b) (c)
Figure 2. Guava fruit diseases: (a) phytophthora, (b) root, and (c) scab
Table 1. Number of guava fruit disease images
Guava fruit disease Training Testing Total
Phytophthora 205 23 228
Root 162 18 180
Scab 183 21 204
Total 550 62 612
Int J Elec & Comp Eng ISSN: 2088-8708 
Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan)
1547
3.2. Contrast enhancement
The technique of histogram equalization is employed to enhance the contrast of the entire dataset.
The contrast of the images is increased by using the histogram and the histogram equalization approach
provided by (1) to assign a uniform intensity value to each pixel [15].
𝐻(𝑃(π‘₯,𝑦)) = π‘Ÿπ‘œπ‘’π‘›π‘‘(
𝑓𝑐𝑑𝑓(𝑝(π‘₯,𝑦))βˆ’π‘“π‘π‘‘π‘“π‘šπ‘–π‘›
(𝑅×𝐢)βˆ’π‘“π‘π‘‘π‘“
Γ— 𝐿 βˆ’ 1) (1)
where, 𝑓𝑐𝑑𝑓 = cumulative frequency, π‘“π‘π‘‘π‘“π‘šπ‘–π‘›
= cumulative distribution, 𝑓𝑐𝑑𝑓(𝑃(π‘₯,𝑦)) = intensity, 𝑅 = number
of pixels in rows, 𝐢 = the number of pixels in each column, and 𝐿 = the total number of intensities.
3.3. Image resizing and dataset splitting
The process of scaling images facilitates the extraction of additional features and enhances the
capacity for discriminating. All images are automatically cropped to 256Γ—256 pixels before model training,
utilizing the central square crop method [16], as given by (2).
π‘‘π‘’π‘“π‘π‘’π‘›π‘‘π‘’π‘Ÿπ‘’π‘‘πΆπ‘Ÿπ‘œπ‘(π‘–π‘šπ‘”, 𝑛𝑒𝑀_β„Žπ‘’π‘–π‘”β„Žπ‘‘, 𝑛𝑒𝑀_π‘€π‘–π‘‘π‘‘β„Ž) (2)
In order to enhance the performance of the improved-CNN, it is essential to split the dataset into training, and
testing sets using the randomization method. The data has been split applying the random sub-sampling
validation (RSV) method [17]. The size of each subsection for training and testing is determined as 90% and
10%, respectively.
3.4. Building improved-CNN
An improved-CNN model has been proposed for identifying guava fruit diseases, using traditional
AlexNet [18], Inception [19], and their performance enhancements. The input image size is 256Γ—256Γ—3 pixel,
batch size 16 for every epoch and the optimizer used is Nesterov’s accelerated gradient (NAG) [20] with
linearly scored categorical cross-entropy (LSCCE) [21] loss function for 30 epochs. The learning rate is
crucial for deep learning models, as high rates result in longer jumps and low rates cause slow convergence
[22]. The optimal learning rate is determined by applying learning rates 0.001. The improved-CNN model's
structure is illustrated in Figure 3, and its associated parameters are listed in Table 2.
Initially, a structure known as Modified-AlexNet is developed, which is derived from the traditional
AlexNet model. Higher-dimension convolution kernels offer enhanced macro information acquisition,
resulting in 96 kernels in the first convolutional layer with dimensions of 9Γ—9Γ—3. This is not the same as the
usual AlexNet, which consists of a first convolutional layer with kernels that are 11Γ—11Γ—3 in size. The noise
is filtered by the second convolutional layer using 256 kernels of dimensions 5Γ—5Γ—48. The first two
convolutional layers undergo normalization layers, followed by max-pooling layers. The third convolutional
layer consists of 384 kernels, each with dimensions of 3Γ—3Γ—256. The outputs of the second convolutional
layer are pooled and normalized, and the kernels are connected to those outputs. The fourth layer of the
network is comprised of 256 kernels, each with a size of 2Γ—2Γ—192. In contrast to the traditional AlexNet
architecture, a max-pooling layer is subsequently implemented. This configuration is designed to enhance the
network's capability to extract small features.
Figure 3. The structure of improved-CNN model
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551
1548
Following the development of the modified-AlexNet, the modified-Inception architecture is
constructed. The architectural design encompasses a configuration comprising of two max-pooling levels and
two Inception elements. The first max-pooling layer removes the noise in the feature maps that modified-
AlexNet generates. Then, the two Inceptions utilize the best classification features from the multidimensional
evaluation. To avoid having some features filtered out, the output of the first Inception is sent into the
concatenation layer of the second Inception. The standard AlexNet has been replaced with a fifth
convolutional layer and a modified-Inception with 4,096 kernels of size 1Γ—1Γ—736. The fully connected layer
has been adjusted to make predictions for three different types of diseases that impacts guava fruit. The last
layer is realized as a three-way Softmax layer in its implementation.
Table 2. Model configuration and accuracy for train and test set [Epochs: 30, Batch Size: 16, optimizer: NAG,
loss function: LSCCE]
Model configuration Train accuracy Test accuracy
Layer Patch size Output size Learning rate
Conv 9Γ—9 96Γ—55Γ—55 0.001 98% 93%
Maxpool 3Γ—3 96Γ—27Γ—27
Conv 5Γ—5 256Γ—27Γ—27
Maxpool 3Γ—3 256Γ—13Γ—13
Conv 3Γ—3 384Γ—13Γ—13
Conv 2Γ—2 256Γ—14Γ—14
Maxpool 3Γ—3 256Γ—7Γ—7
Maxpool 3Γ—3 256Γ—3Γ—3
Inception - 256Γ—3Γ—3
Inception - 736Γ—3Γ—3
Maxpool 3Γ—3 736Γ—1Γ—1
Conv 1Γ—1 4096Γ—1Γ—1
Fully Connection - 3
Softmax - 3
4. RESULTS AND DISCUSSION
This section contains an exposition of the results obtained through the investigation. The research is
carried out on a personal computer platform, particularly an Acer Nitro 5 with 16 GB RAM and a 4 GB
NVIDIA Graphics card. The experiment is performed using Google Colab, which utilizes a 12 GB NVIDIA
Tesla K80 GPU. The performance of the improved-CNN model is evaluated by the accuracy graph, Figure 4
depicts the comparison graphs derived from the training and testing datasets. Figure 4(a) compares accuracy
curves for the training set and the test set throughout epochs, demonstrating that both sets achieve similar
accuracy levels but that the test set's accuracy is always lower. This observation suggests that the improved-
CNN model successfully reduced the issue of overfitting in both the training and testing datasets. Figure 4(b)
illustrates the loss curve for both the training set and the testing set respectively. The improved-CNN model
exhibits a lower error rate on the test set compared to the training set, which can be considered a positive
indicator of the model's classification ability.
(a) (b)
Figure 4. Curves for comparison for the train dataset and the test dataset: (a) accuracy and (b) loss
Int J Elec & Comp Eng ISSN: 2088-8708 
Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan)
1549
In order to conduct a comprehensive analysis, the efficacy of the model is further examined through
the measurements of precision, recall, and F1-score [23]. Based on the findings of the identification process,
it was determined that the phytophthora class had the highest precision rate of 92%, as shown in Table 3 for
details. However, phytophthora has the highest recall value of 95% and the highest F1-score of 93%.
We compared the model performance with AlexNet [24] using proposed dataset [14]. Images were
scaled down to 120Γ—120 pixels. Table 4 displays a comparison between improved-CNN and AlexNet in
terms of accuracy. We can observe that the improved-CNN is capable of an accuracy of up to 98% for
training, whereas the AlexNet has a maximum accuracy capable of 92%. The results show that improved-
CNN does better than the AlexNet on small dataset, when the same training and testing conditions are used.
In order to deploy proposed improved-CNN model, Figure 5 exhibits a web application aimed at the
identification of diseases in guava fruit. Figure 5(a) shows a hypertext markup language (HTML) page that is
designed with input. The submitted image is sent as part of a β€˜POST’ request to the application programming
interface (API), which was programmed in Python Flask [25]. The provided image was translated into a
NumPy array, which was subsequently transformed into a dataframe. Subsequently, the model was employed
for predicting guava fruit disease utilizing the dataframe. Based on the predicted results, the output was
employed to generate an additional HTML page that illustrates the actual result, as depicted in Figure 5(b).
Table 3. Performance evaluation of the improved-CNN model
Disease name Precision Recall F1-score
Phytopthora 0.920 0.958 0.939
Root 0.882 0.789 0.833
Scab 0.913 0.945 0.923
Table 4. Comparison between improved-CNN and AlexNet
Models
Accuracy
Train Test
AlexNet [24] 92% 84%
Improved-CNN 98% 93%
Figure 5. Web application: (a) screenshot of the webpage and (b) predicted result
5. CONCLUSION
The main objectives of this research work were to find out the limitations of existing GFDI systems
and apply probable solutions to overcome the limitations. A comprehensive set of 612 images had been
generated by the utilization of techniques for image processing such as data augmentation, contrast
enhancement, image resizing, and dataset splitting. The above steps were taken to ensure a sufficient number
of guava fruit images depicting various diseases. Furthermore, a novel improved-CNN model was
constructed by integrating the architectural components of AlexNet and Inception. The obtained findings are
considered satisfactory, as the improved-CNN model exhibits a higher overall training accuracy of 98%
compared to other models. The NAG algorithm and LSCCE loss function have been applied to optimize
network parameters for accurate guava fruit diseases identification and it can be used on a regular computer
without a GPU and takes less time to train the dataset.
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551
1550
The proposed method could be used in robotics, where human-computer interactions (HCI) are
extremely crucial. Another possible application could involve the development of a real-time system
for automatically identifying and recognizing diseases. Adding more guava fruit diseases to the existing
dataset is one way to further developing our research. Additionally, we can expand proposed dataset to
include more guava images in order to build better models for the future. Additionally, it is recommended to
incorporate a wider range of data augmentation techniques, in order to enhance the robustness and reliability
of the results obtained from the proposed guava disease dataset.
REFERENCES
[1] S. Rajan and U. Hudedamani, β€œGenetic resources of guava: Importance, uses and prospects,” in Conservation and Utilization of
Horticultural Genetic Resources, Springer Singapore, 2019, pp. 363–383.
[2] S. K. Mitra, M. R. Gurung, and P. K. Pathak, β€œGuava production and improvement in India: an Overview,” Acta Horticulturae,
vol. 787, no. 787, pp. 59–66, Apr. 2008, doi: 10.17660/ActaHortic.2008.787.4.
[3] M. K. R. Gavhale and P. U. Gawande, β€œAn overview of the research on plant leaves disease detection using image processing
techniques,” IOSR Journal of Computer Engineering, vol. 16, no. 1, pp. 10–16, 2014, doi: 10.9790/0661-16151016.
[4] A. M. Hashan, R. M. R. Ul Islam, and K. Avinash, β€œApple leaf disease classification using image dataset: A multilayer
convolutional neural network approach,” Informatics and Automation, vol. 21, no. 4, pp. 710–728, Jun. 2022, doi:
10.15622/ia.21.4.3.
[5] I. I. Imran, β€œCNN-RNN deep learning networks for pattern recognition problems,” 2023 International Conference on Business
Analytics for Technology and Security (ICBATS), Dubai, United Arab Emirates, 2023, pp. 1-5, doi:
10.1109/ICBATS57792.2023.10111363.
[6] A. M. Hashan, K. Al-Saeedi Adnan Adhab, R. M. R. U. Islam, K. Avinash, and S. Dey, β€œAutomated human facial emotion
recognition system using depthwise separable convolutional neural network,” in Proceedings of the 2023 IEEE International
Conference on Industry 4.0, Artificial Intelligence, and Communications Technology, IAICT 2023, Jul. 2023, pp. 113–117, doi:
10.1109/IAICT59002.2023.10205785.
[7] S. P. Mohanty, D. P. Hughes, and M. SalathΓ©, β€œUsing deep learning for image-based plant disease detection,” Frontiers in Plant
Science, vol. 7, Sep. 2016, doi: 10.3389/fpls.2016.01419.
[8] Y. Lu, S. Yi, N. Zeng, Y. Liu, and Y. Zhang, β€œIdentification of rice diseases using deep convolutional neural networks,”
Neurocomputing, vol. 267, pp. 378–384, Dec. 2017, doi: 10.1016/j.neucom.2017.06.023.
[9] D. Majumdar, D. K. Kole, A. Chakraborty, and D. Dutta Majumder, β€œReview: Detection & diagnosis of plant leaf disease using
integrated image processing approach,” International Journal of Computer Engineering and Applications, vol. VI, no. July 2014,
pp. 1–16, Jul. 2014.
[10] A. S. Doutoum, R. Eryigit, and B. Tugrul, β€œClassification of guava leaf disease using deep learning,” WSEAS Transactions on
Information Science and Applications, vol. 20, pp. 356–363, Oct. 2023, doi: 10.37394/23209.2023.20.38.
[11] M. Asim, S. Ullah, A. Razzaq, and S. Qadri, β€œVarietal discrimination of guava (psidium guajava) leaves using multi features
analysis,” International Journal of Food Properties, vol. 26, no. 1, pp. 179–196, Dec. 2023, doi:
10.1080/10942912.2022.2158863.
[12] A. M. Mostafa, S. A. Kumar, T. Meraj, H. T. Rauf, A. A. Alnuaim, and M. A. Alkhayyal, β€œGuava disease detection using deep
convolutional neural networks: A case study of guava plants,” Applied Sciences (Switzerland), vol. 12, no. 1, p. 239, Dec. 2022,
doi: 10.3390/app12010239.
[13] L. Perez and J. Wang, β€œThe effectiveness of data augmentation in image classification using deep learning,”
Arxiv.org/abs/1712.04621, Dec. 2017.
[14] A. M. Hashan, β€œGuava fruit disease images,” Kaggle, doi: 10.34740/kaggle/dsv/5767765.
[15] H. Ali, M. I. Lali, M. Z. Nawaz, M. Sharif, and B. A. Saleem, β€œSymptom based automated detection of citrus diseases using color
histogram and textural descriptors,” Computers and Electronics in Agriculture, vol. 138, pp. 92–104, Jun. 2017, doi:
10.1016/j.compag.2017.04.008.
[16] U. P. Singh, S. S. Chouhan, S. Jain, and S. Jain, β€œMultilayer convolution neural network for the classification of mango leaves
infected by anthracnose disease,” IEEE Access, vol. 7, pp. 43721–43729, 2019, doi: 10.1109/ACCESS.2019.2907383.
[17] A. Nurhopipah and U. Hasanah, β€œDataset splitting techniques comparison for face classification on CCTV images,” IJCCS
(Indonesian Journal of Computing and Cybernetics Systems), vol. 14, no. 4, p. 341, Oct. 2020, doi: 10.22146/ijccs.58092.
[18] A. Krizhevsky, I. Sutskever, and G. E. Hinton, β€œImageNet classification with deep convolutional neural networks,”
Communications of the ACM, vol. 60, no. 6, pp. 84–90, May 2017, doi: 10.1145/3065386.
[19] C. Szegedy et al., β€œGoing deeper with convolutions,” in Proceedings of the IEEE Computer Society Conference on Computer
Vision and Pattern Recognition, Jun. 2015, vol. 07-12-June, pp. 1–9, doi: 10.1109/CVPR.2015.7298594.
[20] S. Ruder, β€œAn overview of gradient descent optimization algorithms,” Arxiv.org/abs/1609.04747, Sep. 2016.
[21] C. H. Chen, P. H. Lin, J. G. Hsieh, S. L. Cheng, and J. H. Jeng, β€œRobust multi-class classification using linearly scored categorical
cross-entropy,” in Proceedings of the 3rd IEEE International Conference on Knowledge Innovation and Invention 2020, ICKII
2020, Aug. 2020, pp. 200–203, doi: 10.1109/ICKII50300.2020.9318835.
[22] D. R. Wilson and T. R. Martinez, β€œThe need for small learning rates on large problems,” in Proceedings of the International Joint
Conference on Neural Networks, 2001, vol. 1, pp. 115–119, doi: 10.1109/ijcnn.2001.939002.
[23] N. H. Ho, H. J. Yang, S. H. Kim, and G. Lee, β€œMultimodal approach of speech emotion recognition using multi-level multi-head
fusion attention-based recurrent neural network,” IEEE Access, vol. 8, pp. 61672–61686, 2020, doi:
10.1109/ACCESS.2020.2984368.
[24] S. Arya and R. Singh, β€œA comparative study of CNN and AlexNet for detection of disease in potato and mango leaf,” 2019
International Conference on Issues and Challenges in Intelligent Computing Techniques (ICICT), Ghaziabad, India, 2019,
pp. 1-6, doi: 10.1109/ICICT46931.2019.8977648.
[25] F. A. Aslam, H. N. Mohammed, and P. S. Lokhande, β€œEfficient way of web development using Python and Flask,” International
Journal of Advanced Research in Computer Science, vol. 6, no. 2, pp. 54–57, 2015, doi: 10.26483/IJARCS.V6I2.2434.
Int J Elec & Comp Eng ISSN: 2088-8708 
Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan)
1551
BIOGRAPHIES OF AUTHORS
Antor Mahamudul Hashan received the M.Sc. degree in innovative software
systems: design, development and application from National University of Science and
Technology "MISIS", Moscow, Russian Federation in 2020. Currently he is a graduate
student (Ph.D.) and working as a teacher assistant in the Institute of Fundamental Education
at Ural Federal University, Yekaterinburg, Russian Federation. His research interests
include digital image processing (agriculture and medical), signal analysis (speech and
medical), abnormal speech analysis, and silent speech analysis. He can be contacted at
email: hashan.antor@gmail.com
Shaon Md Tariqur Rahman B.Sc. degree in nuclear science and engineering
from Military Institute of Science and Technology β€œMIST”, Dhaka, Bangladesh. M.Sc.
degree in thermal power and heat engineering at Ural Federal University, Yekaterinburg,
Russian Federation. Currently he is a graduate student (Ph.D.) in the Department of New
Materials and Technologies, Ural Federal University, Yekaterinburg, Russian Federation.
He can be contacted at email: tariqurshaon32@gmail.com.
Kumar Avinash PhD student in the Department of Big Data Analytics and
Video Analysis Methods, Ural Federal University, Yekaterinburg, Russian Federation. His
research interests are deep learning and machine learning. He can be contacted at email:
avinash.kumar@urfu.ru.
Rizu Md Rakib Ul Islam B.Sc. in electric and computer science from North
South University (NSU), Dhaka, Bangladesh in 2019. Currently, he is a Master’s (M.Sc.) in
the Department of Information Technologies and Control Systems, Laboratory Researcher
since 2022 in the Institute of Radio Electronics and Information Technologies – RTF at
Ural Federal University, Yekaterinburg, Russian Federation. He can be contacted at email:
rizu@urfu.ru.
Subhankar Dey M.Sc. candidate in the Department of Information
Technologies and Control Systems. Specializes in artificial intelligence and has experience
as a Laboratory Researcher in the Institute of Radio Electronics and Information
Technologies, Ural Federal University, Yekaterinburg, Russian Federation. He can be
contacted at email: subho2026@gmail.com.

More Related Content

Similar to Guava fruit disease identification based on improved convolutional neural network

Srge most important publications 2020
Srge most important  publications 2020Srge most important  publications 2020
Srge most important publications 2020Aboul Ella Hassanien
Β 
A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...IAESIJAI
Β 
Plant Disease Prediction using CNN
Plant Disease Prediction using CNNPlant Disease Prediction using CNN
Plant Disease Prediction using CNNvishwasgarade1
Β 
Tomato Disease Fusion and Classification using Deep Learning
Tomato Disease Fusion and Classification using Deep LearningTomato Disease Fusion and Classification using Deep Learning
Tomato Disease Fusion and Classification using Deep LearningIJCI JOURNAL
Β 
7743-Article Text-13981-1-10-20210530 (1).pdf
7743-Article Text-13981-1-10-20210530 (1).pdf7743-Article Text-13981-1-10-20210530 (1).pdf
7743-Article Text-13981-1-10-20210530 (1).pdfNehaBhati30
Β 
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNNLEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNNIRJET Journal
Β 
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...IRJET Journal
Β 
10.1016@j.ecoinf.2021.101283.pdf
10.1016@j.ecoinf.2021.101283.pdf10.1016@j.ecoinf.2021.101283.pdf
10.1016@j.ecoinf.2021.101283.pdfNehaBhati30
Β 
20608-38949-1-PB.pdf
20608-38949-1-PB.pdf20608-38949-1-PB.pdf
20608-38949-1-PB.pdfIjictTeam
Β 
ORGANIC PRODUCT DISEASE DETECTION USING CNN
ORGANIC PRODUCT DISEASE DETECTION USING CNNORGANIC PRODUCT DISEASE DETECTION USING CNN
ORGANIC PRODUCT DISEASE DETECTION USING CNNIRJET Journal
Β 
Titles with Abstracts_2023-2024_Digital Image processing.pdf
Titles with Abstracts_2023-2024_Digital Image processing.pdfTitles with Abstracts_2023-2024_Digital Image processing.pdf
Titles with Abstracts_2023-2024_Digital Image processing.pdfinfo751436
Β 
abstract1 ppt (2).pptx
abstract1 ppt (2).pptxabstract1 ppt (2).pptx
abstract1 ppt (2).pptxRamyaKona3
Β 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...IJECEIAES
Β 
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...IRJET Journal
Β 
Leaf Disease Detection Using Image Processing and ML
Leaf Disease Detection Using Image Processing and MLLeaf Disease Detection Using Image Processing and ML
Leaf Disease Detection Using Image Processing and MLIRJET Journal
Β 
A classification model based on depthwise separable convolutional neural net...
A classification model based on depthwise separable  convolutional neural net...A classification model based on depthwise separable  convolutional neural net...
A classification model based on depthwise separable convolutional neural net...IJECEIAES
Β 
PLANT LEAF DISEASE CLASSIFICATION USING CNN
PLANT LEAF DISEASE CLASSIFICATION USING CNNPLANT LEAF DISEASE CLASSIFICATION USING CNN
PLANT LEAF DISEASE CLASSIFICATION USING CNNIRJET Journal
Β 
Plant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningPlant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningCSEIJJournal
Β 
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...IJECEIAES
Β 
Breast cancer histological images nuclei segmentation and optimized classifi...
Breast cancer histological images nuclei segmentation and  optimized classifi...Breast cancer histological images nuclei segmentation and  optimized classifi...
Breast cancer histological images nuclei segmentation and optimized classifi...IJECEIAES
Β 

Similar to Guava fruit disease identification based on improved convolutional neural network (20)

Srge most important publications 2020
Srge most important  publications 2020Srge most important  publications 2020
Srge most important publications 2020
Β 
A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...
Β 
Plant Disease Prediction using CNN
Plant Disease Prediction using CNNPlant Disease Prediction using CNN
Plant Disease Prediction using CNN
Β 
Tomato Disease Fusion and Classification using Deep Learning
Tomato Disease Fusion and Classification using Deep LearningTomato Disease Fusion and Classification using Deep Learning
Tomato Disease Fusion and Classification using Deep Learning
Β 
7743-Article Text-13981-1-10-20210530 (1).pdf
7743-Article Text-13981-1-10-20210530 (1).pdf7743-Article Text-13981-1-10-20210530 (1).pdf
7743-Article Text-13981-1-10-20210530 (1).pdf
Β 
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNNLEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
Β 
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
Β 
10.1016@j.ecoinf.2021.101283.pdf
10.1016@j.ecoinf.2021.101283.pdf10.1016@j.ecoinf.2021.101283.pdf
10.1016@j.ecoinf.2021.101283.pdf
Β 
20608-38949-1-PB.pdf
20608-38949-1-PB.pdf20608-38949-1-PB.pdf
20608-38949-1-PB.pdf
Β 
ORGANIC PRODUCT DISEASE DETECTION USING CNN
ORGANIC PRODUCT DISEASE DETECTION USING CNNORGANIC PRODUCT DISEASE DETECTION USING CNN
ORGANIC PRODUCT DISEASE DETECTION USING CNN
Β 
Titles with Abstracts_2023-2024_Digital Image processing.pdf
Titles with Abstracts_2023-2024_Digital Image processing.pdfTitles with Abstracts_2023-2024_Digital Image processing.pdf
Titles with Abstracts_2023-2024_Digital Image processing.pdf
Β 
abstract1 ppt (2).pptx
abstract1 ppt (2).pptxabstract1 ppt (2).pptx
abstract1 ppt (2).pptx
Β 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...
Β 
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...
MALARIAL PARASITES DETECTION IN THE BLOOD CELL USING CONVOLUTIONAL NEURAL NET...
Β 
Leaf Disease Detection Using Image Processing and ML
Leaf Disease Detection Using Image Processing and MLLeaf Disease Detection Using Image Processing and ML
Leaf Disease Detection Using Image Processing and ML
Β 
A classification model based on depthwise separable convolutional neural net...
A classification model based on depthwise separable  convolutional neural net...A classification model based on depthwise separable  convolutional neural net...
A classification model based on depthwise separable convolutional neural net...
Β 
PLANT LEAF DISEASE CLASSIFICATION USING CNN
PLANT LEAF DISEASE CLASSIFICATION USING CNNPLANT LEAF DISEASE CLASSIFICATION USING CNN
PLANT LEAF DISEASE CLASSIFICATION USING CNN
Β 
Plant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningPlant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep Learning
Β 
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...
An algorithm for detection of tuberculosis bacilli in Ziehl-Neelsen sputum sm...
Β 
Breast cancer histological images nuclei segmentation and optimized classifi...
Breast cancer histological images nuclei segmentation and  optimized classifi...Breast cancer histological images nuclei segmentation and  optimized classifi...
Breast cancer histological images nuclei segmentation and optimized classifi...
Β 

More from IJECEIAES

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...IJECEIAES
Β 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionIJECEIAES
Β 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...IJECEIAES
Β 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...IJECEIAES
Β 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningIJECEIAES
Β 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...IJECEIAES
Β 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...IJECEIAES
Β 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...IJECEIAES
Β 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyIJECEIAES
Β 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationIJECEIAES
Β 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceIJECEIAES
Β 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...IJECEIAES
Β 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...IJECEIAES
Β 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...IJECEIAES
Β 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...IJECEIAES
Β 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...IJECEIAES
Β 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...IJECEIAES
Β 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...IJECEIAES
Β 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...IJECEIAES
Β 
An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...IJECEIAES
Β 

More from IJECEIAES (20)

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...
Β 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regression
Β 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Β 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Β 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learning
Β 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...
Β 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...
Β 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...
Β 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancy
Β 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimization
Β 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performance
Β 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...
Β 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...
Β 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Β 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...
Β 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...
Β 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...
Β 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
Β 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
Β 
An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...
Β 

Recently uploaded

(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
Β 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAbhinavSharma374939
Β 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
Β 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
Β 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
Β 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
Β 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
Β 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
Β 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
Β 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
Β 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
Β 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
Β 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
Β 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
Β 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
Β 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
Β 
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”soniya singh
Β 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
Β 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
Β 

Recently uploaded (20)

(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
Β 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog Converter
Β 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
Β 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
Β 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Β 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
Β 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
Β 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
Β 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
Β 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Β 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
Β 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
Β 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
Β 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
Β 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
Β 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Β 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
Β 
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”
Model Call Girl in Narela Delhi reach out to us at πŸ”8264348440πŸ”
Β 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
Β 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
Β 

Guava fruit disease identification based on improved convolutional neural network

  • 1. International Journal of Electrical and Computer Engineering (IJECE) Vol. 14, No. 2, April 2024, pp. 1544~1551 ISSN: 2088-8708, DOI: 10.11591/ijece.v14i2.pp1544-1551  1544 Journal homepage: http://ijece.iaescore.com Guava fruit disease identification based on improved convolutional neural network Antor Mahamudul Hashan1 , Shaon Md Tariqur Rahman2 , Kumar Avinash3 , Rizu Md Rakib Ul Islam4 , Subhankar Dey4 1 Department of Intelligent Information Technologies, Ural Federal University, Yekaterinburg, Russian Federation 2 Department of New Materials and Technologies, Ural Federal University, Yekaterinburg, Russian Federation 3 Department of Big Data Analytics and Video Analysis Methods, Ural Federal University, Yekaterinburg, Russian Federation 4 Department of Information Technologies and Control Systems, Ural Federal University, Yekaterinburg, Russian Federation Article Info ABSTRACT Article history: Received Sep 4, 2023 Revised Sep 11, 2023 Accepted Nov 29, 2023 Guava fruit cultivation is crucial for Asian economic development, with Indonesia producing 449,970 metric tons between 2022 and 2023. However, technology-based approaches can detect disease symptoms, enhancing production and mitigating economic losses by enhancing quality. In this paper, we introduce an accurate guava fruit disease detection (GFDI) system. It contains the generation of appropriate diseased images and the development of a novel improved convolutional neural network (improved- CNN) that is built depending on the principles of AlexNet. Also, several preprocessing techniques have been used, including data augmentation, contrast enhancement, image resizing, and dataset splitting. The proposed improved-CNN model is trained to identify three common guava fruit diseases using a dataset of 612 images. The experimental findings indicate that the proposed improved-CNN model achieve accuracy 98% for trains and 93% for tests using 0.001 learning rate, the model parameters are decreased by 50,106,831 compared with traditional AlexNet model. The findings of the investigation indicate that the deep learning model improves the accuracy and convergence rate for guava fruit disease prevention. Keywords: Agriculture Automation Deep learning Guava fruit disease Image processing This is an open access article under the CC BY-SA license. Corresponding Author: Antor Mahamudul Hashan Department of Intelligent Information Technologies, Ural Federal University Yekaterinburg, Russian Federation Email: hashan.antor@gmail.com 1. INTRODUCTION The food and agriculture organization of the United States database shows that guava is grown on more than 2,515,970 ha of land and produces an average of 73,257 Hg/ha. The overall production of guava in the world in 2016 was 45,225,211 tons and the productivity was 80,153 hg/ha [1]. Regular crop monitoring and disease management systems are crucial for reducing production losses and ensuring the quality of guava fruit [2]. Machine learning (ML) methods like random forest, logistic regression, and artificial neural networks have been investigated by researchers as an approach to improve the accuracy of disease analysis [3]. In recent years, there has been significant progress in the development of the convolutional neural network method, which has the capability to autonomously identify and extract discriminative features for the task of image classification [4]. The convolutional neural network (CNN) is well recognized as an outstanding technique for recognition of patterns [5] and expression identification [6] in different fields. Motivated by the significant advancement achieved by convolutional neural networks in the area of image-based recognition, the utilization of CNN for the identification of early disease has become known as
  • 2. Int J Elec & Comp Eng ISSN: 2088-8708  Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan) 1545 a major area of research in the field of agricultural automation. CNNs have been extensively researched and applied in the discipline of crops and disease identification [7], [8]. According to the outcomes of previous investigations, the application of convolutional neural networks has not only decreased the necessity for image preprocessing but also increased the accuracy of recognition. This research introduces a novel methodology for evaluating guava fruit diseases. The CNN based methodology encounters difficulties in training model due to insufficient guava fruit diseased images and defining most effective network model structures. Here is a summary of the major contributions: i) To address the issue of insufficient images of guava fruit diseases, this work exhibits an image dataset constructed on the basis of image processing methods, which can improve the CNN-based model's adaptability and ensure against the overfitting. The initial process refers to the collection of natural guava fruit images, which are then put through to different digital image processing techniques, including data augmentation, contrast enhancement, image resizing and dataset splitting, in order to produce a sufficient amount of images; and ii) The initial step in identifying guava fruit diseases includes the utilization of a CNN. This end-to-end learning model has the ability to autonomously detect specific features that exist in guava fruit diseased images. Consequently, it can highly precisely describe the difference between the three most common types of guava fruit diseases. A novel improved-CNN model, which is based on AlexNet, is proposed in this study for the analysis of guava fruit diseases. The model includes several modifications, including adjustments to the convolution kernel size, replacement of fully-connected layers with a convolutional layer, and the use of Inception to enhance the feature extraction. The findings of the experiment illustrate that the suggested improved-CNN model outperforms the other standard models with an accuracy of 98% on train data and 93% on test data. In contrast to the traditional AlexNet, the proposed model exhibits a decreased number of 50,106,831 parameters, which suggests an increased fast convergence rate. The recognition rate increases with using a dataset of 612 simulated images of guava fruit, which presents more effective generalization and robustness. 2. RELATED WORKS The control of fruit diseases has become a topic of significant interest among researchers because it has a potential impact on both production and quality. In therefore, different solutions have been investigated in order to reduce this significant threat [9]. A deep learning approach was suggested for the classification and prediction of guava leaf diseases [10], utilizing a dataset consisting of 1,834 leaves categorized into five distinct groups. Four distinct pre-trained convolutional neural network (CNN) architectures were employed for training purposes. Among these architectures (VGG-16, Inception V3, ResNet50, and EfficientNet-B3), they observed that the EfficientNet-B3 architecture exhibited superior performance, achieving an accuracy of 94.93% on the test dataset. Another recent work provided an automated approach for detecting 12 kinds of guava leaf images [11]. Multiple ML classifiers utilized in this research, namely the instant base identifier, random forest, and meta bagging classifiers. The instant base identifier classifier outperformed other classifiers with an average overall accuracy of 93.01%. The detection model for guava canker, dost, rust, and mummification diseases was proposed by Mostafa et al. [12]. The study utilized color-histogram equalization and unsharp masking technique for disease identification in guava trees. On this research, a group of five network systems, including AlexNet, SqueezeNet, GoogLeNet, ResNet-50, and ResNet-101, were employed to diagnose diseases across multiple guava plant species. The researchers worked with a dataset sourced from Pakistan. They asserted that their findings exhibited a remarkable accuracy rate of 97.74%. A combined collection of 321 images were utilized for the purpose of image processing. The researchers observed that ResNet-101 offered favorable outcomes in comparison to alternative models. The studies mentioned above highlight the extensive application of CNNs in the field of fruit and plant disease recognition, generating advantageous results. However, it is important to note that those studies mainly utilize CNN-based models for the purpose of identifying diseases, without introducing any additional improvements to the current approach. However, the implementation of the CNN-based model for the purpose of identifying guava fruit disease has not been evaluated. In this study, we present an improve-CNN model that was used to identify guava fruit diseases. 3. METHOD This study introduces improved-CNN model for accurately identifying diseases affecting guava fruit. The suggested workflow is represented in Figure 1. The processes of the suggested approach have been organized into several essential steps, each of them will be explained in more detail below.
  • 3.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551 1546 Figure 1. Proposed strategies for the guava fruit disease detection (GFDI) system 3.1. Data augmentation The majority of the images consisting of the proposed dataset were captured by the researchers, but a portion of the collection was sourced from online repositories. The dataset was augmented through the use of affine transformations in standard image transformations [13]. The research utilizes the use of 612 images and a dataset repository that consists of three different diseases that might affect guava fruit: phytophthora, root, and scab [14]. Figure 2 illustrates the dataset of guava fruit images, while Table 1 provides a detailed summary of the image details. The fruits affected by Phytophthora exhibit a grayish brown color, which further darkens to a grayish black color upon immersion in water, as depicted in Figure 2(a). A discoloration under the persistent calyx that arises brown, black, and soft over time is one of the symptoms of root disease, as seen in Figure 2(b). Guava scab symptoms include lesions on fruit surfaces that are corky, ovoid, or spherical, as shown in Figure 2(c). (a) (b) (c) Figure 2. Guava fruit diseases: (a) phytophthora, (b) root, and (c) scab Table 1. Number of guava fruit disease images Guava fruit disease Training Testing Total Phytophthora 205 23 228 Root 162 18 180 Scab 183 21 204 Total 550 62 612
  • 4. Int J Elec & Comp Eng ISSN: 2088-8708  Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan) 1547 3.2. Contrast enhancement The technique of histogram equalization is employed to enhance the contrast of the entire dataset. The contrast of the images is increased by using the histogram and the histogram equalization approach provided by (1) to assign a uniform intensity value to each pixel [15]. 𝐻(𝑃(π‘₯,𝑦)) = π‘Ÿπ‘œπ‘’π‘›π‘‘( 𝑓𝑐𝑑𝑓(𝑝(π‘₯,𝑦))βˆ’π‘“π‘π‘‘π‘“π‘šπ‘–π‘› (𝑅×𝐢)βˆ’π‘“π‘π‘‘π‘“ Γ— 𝐿 βˆ’ 1) (1) where, 𝑓𝑐𝑑𝑓 = cumulative frequency, π‘“π‘π‘‘π‘“π‘šπ‘–π‘› = cumulative distribution, 𝑓𝑐𝑑𝑓(𝑃(π‘₯,𝑦)) = intensity, 𝑅 = number of pixels in rows, 𝐢 = the number of pixels in each column, and 𝐿 = the total number of intensities. 3.3. Image resizing and dataset splitting The process of scaling images facilitates the extraction of additional features and enhances the capacity for discriminating. All images are automatically cropped to 256Γ—256 pixels before model training, utilizing the central square crop method [16], as given by (2). π‘‘π‘’π‘“π‘π‘’π‘›π‘‘π‘’π‘Ÿπ‘’π‘‘πΆπ‘Ÿπ‘œπ‘(π‘–π‘šπ‘”, 𝑛𝑒𝑀_β„Žπ‘’π‘–π‘”β„Žπ‘‘, 𝑛𝑒𝑀_π‘€π‘–π‘‘π‘‘β„Ž) (2) In order to enhance the performance of the improved-CNN, it is essential to split the dataset into training, and testing sets using the randomization method. The data has been split applying the random sub-sampling validation (RSV) method [17]. The size of each subsection for training and testing is determined as 90% and 10%, respectively. 3.4. Building improved-CNN An improved-CNN model has been proposed for identifying guava fruit diseases, using traditional AlexNet [18], Inception [19], and their performance enhancements. The input image size is 256Γ—256Γ—3 pixel, batch size 16 for every epoch and the optimizer used is Nesterov’s accelerated gradient (NAG) [20] with linearly scored categorical cross-entropy (LSCCE) [21] loss function for 30 epochs. The learning rate is crucial for deep learning models, as high rates result in longer jumps and low rates cause slow convergence [22]. The optimal learning rate is determined by applying learning rates 0.001. The improved-CNN model's structure is illustrated in Figure 3, and its associated parameters are listed in Table 2. Initially, a structure known as Modified-AlexNet is developed, which is derived from the traditional AlexNet model. Higher-dimension convolution kernels offer enhanced macro information acquisition, resulting in 96 kernels in the first convolutional layer with dimensions of 9Γ—9Γ—3. This is not the same as the usual AlexNet, which consists of a first convolutional layer with kernels that are 11Γ—11Γ—3 in size. The noise is filtered by the second convolutional layer using 256 kernels of dimensions 5Γ—5Γ—48. The first two convolutional layers undergo normalization layers, followed by max-pooling layers. The third convolutional layer consists of 384 kernels, each with dimensions of 3Γ—3Γ—256. The outputs of the second convolutional layer are pooled and normalized, and the kernels are connected to those outputs. The fourth layer of the network is comprised of 256 kernels, each with a size of 2Γ—2Γ—192. In contrast to the traditional AlexNet architecture, a max-pooling layer is subsequently implemented. This configuration is designed to enhance the network's capability to extract small features. Figure 3. The structure of improved-CNN model
  • 5.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551 1548 Following the development of the modified-AlexNet, the modified-Inception architecture is constructed. The architectural design encompasses a configuration comprising of two max-pooling levels and two Inception elements. The first max-pooling layer removes the noise in the feature maps that modified- AlexNet generates. Then, the two Inceptions utilize the best classification features from the multidimensional evaluation. To avoid having some features filtered out, the output of the first Inception is sent into the concatenation layer of the second Inception. The standard AlexNet has been replaced with a fifth convolutional layer and a modified-Inception with 4,096 kernels of size 1Γ—1Γ—736. The fully connected layer has been adjusted to make predictions for three different types of diseases that impacts guava fruit. The last layer is realized as a three-way Softmax layer in its implementation. Table 2. Model configuration and accuracy for train and test set [Epochs: 30, Batch Size: 16, optimizer: NAG, loss function: LSCCE] Model configuration Train accuracy Test accuracy Layer Patch size Output size Learning rate Conv 9Γ—9 96Γ—55Γ—55 0.001 98% 93% Maxpool 3Γ—3 96Γ—27Γ—27 Conv 5Γ—5 256Γ—27Γ—27 Maxpool 3Γ—3 256Γ—13Γ—13 Conv 3Γ—3 384Γ—13Γ—13 Conv 2Γ—2 256Γ—14Γ—14 Maxpool 3Γ—3 256Γ—7Γ—7 Maxpool 3Γ—3 256Γ—3Γ—3 Inception - 256Γ—3Γ—3 Inception - 736Γ—3Γ—3 Maxpool 3Γ—3 736Γ—1Γ—1 Conv 1Γ—1 4096Γ—1Γ—1 Fully Connection - 3 Softmax - 3 4. RESULTS AND DISCUSSION This section contains an exposition of the results obtained through the investigation. The research is carried out on a personal computer platform, particularly an Acer Nitro 5 with 16 GB RAM and a 4 GB NVIDIA Graphics card. The experiment is performed using Google Colab, which utilizes a 12 GB NVIDIA Tesla K80 GPU. The performance of the improved-CNN model is evaluated by the accuracy graph, Figure 4 depicts the comparison graphs derived from the training and testing datasets. Figure 4(a) compares accuracy curves for the training set and the test set throughout epochs, demonstrating that both sets achieve similar accuracy levels but that the test set's accuracy is always lower. This observation suggests that the improved- CNN model successfully reduced the issue of overfitting in both the training and testing datasets. Figure 4(b) illustrates the loss curve for both the training set and the testing set respectively. The improved-CNN model exhibits a lower error rate on the test set compared to the training set, which can be considered a positive indicator of the model's classification ability. (a) (b) Figure 4. Curves for comparison for the train dataset and the test dataset: (a) accuracy and (b) loss
  • 6. Int J Elec & Comp Eng ISSN: 2088-8708  Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan) 1549 In order to conduct a comprehensive analysis, the efficacy of the model is further examined through the measurements of precision, recall, and F1-score [23]. Based on the findings of the identification process, it was determined that the phytophthora class had the highest precision rate of 92%, as shown in Table 3 for details. However, phytophthora has the highest recall value of 95% and the highest F1-score of 93%. We compared the model performance with AlexNet [24] using proposed dataset [14]. Images were scaled down to 120Γ—120 pixels. Table 4 displays a comparison between improved-CNN and AlexNet in terms of accuracy. We can observe that the improved-CNN is capable of an accuracy of up to 98% for training, whereas the AlexNet has a maximum accuracy capable of 92%. The results show that improved- CNN does better than the AlexNet on small dataset, when the same training and testing conditions are used. In order to deploy proposed improved-CNN model, Figure 5 exhibits a web application aimed at the identification of diseases in guava fruit. Figure 5(a) shows a hypertext markup language (HTML) page that is designed with input. The submitted image is sent as part of a β€˜POST’ request to the application programming interface (API), which was programmed in Python Flask [25]. The provided image was translated into a NumPy array, which was subsequently transformed into a dataframe. Subsequently, the model was employed for predicting guava fruit disease utilizing the dataframe. Based on the predicted results, the output was employed to generate an additional HTML page that illustrates the actual result, as depicted in Figure 5(b). Table 3. Performance evaluation of the improved-CNN model Disease name Precision Recall F1-score Phytopthora 0.920 0.958 0.939 Root 0.882 0.789 0.833 Scab 0.913 0.945 0.923 Table 4. Comparison between improved-CNN and AlexNet Models Accuracy Train Test AlexNet [24] 92% 84% Improved-CNN 98% 93% Figure 5. Web application: (a) screenshot of the webpage and (b) predicted result 5. CONCLUSION The main objectives of this research work were to find out the limitations of existing GFDI systems and apply probable solutions to overcome the limitations. A comprehensive set of 612 images had been generated by the utilization of techniques for image processing such as data augmentation, contrast enhancement, image resizing, and dataset splitting. The above steps were taken to ensure a sufficient number of guava fruit images depicting various diseases. Furthermore, a novel improved-CNN model was constructed by integrating the architectural components of AlexNet and Inception. The obtained findings are considered satisfactory, as the improved-CNN model exhibits a higher overall training accuracy of 98% compared to other models. The NAG algorithm and LSCCE loss function have been applied to optimize network parameters for accurate guava fruit diseases identification and it can be used on a regular computer without a GPU and takes less time to train the dataset.
  • 7.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 2, April 2024: 1544-1551 1550 The proposed method could be used in robotics, where human-computer interactions (HCI) are extremely crucial. Another possible application could involve the development of a real-time system for automatically identifying and recognizing diseases. Adding more guava fruit diseases to the existing dataset is one way to further developing our research. Additionally, we can expand proposed dataset to include more guava images in order to build better models for the future. Additionally, it is recommended to incorporate a wider range of data augmentation techniques, in order to enhance the robustness and reliability of the results obtained from the proposed guava disease dataset. REFERENCES [1] S. Rajan and U. Hudedamani, β€œGenetic resources of guava: Importance, uses and prospects,” in Conservation and Utilization of Horticultural Genetic Resources, Springer Singapore, 2019, pp. 363–383. [2] S. K. Mitra, M. R. Gurung, and P. K. Pathak, β€œGuava production and improvement in India: an Overview,” Acta Horticulturae, vol. 787, no. 787, pp. 59–66, Apr. 2008, doi: 10.17660/ActaHortic.2008.787.4. [3] M. K. R. Gavhale and P. U. Gawande, β€œAn overview of the research on plant leaves disease detection using image processing techniques,” IOSR Journal of Computer Engineering, vol. 16, no. 1, pp. 10–16, 2014, doi: 10.9790/0661-16151016. [4] A. M. Hashan, R. M. R. Ul Islam, and K. Avinash, β€œApple leaf disease classification using image dataset: A multilayer convolutional neural network approach,” Informatics and Automation, vol. 21, no. 4, pp. 710–728, Jun. 2022, doi: 10.15622/ia.21.4.3. [5] I. I. Imran, β€œCNN-RNN deep learning networks for pattern recognition problems,” 2023 International Conference on Business Analytics for Technology and Security (ICBATS), Dubai, United Arab Emirates, 2023, pp. 1-5, doi: 10.1109/ICBATS57792.2023.10111363. [6] A. M. Hashan, K. Al-Saeedi Adnan Adhab, R. M. R. U. Islam, K. Avinash, and S. Dey, β€œAutomated human facial emotion recognition system using depthwise separable convolutional neural network,” in Proceedings of the 2023 IEEE International Conference on Industry 4.0, Artificial Intelligence, and Communications Technology, IAICT 2023, Jul. 2023, pp. 113–117, doi: 10.1109/IAICT59002.2023.10205785. [7] S. P. Mohanty, D. P. Hughes, and M. SalathΓ©, β€œUsing deep learning for image-based plant disease detection,” Frontiers in Plant Science, vol. 7, Sep. 2016, doi: 10.3389/fpls.2016.01419. [8] Y. Lu, S. Yi, N. Zeng, Y. Liu, and Y. Zhang, β€œIdentification of rice diseases using deep convolutional neural networks,” Neurocomputing, vol. 267, pp. 378–384, Dec. 2017, doi: 10.1016/j.neucom.2017.06.023. [9] D. Majumdar, D. K. Kole, A. Chakraborty, and D. Dutta Majumder, β€œReview: Detection & diagnosis of plant leaf disease using integrated image processing approach,” International Journal of Computer Engineering and Applications, vol. VI, no. July 2014, pp. 1–16, Jul. 2014. [10] A. S. Doutoum, R. Eryigit, and B. Tugrul, β€œClassification of guava leaf disease using deep learning,” WSEAS Transactions on Information Science and Applications, vol. 20, pp. 356–363, Oct. 2023, doi: 10.37394/23209.2023.20.38. [11] M. Asim, S. Ullah, A. Razzaq, and S. Qadri, β€œVarietal discrimination of guava (psidium guajava) leaves using multi features analysis,” International Journal of Food Properties, vol. 26, no. 1, pp. 179–196, Dec. 2023, doi: 10.1080/10942912.2022.2158863. [12] A. M. Mostafa, S. A. Kumar, T. Meraj, H. T. Rauf, A. A. Alnuaim, and M. A. Alkhayyal, β€œGuava disease detection using deep convolutional neural networks: A case study of guava plants,” Applied Sciences (Switzerland), vol. 12, no. 1, p. 239, Dec. 2022, doi: 10.3390/app12010239. [13] L. Perez and J. Wang, β€œThe effectiveness of data augmentation in image classification using deep learning,” Arxiv.org/abs/1712.04621, Dec. 2017. [14] A. M. Hashan, β€œGuava fruit disease images,” Kaggle, doi: 10.34740/kaggle/dsv/5767765. [15] H. Ali, M. I. Lali, M. Z. Nawaz, M. Sharif, and B. A. Saleem, β€œSymptom based automated detection of citrus diseases using color histogram and textural descriptors,” Computers and Electronics in Agriculture, vol. 138, pp. 92–104, Jun. 2017, doi: 10.1016/j.compag.2017.04.008. [16] U. P. Singh, S. S. Chouhan, S. Jain, and S. Jain, β€œMultilayer convolution neural network for the classification of mango leaves infected by anthracnose disease,” IEEE Access, vol. 7, pp. 43721–43729, 2019, doi: 10.1109/ACCESS.2019.2907383. [17] A. Nurhopipah and U. Hasanah, β€œDataset splitting techniques comparison for face classification on CCTV images,” IJCCS (Indonesian Journal of Computing and Cybernetics Systems), vol. 14, no. 4, p. 341, Oct. 2020, doi: 10.22146/ijccs.58092. [18] A. Krizhevsky, I. Sutskever, and G. E. Hinton, β€œImageNet classification with deep convolutional neural networks,” Communications of the ACM, vol. 60, no. 6, pp. 84–90, May 2017, doi: 10.1145/3065386. [19] C. Szegedy et al., β€œGoing deeper with convolutions,” in Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Jun. 2015, vol. 07-12-June, pp. 1–9, doi: 10.1109/CVPR.2015.7298594. [20] S. Ruder, β€œAn overview of gradient descent optimization algorithms,” Arxiv.org/abs/1609.04747, Sep. 2016. [21] C. H. Chen, P. H. Lin, J. G. Hsieh, S. L. Cheng, and J. H. Jeng, β€œRobust multi-class classification using linearly scored categorical cross-entropy,” in Proceedings of the 3rd IEEE International Conference on Knowledge Innovation and Invention 2020, ICKII 2020, Aug. 2020, pp. 200–203, doi: 10.1109/ICKII50300.2020.9318835. [22] D. R. Wilson and T. R. Martinez, β€œThe need for small learning rates on large problems,” in Proceedings of the International Joint Conference on Neural Networks, 2001, vol. 1, pp. 115–119, doi: 10.1109/ijcnn.2001.939002. [23] N. H. Ho, H. J. Yang, S. H. Kim, and G. Lee, β€œMultimodal approach of speech emotion recognition using multi-level multi-head fusion attention-based recurrent neural network,” IEEE Access, vol. 8, pp. 61672–61686, 2020, doi: 10.1109/ACCESS.2020.2984368. [24] S. Arya and R. Singh, β€œA comparative study of CNN and AlexNet for detection of disease in potato and mango leaf,” 2019 International Conference on Issues and Challenges in Intelligent Computing Techniques (ICICT), Ghaziabad, India, 2019, pp. 1-6, doi: 10.1109/ICICT46931.2019.8977648. [25] F. A. Aslam, H. N. Mohammed, and P. S. Lokhande, β€œEfficient way of web development using Python and Flask,” International Journal of Advanced Research in Computer Science, vol. 6, no. 2, pp. 54–57, 2015, doi: 10.26483/IJARCS.V6I2.2434.
  • 8. Int J Elec & Comp Eng ISSN: 2088-8708  Guava fruit disease identification based on improved convolutional neural … (Antor Mahamudul Hashan) 1551 BIOGRAPHIES OF AUTHORS Antor Mahamudul Hashan received the M.Sc. degree in innovative software systems: design, development and application from National University of Science and Technology "MISIS", Moscow, Russian Federation in 2020. Currently he is a graduate student (Ph.D.) and working as a teacher assistant in the Institute of Fundamental Education at Ural Federal University, Yekaterinburg, Russian Federation. His research interests include digital image processing (agriculture and medical), signal analysis (speech and medical), abnormal speech analysis, and silent speech analysis. He can be contacted at email: hashan.antor@gmail.com Shaon Md Tariqur Rahman B.Sc. degree in nuclear science and engineering from Military Institute of Science and Technology β€œMIST”, Dhaka, Bangladesh. M.Sc. degree in thermal power and heat engineering at Ural Federal University, Yekaterinburg, Russian Federation. Currently he is a graduate student (Ph.D.) in the Department of New Materials and Technologies, Ural Federal University, Yekaterinburg, Russian Federation. He can be contacted at email: tariqurshaon32@gmail.com. Kumar Avinash PhD student in the Department of Big Data Analytics and Video Analysis Methods, Ural Federal University, Yekaterinburg, Russian Federation. His research interests are deep learning and machine learning. He can be contacted at email: avinash.kumar@urfu.ru. Rizu Md Rakib Ul Islam B.Sc. in electric and computer science from North South University (NSU), Dhaka, Bangladesh in 2019. Currently, he is a Master’s (M.Sc.) in the Department of Information Technologies and Control Systems, Laboratory Researcher since 2022 in the Institute of Radio Electronics and Information Technologies – RTF at Ural Federal University, Yekaterinburg, Russian Federation. He can be contacted at email: rizu@urfu.ru. Subhankar Dey M.Sc. candidate in the Department of Information Technologies and Control Systems. Specializes in artificial intelligence and has experience as a Laboratory Researcher in the Institute of Radio Electronics and Information Technologies, Ural Federal University, Yekaterinburg, Russian Federation. He can be contacted at email: subho2026@gmail.com.