Next Article in Journal
Investigation of Gas Blow-by Through Turbocharger Sealing System Using Advanced Computational Simulations
Previous Article in Journal
Driving Strategy Optimization in Experimental Electric Vehicles: A Study on Optimization Algorithms
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Proceeding Paper

Applying Machine Learning for Sustainable Farm Management: Integrating Crop Recommendations and Disease Identification †

School of Engineering and Technology, Department of Computer Science and Engineering, GIET University, Gunupur 765022, Odisha, India
*
Author to whom correspondence should be addressed.
Presented at the 3rd International Electronic Conference on Processes—Green and Sustainable Process Engineering and Process Systems Engineering (ECP 2024), 29–31 May 2024; Available online: https://sciforum.net/paper/view/17879.
Eng. Proc. 2024, 67(1), 7073; https://doi.org/10.3390/engproc2024067073
Published: 5 November 2024
(This article belongs to the Proceedings of The 3rd International Electronic Conference on Processes)

Abstract

:
Context: The problems that contemporary farming methods confront can be greatly mitigated by using machine learning in sustainable agriculture. Combining methods for disease identification with crop recommendations allows farmers to make well-informed decisions that limit the effects of crop diseases on agricultural production while simultaneously increasing productivity. Objective: This article aims to provide a consistent method for diagnosing plant diseases and suggesting crop systems in agricultural contexts. The goal is to give farmers precise advice for the best crop choices and the prompt detection of plant diseases by utilizing machine learning algorithms. Materials/Methods: The utilization of Internet of Things (IoT) sensors, such as NPK and DT11 sensors, together with other environmental sensors, enabled the acquisition of data for this study. These sensors supply vital information on temperature, humidity, soil nutrients, and other environmental parameters that are critical for crop selection. To suggest appropriate crops and detect pertinent plant diseases, cutting-edge machine learning and deep learning algorithms were used. Real-time data from Internet of Things sensors and high-resolution camera photos were used to identify diseases. Plant diseases were accurately classified using state-of-the-art convolutional neural networks (CNNs), such as VGG16, ResNet50, and EfficientNetV2, based on visual signals including leaf color and texture. Results: Based on experimental data, a 99.98% accuracy rate was attained by the suggested recommendation system that used CNN. CNN, the illness identification system, attained an impressive 96.06% accuracy rate. It was then further implemented on cloud infrastructure, guaranteeing scalability and availability. The models’ performance was assessed using performance metrics such as accuracy, precision, recall, F1 score, and AUC-ROC; CNN showed an accuracy of almost 99.98%.

1. Introduction

Crop recommendation systems are automated computer-based tools used for precision agriculture. These are beneficial for the farmers and help in increasing crop productivity by identifying different factors like weather patterns, soil categories, and geographic and climatic parameters. Based on the survey of many researchers, the objective of crop recommendation is to grow the best-quality crops by determining parameters like the composition of soil, crop disease, weather fluctuation, fertilizers used, etc. Some experimental analysis proves that different types of machine learning regression and classifications are best suitable for plant disease prediction. The performance of various classifiers help to enhance the accuracy of the hybrid model evaluating the nutrient level of the soil available for crop growth. The crop database contains the description of all suitable plants with their properties and features useful for agriculture purposes. For crop disease prediction, plant dataset efficiency improves the accuracy of the proposed model. Agriculture plays a vital role in the economic growth of a country with food source items using advanced farming techniques. Disease detection focuses on context-based filtering techniques used for location identification and seasonal cultivation. The VGG-16 method is used to obtain the highest accuracy of the trained model. To promote precision agriculture, a crop suggestion system is used to identify the type of plant disease that decreases the model's efficiency. In real-time work, models are created to maintain the soil nutrient levels to identify the disease in plants. Crop selections are made according to environmental and economic factors such as rainfall, humidity, temperature, and pH value of the soil. A crop recommendation system using blockchain and IoT promotes precision agriculture, enhancing crop growth and productivity. Several types of research are implemented using soil sensors like humidity sensors, pH indicators, and sensors of nitrogen (N), phosphorus (P), and potassium (K). The output stage of plant disease prediction is verified using sensor states from a remote location that transfers the reading to blockchain layers, and IoT-based crop recommendation is performed based on the Long Short-Term Memory (LSTM) approach. It is beneficial to the farmers as they can obtain information regarding crop attributes and climatic conditions.
  • RQ 1. To what extent are machine learning models useful for recommending the crop by considering its relevant factors?
The crop recommendation system is highly dependent on different factors like soil texture, humidity value, wind velocity, and rainfall amount. Based on the real-time data collected, machine learning models are implemented to predict the output in terms of accuracy performance measures.
  • RQ 2. Can the convolution neural network model be best suitable for plant disease prediction using imaging techniques?
Based on the image data collected, plant disease prediction is performed using deep learning models like CNN. The image patterns are used to recognize objects, categories, and classes of abnormalities found in the leaf.
Section 1 describes the introduction part and illustrates the keywords related to agriculture crop recommendation. Section 2 discusses surveys conducted over past research and these are represented in tabular form. Section 3 shows the proposed research framework and its step-wise analysis required to obtain the output. Section 4 highlights the result analysis part that illustrates the solution of the problem statement. Section 5 presents the conclusion of our entire research work that discusses the work process, outcomes, and future scope.

2. Literature Survey

Many past studies highlight the critical issues faced in the field of agriculture related to crop and leaf disease prediction for which image data need to be processed. Kumar et al. [1] developed a model that classifies crop-based training using different types of machine learning classifiers that identify the performance of the model by calculating its best accuracy. By using the Krushisahyog scheme [2], various artificial intelligence-based methods are used for detecting plant disease with the VGG-16 algorithm, presenting 97.16% accuracy. Choudhary et al. [3] illustrate the importance of machine learning in precision agriculture, which contributes to 15% GDP of our country. The proposed research model predicts crop productivity by considering various real-time factors like soil nutrients, rainfall, humidity, etc. Gosai et al. [4] describe the importance of agriculture in the growth of the Indian economy for which different machine learning algorithms are used. Bandara et al.’s [5] work focuses on automating agricultural aspects for real-time data of Sri Lanka, for which various machine learning algorithms are implemented. They used Arduino tools the integrate data collected with environmental factors for which Naïve Bayes Classifiers, Support Vector Machine (SVM), K-means clustering, and Sentiment Based Natural Language Processing can be implemented. SMOTE analysis was conducted by Apat et al. [6] to design an artificial intelligence-based hybrid model for crop recommendation. According to a literature survey by Garanayak et al. [7], the agriculture system is very poor in India due to a lack of forecasting and management. By using the regression approach, crop productivity can be enhanced followed by improvement of the economic condition of farmers. Regression models give 3.6% better results than existing techniques implemented for agro-based industries. Rajak et al. [8] surveyed the soil features that are quite beneficial for efficient plant growth in healthy conditions. They used a soil lab test dataset and implemented an ensemble approach by integrating two algorithms, Artificial Neural Network (ANN) and Support Vector Machine, with maximum accuracy. Kirutika et al. [9] used an IoT-based approach for dealing with professional crop recommendation systems. Their methods include IDCSO (Improved Distribution-based Chicken Swarm Optimization) combined with WLSTM (Weight-based Long Short-Term Memory). Patel et al. [10] implemented blockchain-based methods for precision agriculture in an IoT environment. The sensor readings collected from a remote location were used as input for the proposed model. Soni et al. [11] identified the plant diseases using some advanced machine learning approach which was further enhanced by the concept of neural network in order to improve the accuracy. Domingues et al. [12] conducted an extensive literature survey on a machine learning approach that is used for plant disease prediction.The below mentioned Table 1 is meant for comparison of the proposed model with the state-of-the-art.

3. Model Preparation for Crop Recommendations and Disease Identification

This section describes the methodology of developing crop-specific sustainable farm management machine learning models with a focus on enhancing disease detection techniques and improving recommendation optimization. This photo-realism which energy or data coming from IoT sensors contribute to is essential in this approach, where we make decisions on agriculture activities based on this information.
Figure 1 depicts the machine learning workflow with IoT driven crop recommendation and disease identification

3.1. Data Collection

IoT Sensors

Relevant real-time data is collected from IoT sensors, which perform a vital role in the process of agriculture. This incorporates NPK sensors to measure soil nutrient content levels (nitrogen, phosphorus, and potassium) and a DT11 sensor for measuring temperature and humidity in the environment along with environmental parameters such as soil moisture level and light intensity. Together, these sensors offer a landscape-wide picture of environmental conditions and how they are important for monitoring crop health and growth.
The agricultural features (N, P, K, temperature, humidity, pH, and rainfall) in this dataset are labeled with the sample crop type that is most likely to be used in predictive modeling or analysis.The below mentioned Table 2 is the snippet of the dataset used in our study.

3.2. Image Dataaset

The top feature of leaf and overall plant health is visualized by promising high-resolution imaging techniques for a closer look into crops. This provides the image for identification of several crop diseases, where minor symptoms and abnormalities are indicative and very critical input to be fed into the disease diagnosis algorithm.
Images of different plant leaves with accompanying labels indicating their respective diseases and health issues make up this resource. It features annotations for both healthy and diseased states for a variety of crops, including oranges, tomatoes, grapes, and maize.The blow mentioned Figure 2 are brought from the dataset and these are the samples of the dataset.

3.3. Data Preprocessing

3.3.1. Sensor Data

The sensor data are subjected to rigorous preprocessing before being analyzed. This also refers to normalizing the data across many sensors e.g., using normalization algorithms to ensure the consistency of this dataset. Imputation techniques such as mean and mode imputation, straight value substitution, or more complex methodologies like interpolation are employed to handle missing information and thus provide a full-integrity dataset.

3.3.2. Image Data for Utilizing the Deep Learning Techniques

One part of preprocessing involves resizing picture data to a consistent resolution suitable for subsequent convolutional neural network (CNN) analysis. Utilizing data augmentation, we broaden the dataset and increase model resistance to other environmental situations (flipping, rotating, and zooming).

4. Feature Engineering

Retrieving Useful Information

Feature engineering is performed to ensure model performance on sensor and image data:
1.
Missing Data: Imputation, forward/backward filling for sensor readings or just drop the missing entries.
2.
Feature Scaling Normalization and standardisation: To even out environmental features such as temperature, humidity, and soil moisture.
3.
Sensor Data Insights: Temperature, humidity, light, and soil moisture are key metrics along with nutrient levels (N, P, K) that are extracted from IoT sensor data.
4.
Image Data Insights: Extract complex visual features such as plant health traits and disease symptoms from images using CNNs.
5.
Create features: Add derived features e.g., interaction terms between environmental variables.
6.
Dimensionality Reduction: To solve this issue, you can use PCA for dimensionality reduction (or feature selection) and avoid overfitting.
7.
Encoding Categorical Data: One-hot, label, or target encoding for categorical variables.
For precise crop recommendations and disease diagnosis, this method integrates optical and environmental variables.

5. Model Selection

5.1. Crop Recommendation Models

The capacity of a variety of machine learning algorithms to suggest the best crop options given the circumstances of the environment is assessed. The models that are taken into consideration are Decision Trees, Naive Bayes, Support Vector Machines (SVM), Logistic Regression, Random Forests, and XG Boost, all of which have unique benefits in terms of interpretability and performance on a variety of datasets.

5.2. Disease Identification Models

We chose disease identification models using VGG16, ResNet50, and EfficientNetV2 that showed best performance in image classification with their convolutional neural network (CNN) state-of-the-art architectures. We selected these models because of their demonstrated performance on big image datasets and good generalization to new data.
1.
VGG16: Deep network that has only 16 layers and is also a model used to classify images. The model is characterized by stacking 3 × 3 building blocks, convolutional layers, and max-pooling layers to extract fine-grained features. We have obtained 95.75% accuracy on the disease identification task with VGG16 in our experiments.
2.
ResNet50: A model that utilizes an identity shortcut connection method in the training stack with an attempt to solve the vanishing gradient problem (allows for much deeper models); other architectures would also be considered. For lines with 50 layers, ResNet50 was tested to have an accuracy of 96.06%. The skip connections of the model also allowed them to converge faster and attain good generalization, especially in distinguishing subtle differences with leaf texture and color.
3.
EfficientNetV2: A newer version of the model that aims to co-optimize both accuracy and speed for image classification. Compound scaling is a method for adjusting network width, depth, and resolution all at once by determining the right coefficients to give optimal results subject to resource constraints. R preprocessing datasets (optimal input shapes) allow you fine-tune your data pipeline optimization. The most computationally efficient variant was EfficientNetV2, which achieved the best accuracy of 97.12% and is still quite effective in terms of computational cost.

6. Model Training

Crop Recommendation

Crop recommendation models are first trained on integrating sensor inputs and historical yield data together, then learning the model parameters to performance measures like F1 score for increased accuracy or AUC-ROC to identify false positives better. The iterative process ensures strong recommendations that are specific to some agricultural and environmental conditions.
The performance metrics of several classification algorithms are compared and discussed in Table 3. The methods Gaussian Naive Bayes, Random Forest, and XG Boost all score 99, making them the best in terms of accuracy, precision, recall, and F1 score. In terms of precision and F1 score, Decision Tree outperforms Logistic Regression and Support Vector Machine.
The performance characteristics of various categorization algorithms are compared in this table, as shown in Figure 3. The algorithms with the highest F1 scores, recall, accuracy, and precision are Random Forest, XG Boost, and Gaussian Naive Bayes, which all receive scores of 99. In terms of precision and F1 score, Decision Tree outperforms Logistic Regression and Support Vector Machine.

7. Disease Identification

During the training process of disease detection models based on image CNN architectures, these models are trained by annotated picture datasets similarly. The performance evaluation checks to see if the models can correctly identify and classify symptoms of disease, thus giving them a stamp stating that they are indeed helpful in early identification of diseases along with specialized intervention measures.
Figure 4 presents a validation accuracy graph for plant disease identification from photos. It displays a line graph with data points shown along the line to highlight the model’s accuracy over several validation phases. The increasing trend suggests that the model’s ability to identify plant diseases from photos has improved.
In Figure 5, the learning rate starts high to make quick initial progress, but then decreases slowly so that the model refines its predictions with less drastic adjustments. This schedule allows the model to obtain important features fast, then adjust and polish them without overfitting or destabilization. This gradual reduction allows the network to reach convergence stably, avoids overfitting, and results in higher accuracy during later phases of training. In the end, it helped to obtain 96.06% accuracy in disease identification, adopting both speed and precision of the learning process.
The validation loss in Figure 6 for an image-based plant disease detection model is displayed on the graph. Training and validation losses show a considerable initial decline followed by a leveling off, suggesting that the model performs better with time.

8. Model Evaluation

Performance Metrics

Various clearly defined performance metrics were incorporated to guarantee the reliability and applicability of the disease prediction and crop suggestion algorithms. Such metrics are necessary to evaluate properly the extent of alignment and practical utility for each model, when compared with agricultural benchmarks:
1.
Accuracy: It is the performance measurement to know the number of correct predictions made by our model over all kinds of prediction.
2.
Precision and Recall: Precision is measured as the ratio of true positive to the sum (true positives + false positives); recall exposes how well a model captures all relevant cases. These metrics combined provide a good snapshot of how your model is performing, particularly so in problems with imbalanced datasets.
3.
F1 Score: A measure of a test’s accuracy—it uses harmonic mean between precision and recall. It also provides a good balance in the trade-off vector that is useful when class distribution is skewed.
4.
AUC-ROC: The true positive rate is plotted relative to the false positive rate, which shows how well our model can segregate classes under all threshold levels.
These metrics were thoroughly examined to validate their adherence to any of the standard agricultural targets, thus guaranteeing them for application in practice under diverse conditions and environments.

9. Method of Implementation

In this paper, we propose deploying machine learning models on the cloud for real-time data processing to make agricultural management more practical and scalable. For crop recommendations and disease detection, the interface could be used by farmers as well as agricultural consultants to take decisions based on informed choices.
Stakeholder-driver influence: The crop management practices can be influenced by data-driven recommendations from the platform through key stakeholders who may include farmers, agronomists, policy makers in agriculture, and local agricultural organizations. With the help of model outputs, these stakeholders in turn can affectively modify planting schedules and crop selection or disease management practices with localized data that actively guide cropping strategies to maximize returns while reducing risks and enhancing sustainability.
A summary machine learning model for precision agriculture implemented with Flask is shown in Figure 7 and Figure 8. This is a web application that farmers can use to receive personalized agricultural recommendations. The app interface (Figure 7) allows the user to enter key inputs including location (state, city of soil testing), soil characteristics (NPK, K levels, and pH value), and rainfall. It also works with Open Weather API to grab the real-time temperature and humidity for a given location. The system then processes the inputs and provides a precision crop recommendation (see Figure 8), similar to recommending planting papaya as the best option for this farm. An approach like this, backed by data, can help to minimize the risk of crop yield failures.
A web-based interface of deep learning-based plant disease detection was built using Flask, as shown in Figure 9 and Figure 10. As can be seen in Figure 9, users can upload an image of a diseased leaf through the interface, and this is analyzed by the machine learning model to recognize the specific plant disease. The output is the result with specifics of the identified disease in terms its causes, preventive measures, and treatment options (Figure 10). This helps farmers and gardeners to detect plant diseases on time and can provide them an accurate way of action for disease control.

10. Conclusions

The presented research will assist in sustainable farm management practices by providing the tool of machine learning to predict and estimate crop yield. These strategies can facilitate evidence-based decision making, improve crop selection, and minimize the effects of vegetable diseases. Overall, they largely promote agricultural yield improvement while featuring sustainability.
This is a remarkable breakthrough in the automation of disease detection and sustainable farm management practice via machine learning. With the help of cutting-edge image analysis algorithms and IoT sensor data, we can increase crop yields, lower rates of diseases under control by agronomic means, generally speaking, and stabilize soil health as per site-specific weather conditions. Further advancements in technology and data analytics will underpin the next phase of progress in precision agriculture for global food security and sustainability.

Author Contributions

Conceptualization, P.A.K. and N.P.; Methodology, A.P.; Software, P.A.K.; Validation, A.P., N.P., and P.A.K.; Formal Analysis, N.P.; Investigation, N.P.; Resources, P.A.K.; Data Curation, N.P.; Writing—Original Draft Preparation, P.A.K.; Writing—Review and Editing, N.P.; Visualization, A.P.; Supervision, N.P and A.P.; Project Administration, N.P.; Funding Acquisition, N.P. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The dataset used in this study is publicly available and can be accessed from the Kaggle platform.

Acknowledgments

We would like to thank our mentors and the department of CSE faculties for their valuable recommendations, professional guidance, expert advice, and encouragement during the preparation of this paper.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Kumar, R.; Shukla, N. Plant Disease Detection and Crop Recommendation Using CNN and Machine Learning. In Proceedings of the 2022 International Mobile and Embedded Technology Conference (MECON), Noida, India, 10–11 March 2022; pp. 168–172. [Google Scholar]
  2. Patil, N.; Kelkar, S.; Ranawat, M.; Vijayalakshmi, M. Krushisahyog: Plant disease identification and crop recommendation using artificial intelligence. In Proceedings of the 2021 2nd International Conference for Emerging Technology (INCET), Belagavi, India, 21–23 May 2021; pp. 1–6. [Google Scholar]
  3. Choudhary, M.; Sartandel, R.; Arun, A.; Ladge, L.; Hiranwal, S.; Mathur, G. Crop recommendation system and plant disease classification using machine learning for precision agriculture. In Proceedings of the Artificial Intelligence and Communication Technologies, Jaipur, India, 6 August 2022; pp. 39–49. [Google Scholar]
  4. Gosai, D.; Raval, C.; Nayak, R.; Jayswal, H.; Patel, A. Crop recommendation system using machine learning. Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol. 2021, 7, 558–569. [Google Scholar] [CrossRef]
  5. Bandara, P.; Weerasooriya, T.; Ruchirawya, T.; Nanayakkara, W.; Dimantha, M.; Pabasara, M. Crop recommendation system. Int. J. Comput. Appl. 2020, 975, 8887. [Google Scholar] [CrossRef]
  6. Apat, S.K.; Mishra, J.; Raju, K.S.; Padhy, N. An artificial intelligence-based crop recommendation system using machine learning. J. Sci. Ind. Res. (JSIR) 2023, 82, 558–567. [Google Scholar]
  7. Garanayak, M.; Sahu, G.; Mohanty, S.N.; Jagadev, A.K. 2021. Agricultural recommendation system for crops using different machine learning regression methods. Int. J. Agric. Environ. Inf. Syst. (IJAEIS) 2021, 12, 20. [Google Scholar]
  8. Rajak, R.K.; Pawar, A.; Pendke, M.; Shinde, P.; Rathod, S.; Devare, A. Crop recommendation system to maximize crop yield using machine learning technique. Int. Res. J. Eng. Technol. 2017, 4, 950–953. [Google Scholar]
  9. Kiruthika, S.; Karthika, D. IOT-BASED professional crop recommendation system using a weight-based long-term memory approach. Meas. Sens. 2023, 27, 100722. [Google Scholar] [CrossRef]
  10. Patel, D.H.; Shah, K.P.; Gupta, R.; Jadav, N.K.; Tanwar, S.; Neagu, B.C.; Attila, S.; Alqahtani, F.; Tolba, A. Blockchain-Based Crop Recommendation System for Precision Farming in IoT Environment. Agronomy 2023, 13, 2642.wn. [Google Scholar] [CrossRef]
  11. Soni, V.K.; Soni, P. Plant Disease Prediction using Machine Learning. Math. Stat. Eng. Appl. 2022, 71, 9739–9747. [Google Scholar]
  12. Domingues, T.; Brandão, T.; Ferreira, J.C. Machine learning for detection and prediction of crop diseases and pests: A comprehensive survey. Agriculture 2022, 12, 1350. [Google Scholar] [CrossRef]
Figure 1. Machine learning workflow for IoT-driven crop recommendations and disease identification.
Figure 1. Machine learning workflow for IoT-driven crop recommendations and disease identification.
Engproc 67 07073 g001
Figure 2. Sample image data collected.
Figure 2. Sample image data collected.
Engproc 67 07073 g002
Figure 3. Accuracy comparison graph for crop recommendation.
Figure 3. Accuracy comparison graph for crop recommendation.
Engproc 67 07073 g003
Figure 4. Validation accuracy.
Figure 4. Validation accuracy.
Engproc 67 07073 g004
Figure 5. Learning rate over time.
Figure 5. Learning rate over time.
Engproc 67 07073 g005
Figure 6. Validation loss.
Figure 6. Validation loss.
Engproc 67 07073 g006
Figure 7. User-friendly interface for gathering farm and soil data input.
Figure 7. User-friendly interface for gathering farm and soil data input.
Engproc 67 07073 g007
Figure 8. Machine learning-based crop recommendation displayed after analyzing the input data.
Figure 8. Machine learning-based crop recommendation displayed after analyzing the input data.
Engproc 67 07073 g008
Figure 9. Plant disease identification system (user upload interface).
Figure 9. Plant disease identification system (user upload interface).
Engproc 67 07073 g009
Figure 10. Identified disease and recommendations.
Figure 10. Identified disease and recommendations.
Engproc 67 07073 g010
Table 1. Comparison of the proposed model to the existing ones.
Table 1. Comparison of the proposed model to the existing ones.
AuthorsPaper TitleMethodologyOutput
Kumar et al. [1]Plant Disease Detection and Crop Recommendation Using CNN and Machine LearningMachine Learning classifiers like Naïve Bayes, Decision Trees, Random Forest Classifiers, Support Vector Classifier (SVC), and Deep Learning algorithms like Convolution Neural Network (CNN)It is observed that Random Forest classifiers and CNN give the highest accuracy.
Patil et al. [2]Krushisahyog:
Plant disease identification and crop recommendation using artificial intelligence.
Deep Convolution Neural Network and VGG-16Accuracy is 97.16%
Gosai et al. [4]Crop recommendation
a system using machine learning
Machine Learning approaches like Random Forest, Naïve Bayes, Support Vector Machine, XG BoostXG Boost is having accuracy that is 99.31%
Apat et al. [6]An Artificial Intelligence-based Crop Recommendation System using
Machine Learning
SMOTE analysis is performed on machine learning algorithmsCat Boosting (C-Boost) gives the best results with 99.51% accuracy.
Table 2. Sample data collected from IoT sensors.
Table 2. Sample data collected from IoT sensors.
NPKTemperatureHumiditypHRainfallLabel
90424320.879743782.00274426.502985202.9355rice
85584121.770461780.31964417.038096226.6555rice
60554423.004459282.32076297.840207263.9642rice
74354026.491096480.15836266.980401242.8640rice
78424220.130174881.60487297.628473262.7173rice
69374223.058048783.37011777.073454251.0550rice
69553822.708838082.63941395.700806271.3249rice
94534020.277743682.89408625.718627241.9742rice
89543824.515880783.53521636.685346230.4462rice
68583823.223973983.03322696.336254221.2092rice
Table 3. Model performance comparison.
Table 3. Model performance comparison.
ClassifiersAccuracyPrecisionRecallF1 Score
Decision Tree90848885
Gaussian Navie Bayes99999999
Support Vector Machine98989898
Logistic Regression95959595
Random Forest99999999
XG Boost99999999
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Krishna, P.A.; Padhy, N.; Patnaik, A. Applying Machine Learning for Sustainable Farm Management: Integrating Crop Recommendations and Disease Identification. Eng. Proc. 2024, 67, 7073. https://doi.org/10.3390/engproc2024067073

AMA Style

Krishna PA, Padhy N, Patnaik A. Applying Machine Learning for Sustainable Farm Management: Integrating Crop Recommendations and Disease Identification. Engineering Proceedings. 2024; 67(1):7073. https://doi.org/10.3390/engproc2024067073

Chicago/Turabian Style

Krishna, P. Ankit, Neelamadhab Padhy, and Archana Patnaik. 2024. "Applying Machine Learning for Sustainable Farm Management: Integrating Crop Recommendations and Disease Identification" Engineering Proceedings 67, no. 1: 7073. https://doi.org/10.3390/engproc2024067073

APA Style

Krishna, P. A., Padhy, N., & Patnaik, A. (2024). Applying Machine Learning for Sustainable Farm Management: Integrating Crop Recommendations and Disease Identification. Engineering Proceedings, 67(1), 7073. https://doi.org/10.3390/engproc2024067073

Article Metrics

Back to TopTop