Development of Automated Leaf Disease Detection in Pomegranate Using Alexnet Algorithm

Prashant B. Wakhare1,2*, Jayash A. Kandalkar2, Rushikesh S. Kawtikwar2, Sonali A. Kalme2 and Rutvija V. Patil2

1Department of Computer Science and Engineering, Bharath Institute of Higher Education and Research, Tamil Nadu, India.

2Department of Information Technology, All India Shri Shivaji Memorial Society, Institute of Information Technology, Pune.

Corresponding Author E-mail:pbwakhare@gmail.com

DOI : http://dx.doi.org/10.12944/CARJ.11.1.15

Article Publishing History

Received: 12 Apr 2023
Accepted: 08 May 2023
Published Online: 11 May 2023

Review Details

Plagiarism Check: Yes
Reviewed by: Dr. Kannan Warrier
Second Review by: Dr. Jerald Anthony Esteban
Final Approval by: Dr. Ahmet Ertek

Article Metrics

Views     PDF Download PDF Downloads: 377

Google Scholar

Abstract:

Agriculture plays a crucial part in the overall growth of the country. Smart agriculture provides today's farmers a help in decision making. Farmers or professionals typically monitor crops for disease detection and identification by using traditional methods. Many techniques are designed to improve the productivity and quality of the crops, but the disease prediction of the existing techniques leads to loss of productivity and quality. Overcoming these issues this paper aims to develop a system to detect Bacterial Blight and Alternaria using Alexnet algorithm at early seedling stage.  The main objective is to detect two major diseases Bacterial Blight and Alternaria using Alexnet algorithm. The dataset of pomegranate leaf images total 1245 was created which was unavailable for these diseases, 80% of dataset is used for the training part another 20% is used for the testing part. For evaluating the performance of Alexnet algorithm, the performance metrics such as accuracy, precision, recall was considered. Results showed a high accuracy rate of 97.60% and this developed pomegranate leaf diseases detection system is better than other algorithm in terms of accuracy, loss, recall. Developed system has loss of 0.1(scaled between 0-1) which is very less comparative to other similar models. Finding of this paper is Dataset was created which was unavailable and proposed approach have high accuracy than others through which we can detect diseases at very early seedling stage.

Keywords:

Alexnet; Convolutional Neural Network; Diseases; Dataset Creation; Image Enhancement; Image Segmentation; Image Pre-Processing; Pomegranate

Download this article as: 

Copy the following to cite this article:

Wakhare P. B, Kandalkar J. A, Kawtikwar R. S, Kalme S. A, Patil R. V. Development of Automated Leaf Disease Detection in Pomegranate Using Alexnet Algorithm. Curr Agri Res 2023; 11(1). doi : http://dx.doi.org/10.12944/CARJ.11.1.15

Copy the following to cite this URL:

Wakhare P. B, Kandalkar J. A, Kawtikwar R. S, Kalme S. A, Patil R. V. Development of Automated Leaf Disease Detection in Pomegranate Using Alexnet Algorithm. Curr Agri Res 2023; 11(1).Available from: https://bit.ly/42LCqL7


Introduction

Agriculture is important factor for country’s economic growth. Also, it has played an important part in the development of mortal civilization. Pomegranate fruits are part of healthy diet and often liked by all people. pomegranate is one of best fruit which contain lots of nutrients and it is highly demandable in Indian as well as foreign market2. Pomegranates are a valuable fruit crop with a significant economic impact worldwide. The global market for pomegranates and their products is projected to grow in the coming years, driven by the increasing demand for natural and healthy foods 5. According to a report by Mordor Intelligence, the global pomegranate market was valued at USD 5.67 billion in 2020 and is expected to reach USD 8.46 billion by 2026, with a projected CAGR of 6.9% during the forecast period 13. This growth is fuelled by the rising popularity of pomegranate juice and other pomegranate-based products, along with increasing consumer awareness of the health benefits of pomegranates. In India, pomegranate cultivation is concentrated in Maharashtra, Karnataka, and Andhra Pradesh. During the 2020-21 period, India exported 1,08,572 MT of pomegranates worth INR 671.77 crore (USD 91 million), with major export destinations being the UAE, the UK, and Bangladesh, according to the National Horticulture Board 11.

However, pomegranate cultivation in India is affected by various diseases such as bacterial blight and Alternaria. These diseases can cause significant income loss for farmers, with bacterial blight alone resulting in a yield loss ranging from 20% to 80%. So is very important to prevent the pomegranate from various disease in early stage, for all this problem we proposed system which have more accuracy than others.

There are many diseases that affects the plants, where the symptoms are not recognizable at very first stage which may lead to social and economic loss. To make things easier image processing is used that helps to make things easier image processing is used, that helps to overcome these kinds of situations, by extracting the features8 of the leaves where can be diseases can be easily detected image processing involves steps like image segmentation4. Based on the multiple linear regressions a new recognition system of image is proposed6. Image segmentation consist of no of innovation. Feature extraction are used to while creating the recognition system 3.

The proposed algorithm for pomegranate leaf disease detection and identification using deep learning techniques overcomes the limitations of existing approaches in several ways. The Authors have1 proposed a VGG19 algorithm for pomegranate leaf disease but it have limitation like it have less accuracy and it is time consuming so we proposed a system which overcome this problem which have much more accuracy than existing system and it take very less time to predict the diseases of pomegranate9. The authors have discussed  several pest management strategies have been proposed and implemented for pomegranate orchards.19

The main objective of this paper is to create an automated and dependable system that can accurately detect leaf diseases in pomegranate plants by utilizing deep learning. The proposed system is intended to identify the type of disease affecting the leaf precisely. The study intends to test and validate the efficiency of the proposed system in detecting and classifying pomegranate leaf diseases. By achieving these objectives, this study aims to make a valuable contribution to the development of effective tools for plant disease detection, which can help reduce the negative impact of plant diseases on crop yield and quality. 

Materials and Methods 

 Data Creation 

The collected a own dataset of pomegranate leaf images from various sources, including clicking real time images from the pomegranate orchards, Kaggle Dataset, plant pathology databases and online resources, total of 1245 images of pomegranate leaves. The dataset was split into 80% for training and 20% for testing. The dataset used for training the algorithm includes the following types of images:

Healthy leaves: These leaves are green and free from any infections.

Alternaria Alternate infected leaves: These are images of leaves infected by a fungus that causes dark spots and rots plant parts.

Bacterial Blight infected leaves: These images depict leaves with pale green spots that later appear water-soaked due to a bacterial infection.

The split ratio used in this study (80-10-10) is also a common approach for dividing a dataset into training, validation, and testing sets. The training set is used to train the network, while the validation set is used to tune the network’s hyperparameters and prevent overfitting. The testing set is used to evaluate the performance of the trained algorithm on new, unseen data. In pre-processed the dataset by resizing the images to a fixed size of 256×256 pixels and normalizing their pixel values. Then split the dataset into training, validation, and testing sets using a 80-10-10 split ratio.

Image Acquisition

Image Acquisition is the process of creating a dataset containing the image samples that includes infected leaf images and non-infected leaf images. Images are captured by a digital camera and samples are stored in dataset. A proper dataset is created containing train, test, valid folders where each folder has again had two folders healthy leaves and non-healthy leaves. On-healthy leaves is further divided into different classes based on the name of disease.

Image Pre-Processing

Image Pre-processing is process where input images are reduced to a defined size which makes is easier to extract useful features, then image denoising is done for the removal of noise, unwanted features which are not required for classification. Color image is converted to grayscale image[14]. finally, image is converted into array form. Image pre-processing is an essential step in image analysis and computer vision tasks, such as image clustering. It involves a set of techniques to enhance the quality of the raw input image, remove noise, and extract relevant features. The following are some common pre-processing steps:

Image Resizing: This involves resizing the image to a fixed size, which reduces the computational complexity of subsequent steps.

Image Enhancement: This step includes applying filters to the image to remove noise, sharpen edges, and improve the contrast of the image. Filters commonly used for image enhancement include Gaussian, median, and Sobel filters.

Image Thresholding: This step involves converting the image to a binary format, where all pixels with intensities above a certain threshold are set to white, and all those below the threshold are set to black. This is useful for segmenting the image into regions of interest.

Feature Extraction: This step involves extracting relevant features from the image, such as color histograms, texture, and shape descriptors. These features are then used to represent the image in a higher-dimensional space, where clustering algorithms can be applied.

Normalization: This step involves scaling the features extracted from the image to a common range, such as [0,1], to ensure that each feature has an equal contribution to the clustering algorithm.

Dimensionality Reduction: This step involves reducing the number of features used to represent the image, often through techniques such as Principal Component Analysis (PCA) or t-SNE. This reduces the computational complexity of the clustering algorithm and improves its performance.

By applying these pre-processing steps, we can improve the accuracy and efficiency of image clustering algorithms.

Image Segmentation

Image segmentation is applied to simplify the display of images containing segments for easy analysis. Perform image segmentation to segment affected and unaffected parts of leaf disease. More specifically, image segmentation is the process of converting an image in multiple segments which is also called as an image objects. The main objective of segmentation is to make image representation simple and to convert it into a more meaningful form.

Image segmentation is the process of dividing an image into multiple segments or regions, each of which represents a distinct object or part of the image. Image segmentation is an essential step in computer vision and image processing, as it enables us to identify and analyse different objects or regions within an image. The following are some common image segmentation techniques are given in previous research.15

Thresholding: This technique involves converting the image into a binary format by setting a threshold value, where all pixel values above the threshold are set to one and all those below are set to zero. This is useful for separating objects from the background in an image.

Edge detection: This technique involves identifying the boundaries of objects or regions within an image by detecting edges or changes in pixel intensity. Edge detection algorithms include Sobel, Canny, and Laplacian edge detection.

Region growing: This technique involves selecting a seed point in the image and iteratively expanding the region around the seed point based on a set of predefined criteria, such as pixel intensity or colour similarity.

Clustering: This technique involves grouping similar pixels together based on their color or intensity values. Common clustering algorithms include k-means clustering and mean-shift clustering.

Watershed segmentation: This technique involves treating the image as a topographic map and identifying the local minima, or watershed points, which define the boundaries between regions.

By applying these segmentation techniques, we can extract regions of interest from an image and perform further analysis and processing on them. Image segmentation have increased the algorithm accuracy which in previous research were aligning[16].Top of Form

Classification Using Alexnet

Algorithm For Alexnet

Figure 1: IClassification Using Alexnet

Click here to view Figure

The algorithm for training and using Alexnet involves the following steps:

The input images are fed into the first layer, which applies 96 filters with a size of 11×11 and a stride of 4. The output of this layer is then passed through a ReLU activation function.

The output of the first layer is passed into a max-pooling layer with a filter size of 3×3 and a stride of 2.

The output of the max-pooling layer is passed into the second layer, which applies 256 filters with a size of 5×5 and a stride of 1. The output of this layer is then passed through a ReLU activation function.

The output of the second layer is passed into another max-pooling layer with the same filter size and stride as the first one.

The output of the second max-pooling layer is passed into the third layer, which applies 384 filters with a size of 3×3 and a stride of 1. The output of this layer is then passed through a ReLU activation function.

The output of the third layer is passed into the fourth layer, which applies 384 filters with a size of 3×3 and a stride of 1. The output of this layer is then passed through a ReLU activation function.

The output of the fourth layer is passed into the fifth layer, which applies 256 filters with a size of 3×3 and a stride of 1. The output of this layer is then passed through a ReLU activation function.

The output of the fifth layer is passed into another max-pooling layer with a filter size of 3×3 and a stride of 2.

The output of the last max-pooling layer is flattened into a vector and fed into three fully connected layers with 4096, 4096, and 1000 neurons, respectively. Each fully connected layer is followed by a ReLU activation function and a dropout layer for regularization.

The final layer is a softmax layer that outputs a probability distribution over the 1000 possible classes.

The network is trained using backpropagation with a cross-entropy loss function and stochastic gradient descent (SGD) optimization. Data augmentation techniques such as random cropping, horizontal flipping, and color jittering are used to increase the size of the training set and prevent overfitting.

During inference, an input image is passed through the network and the class with the highest probability is output as the predicted class. 

Mathematical Formulation of Alexnet

Let x be an input image with dimensions W x H x C, where W is the width, H is the height, and C is the number of channels (e.g., 3 for RGB images).

The first layer of the Alexnet architecture applies 96 filters with a size of 11×11 and a stride of 4, denoted by F1. The output feature map of this layer is computed as follows:

a1[i ,j ,k] = relu( sum( F1[:,:,k] * x[(i*4):(i*4+11), (j*4):(j*4+11), :] ) + b1[k] )…….(1)

where a1[i,j,k] represents the activation value at position (i ,j) in the k-th feature map, relu() is the rectified linear unit activation function, F1[:,:,k] is the k-th filter, x[(i4):(i4+11), (j4):(j4+11), :] is the corresponding input patch, and b1[k] is the bias term for the k-th filter.

The output of the first layer is then passed through a max-pooling layer with a filter size of 3×3 and a stride of 2, denoted by P1:

a2[i,j,k] = max( a1[(i*2):(i*2+3), (j*2):(j*2+3), k] )………………………………..(2)

where a2[i,j,k] represents the activation value at position (i,j) in the k-th pooled feature                               map.

The output of the first layer is then passed through a max-pooling layer with a filter size of 3×3 and a stride of 2, denoted by P1:

a2[i,j,k] = max( a1[(i*2):(i*2+3), (j*2):(j*2+3), k] ) ………………………………(3)

where a2[i,j,k] represents the activation value at position (i,j) in the k-th pooled feature map.

The second layer applies 256 filters with a size of 5×5 and a stride of 1, denoted by F2:

a3[i,j,k] = relu( sum( F2[:,:,k] * a2[(i*1):(i*1+5), (j*1):(j*1+5), :] ) + b2[k] ) …….(4)

where a3[i,j,k] represents the activation value at position (i,j) in the k-th feature map, F2[:,:,k] is the k-th filter, a2[(i1):(i1+5), (j1):(j1+5), :] is the corresponding input patch from the output of P1, and b2[k] is the bias term for the k-th filter.

The output of the second layer is then passed through another max-pooling layer with the same filter size and stride as the first one:

a4[i,j,k] = max( a3[(i*2):(i*2+3), (j*2):(j*2+3), k] ) ………………………………..(5)

The third layer applies 384 filters with a size of 3×3 and a stride of 1, denoted by F3:

a5[i,j,k] = relu( sum( F3[:,:,k] * a4[(i*1):(i*1+3), (j*1):(j*1+3), :] ) + b3[k] ) ………(6)

where a5[i,j,k] represents the activation value at position (i,j) in the k-th feature map, F3[:,:,k] is the k-th filter, a4[(i1):(i1+3), (j1):(j1+3), :] is the corresponding input patch from the output of the second max-pooling layer, and b3[k] is the bias term for the k-th filter.

 The fourth and fifth layers are similar to the third layer, with 384 and 256 filters of size 3x. 

Result and Discussion

Implementation of this system for detection of pomegranate diseases result in high accuracy than others system the accuracy of the this given algorithm is nearly 97.60% which is higher than that of other algorithms. The use of Alexnet result in less error than other existing systems.

The authors 17 have aimed to develop a deep learning model for plant disease detection using the AlexNet architecture. The study used a dataset of grapevine leaf images and reported an F1 score of 0.90, which is slightly lower than the F1 score reported in the current study. However, the study reported high precision and recall values ranging from 0.88 to 0.94 and 0.91 to 0.93, respectively, which is consistent with the high precision and recall values reported in the current study.

The authors 18 have aimed to developed a deep learning model using the AlexNet architecture for the detection of pear diseases. The study reported an F1 score of 0.945, which is similar to the F1 score reported in the current study. The precision and recall values reported in the Liu et al. study were also high, ranging from 0.93 to 0.96 and 0.94 to 0.95, respectively.

These studies suggest that the AlexNet architecture is effective in accurately detecting and classifying plant diseases. The high precision, recall, and F1 score values reported in the current study are consistent with the findings from these studies, further supporting the effectiveness of the AlexNet algorithm for plant disease detection.

Figure 2: Accuracy of Different Algorithm

Click here to view Figure

Figure 3: Comparison of Loss of Different Algorithm 

Click here to view Figure

The proposed method was able to achieve an impressive overall accuracy rate of 97.60% in accurately classifying images of pomegranate leaves into their respective disease categories. The precision, recall, and F1 score for each individual disease class can be found in Table 1.

Table 1: The precision, recall, and F1 score for each disease class.

Disease Class

Precision

Recall

F1 Score

Bacterial Blight

0.97

0.96

0.97

Alternaria

0.95

0.94

0.95

Non-Infected

0.98

0.97

0.98

Based on the values in the table, we can conclude that the algorithm achieved high precision, recall, and F1 score for all above disease classes. The F1 score, which is the harmonic mean of precision and recall, provides a balanced evaluation of the algorithm’s accuracy, indicating that it is effective in detecting and classifying all three disease types. The precision values range from 0.95 to 0.98, indicating that the algorithm accurately predicts true positives, while recall values range from 0.94 to 0.97, indicating that the algorithm is able to correctly identify all positive instances. Overall, these evaluation metrics suggest that the AlexNet algorithm is effective in accurately detecting and classifying pomegranate leaf diseases.

Table 2: Summary of All Techniques Used for Plant Disease Detection and Diagnosis.

Authors

Methodology

Dataset

Accuracy

[1]

Vgg16-based approach

Plant Village

95.06%

[4]

CNN-based approach

kaggel

90%

[5]

CNN-based approach

Tomato leaf images from plant village

94.05%

[10]

CNN-based approach

Pomegranate leaf images

94.9%

Proposed Algorithm

AlexNet-based approach

Pomegranate leaf images

97.60%

Table [2] presents findings from various research papers on the use of deep learning techniques for plant disease detection and diagnosis. The table provides information on authors, methodology, datasets used, and achieved accuracies for each paper. Notably, a proposed algorithm achieved the highest accuracy of 97.60% using a Alexnet-based approach trained on a dataset of pomegranate leaf images. However, it is crucial to note that different datasets’ characteristics may impact accuracy levels. Therefore, comparing algorithms under similar conditions is necessary for more precise conclusions.

Conclusion

In this paper, we have developed a model for image classification used for the detection of pomegranate plant leaf disease. The model includes utilization of   techniques which includes image pre-processing, image segmentation, image classification. Moreover, there are still no proper solutions available in the market, except those which are based on plant species recognition. Developing this system, Alexnet algorithm was explored to automatically classify and detect plant diseases from leaf images. The entire process was carried out from collecting the images which are used for training and validation of algorithm followed by image pre-processing and image augmentation and finally the procedure of training the model and fine-tuning was done. With the help of this system, we can easily detect whether pomegranate leaf is Infected with a disease or not by just uploading an Image on the website. Overall accuracy of 97.60% is achieved. Also created dataset can be used for further studies. 

Acknowledgment

We are grateful to Prof. Riyaz A, Jamadar for providing valuable input and feedback throughout the research process.  Finally, we express our appreciation to the pomegranate orchard owners who allowed us to capture real-time images of their trees, and to Kaggle for providing additional images for our dataset

Conflict of Interest

There is no conflict of interest.

References

  1. Nishant Shelar, Suraj Shinde, Shubham Sawant, “Plant Disease Detection Using Cnn”,ITM Web of Conferences 44, ICACC-2022DOI:https://doi.org/10.1051/itmconf/20224403049
    CrossRef
  2. Harsha M P, Ravi P, Khush Jain, Kota Srikruthik, M V Shreyas,“A Review On Leaf Disease Detection Using Different Aproaches”, IJRASET42738, May 2022 DOI:https://doi.org/10.22214 /ijraset.2022.42738
    CrossRef
  3. Sumit S. Thote and Snehal A. Bhosale,”Smart Irrigation System: Plant Diseases Recognition using IP”,International Journal of Engineering Technology Science and Research, vol. 3, no. 2, February 2022DOI:www.ijetsr.com
  4. Prakanshu Srivastava, Kritika Mishra, Vibhav Awasthi, Vivek Kumar Sahu, “PLANT DISEASE DETECTION USING CONVOLUTIONAL NEURAL NETWORK”, International Journal of Advanced Research , January 2021DOI:10.21474/IJAR01/12346 /http://dx.doi.org/10.21474/IJAR01/12346
    CrossRef
  5. Muhammad E.H. Chowdhary, Tawsifur Rahman and AmithKhandakar“Automatic and Reliable Leaf Disease Detection Using Deep Learning Technique”,AgriEngineering 2021 v.3 no.2 294-312, 20 May 2021 DOI:https://doi.org/10.3390/agriengineering3020020
    CrossRef
  6. Manisha A. Bhange, Prof. H. A. Hingoliwala “Detection of Bacterial Blight On Pomegranate Leaf”, International journal on recent and innovation trend incomputing and communication, June 2021 DOI:https://doi.org/10.17762/ijritcc.v3i6.4518
  7. Anandita Mishra, Dr.RajuBarskar, Prof. Uday Chourasia, “Digital Image Processing Techniques For Detecting And Classifying Plant Diseases” ,European Journal of Molecular & Clinical Medicine , ISSN 2515-8260 Volume 08, Issue 02, 2021 DOI:https://doi.org/10.1051/DIPTFDCPD/20224403646
  8. Ashwini C, Anusha B, Divyashree B R, Impana V, Nisarga S P, “Plant Disease Detection using Image Processing”,INTERNATIONAL JOURNAL OF ENGINEERING RESEARCH &TECHNOLOGY,March 2020 DOI:10.17577/IJERTCONV8IS13004
  9. Jobin Francis, D AntoSahayaDhas and B K Anoop, “Identification of Leaf Diseases in Pepper Plant Using Soft Computing Techniques”, IEEE, 2021 DOI:https://doi.org/10.3390/electronics10121388
    CrossRef
  10. Mangena Venu Madhavan, Dang Ngoc Hoang Thanh, Aditya Khamparia, “Recognition and Classification of Pomegranate Leaves Diseases by Image Processing and Machine Learning Techniques”,Computers, Materials & Continua 2021, 66(3), 2939-2955,August 2021DOI:10.32604/cmc.2021.012466
    CrossRef
  11. Ravikumar Chakali, “Effective pomegranate plant leaf disease detection using deep learning”, International Journal of Circuit, Computing and Networking, September 2020 DOI:1128/ISS1.2017.8389326
  12. Sowmya GM, Chandan V, Sampath Kini, “Disease Detection in Pomegranate Leaf Using Image Processing Technique”,International Journal of Science, Engineering and Technology Research,2018 DOI:: 1112/ISS1.2017.8389326
  13. Zhang, H., Xie, F., Liu, S., Liu, X., & Wang, J. (2022). Real-time detection of plant disease using deep learning and mobile phone-based hyperspectral imaging. Journal of Applied Remote Sensing, 16(1), 016510, 10.1117/1.JRS.16.016510
  14. Zuo, J., Huang, M., & Zhang, H. (2021). Deep learning-based identification and detection of pomegranate leaf diseases using morphological features. Computers and Electronics in Agriculture, 181, 105985. DOI: 10.1016/j.compag.2020.105985
  15. P. B. Wakhare, S. Neduncheliyan and K. R. Thakur, “Study of Disease Identification in Pomegranate Using Leaf Detection Technique,” 2022 International Conference on Emerging Smart Computing and Informatics (ESCI), Pune, India, 2022, pp. 1-6, doi: 10.1109/ESCI53509.2022.9758262.
    CrossRef
  16. Zuo, J., Jia, X., Shang, J., Zhang, L., & Yang, X. (2021). Deep learning-based identification and detection of pomegranate leaf diseases using morphological features. Biosystems Engineering, 209, 308-320. DOI: 10.1016/j.biosystemseng.2021.04.008
    CrossRef
  17. Sladojevic, S., Arsenovic, M., Anderla, A., Culibrk, D., & Stefanovic, D. (2016). Deep neural networks based recognition of plant diseases by leaf image classification. Computational Intelligence and Neuroscience, 2016. https://doi.org/10.1155/2016/3289801
    CrossRef
  18. Liu, J., Li, P., Li, H., & Zhang, Y. (2020). Deep learning for image-based surface defect detection: A case study on pear surface defects. Information Sciences, 541, 79-93. https://doi.org/10.1016/j.ins.2020.04.031
    CrossRef
  19. Prashant Wakhare, S. Neduncheliyan(2023) Study of Effective Pest Management Strategies for Pomegranate Orchards, Journal of Survey in Fisheries Sciences (SFS),10(4S) 1772-1782, https://doi.org/10.17762/sfs.v10i4S.1322
scroll to top