SlideShare a Scribd company logo
1 of 6
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3892
Analysis of Crop Yield Prediction by using Machine Learning
Algorithms
Nebeesath Sunaina
CSE Dept, CCET, Valanchery, Kuttipuram.
-------------------------------------------------------------------------***------------------------------------------------------------------------
Abstract— Agriculture is considered as one of the main and a
very foremost culture that is practiced in India. But the very effect
of climate changes and its unpredictability has caused a big impact
on farming. Hence crop yield prediction has become a very
important step towards a very effective crop production and
management. Predicting the crops well ahead of its harvest time
helps the farmers in the cultivation of the right crops. This paper
hence proposes a brief analysis of crop yield prediction using
machine learning algorithms like K-Nearest Neighbor (KNN)
Algorithm and Support Vector Machine Algorithms. The
Experimental results shows that the proposed work efficiently
predicts the crop yield.
Keywords— Machine Learning,KNN,SVM,crop yield,prediction
I. INTRODUCTION
Agriculture plays an important role in the growth of the
national economy. Some of the factors on which farming
depends on are soil,climate,humidity,rainfall,temperature
and so on. Most of the times, farmers fail to achieve the
expected result due to many reasons. Yield prediction is
carried out which involves predicting the yield of the crop
based on the existing data. In the past, prediction were
mainly based on the farmers previous experiences. Yield
prediction helps in identifying the most feasible crops to be
cultivated for a particular region according to given
environmental conditions.
In this paper, machine learning algorithms , K-Nearest
Neighbours and Support Vector Machines are used to
predict the most suitable crop. The crop production
depends on vaarious factors which changes with every
square meters and mainly depends on the geography of the
region,weather conditions ,soil type, humidity and so on.
Huge data sets can be used for predicting their influence on
the major crops of that particular district or state. Machine
learning techniques have advanced considerably over the
past several decades.
KNN is a supervised classification method. It is also called
as lazy learner technique because it depends on learning by
analogy. It does not have a specialized training phase and
uses all the data for training while classification. It uses
feature similarity approach to predict the values of new
data points which means the new data points will be
assigned a value based on how closely it matches the points
in the training set.
Support Vector Machines is a linear model for classification
and regression models. The algorithm here creates a line or
a hyperplane that can separate the data into classes. SVM
tries to make a decision boundary such that the separation
between the classes are as wide as possible. SVM chooses
the points or the vectors that helps in creating the
hyperplane. These are called the support vectors.
The proposed system here analyses these supervised
machine learning algorithms in forecasting yield prediction
from 4 different regions like Mangalore, Kodagu, Hasana
and Kasaragodu. The dataset is collected from different
online sources like Kaggle.com and data.govt.in. It consists
of features like location, area in square foots, temperature
(in Celsius), humidity, yield, rainfall (in mm), type of the
soil, yields, and price. The paper is organized as follows:
Section II presents the related work and Section III
discusses about the proposed system. The experimental
results on agricultural data are discussed in section IV.
Finally, Conclusion is given in the section V.
II. RELATED WORK
Yield forecasting is an important service in the field of
agriculture. In this section we highlight a few works done in
the field of agriculture by using machine learning.
Renuka, Sujata Terdal (2019) proposed a system where the
supervised learning is used to form a model, which
provides the predicted cost of the crop yield as their
corresponding production order. They have partitioned this
into four stages as Dataset collection, preprocessing steps,
feature selection and finally applying the machine learning
models. The machine learning models they had used here is
KNN, SVM and decision tree models. The data sets used in
this paper are rainfall dataset, soil dataset and the yield
dataset which they have gathered from several online
dataset sites.
Pankaj Bhambri, Inderjit Singh Dhanoa, Vijay Kumar Sinha
and Jasime Khaur (January 2020) in their paper analyzed a
paddy crop production by using predictive analysis to
predict the future events by implanting machine learning
algorithms such as KNN and SVM. Prediction analysis is
performed using data mining techniques such as J48, LAD
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3893
tree and LWL. They have also compared their performance
in terms of the accuracy and computation times.
Judicael Geraud N.Zannou and Vinasetan Ratheil
Houndji(June 2019) proposed a system based on machine
learning techniques to estimate farm yields. The
experiments were conducted on a sorghum field. They have
used techniques like convolutional neural networks and
linear regression models to implement their work in the
TensorFlow platform. These algorithms aided them in
detecting the different ears of sorghum on an image and to
estimate their weight. They have obtained an average
accuracy of 74.5% for the detection of sorghum.
Prof. D.S. Zingade, Omkar Buchade, Nilesh Mehta, Shubham
Godekar, Chandan Mehta (December 2017) proposed a
paper that applies machine learning and prediction
algorithms like Multiple Linear Regression to identify the
patterns among the data and process it per input
conditions. It proposes the best feasible crops to be
cultivated in the given conditions given the location of the
user.
N Hemageetha proposed a paper where she discussed
various data mining techniques like Market based analysis,
Association rule mining, Decision Trees, Classification and
clustering. Naïve Bayes, J48, K-mean algorithms are
explained in this paper. This paper helped in understanding
different data mining algorithms and classification
mechanisms.
III PROPOSED SYSTEM
In the proposed system, supervised learning algorithms
are used to form a model which will help us in providing
choices of the most feasible crops that can be cultivated in
that region along with its estimated yield. Two of the
algorithms used here is K-Nearest Neighbor and Support
Vector Machine. The main stages involved in the process
are dataset collection, pre-processing the data, feature
extraction and classification.
A. Dataset collection
The dataset used for this project is collected from various
online sources like Kaggle.com and data.govt.in. We have
taken the agricultural data of four regions namely,
Mangalore, Hasana, Kodagu and Kasaragod. Some
important features or the parameters which has the highest
impact on the agricultural yield considered in the project
are listed below.
 Rainfall (in mm)
 Humidity
 Temperature
 Area
 Yield
 Type of the soil
 Location
 Price
B. Pre-processing the data
After the selection of the dataset, it has to be pre-processed
into a form that you can work with. Some of the steps are
formatting, cleaning and sampling. Initially the data you
have selected is converted into the format suitable for you
to work with. Cleaning data is the removal or fixing of the
mixed data. Sampling is taking a small representative
sample of the selected data that may be much faster for
exploring the solutions than electing the hole dataset.
C. Transforming the data
The final step is transforming the selected data. The
preprocessed data here is then transformed into data that
is ready for machine learning algorithms by using various
engineering features like scaling, feature aggregation and
so on. There may be several features that can be combined
into a single feature which would be more meaningful to
the problem you are trying to solve. Figure 1 below shows
the final data to be used by the classifiers. Figures 2 and 3
shows the system design of the proposed system.
Fig 1: Final dataset
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3894
Fig 2: System design(a)
Fig3: system design (b)
IV. ALGORITHMS USED FOR THE PROPOSED SYSTEM
The transformed data is then split into two sets namely,
training sets and testing sets before applying the machine
learning classifiers. The two machine learning classifiers
used here are K-Nearest Neighbors and Support Vector
Machine classifiers. Once the model is trained efficiently it
is tested on the testing dataset which is different from the
training data.
A. KNN algorithm
KNN is a supervised machine learning algorithm. It learns by
analogy. It is a simple but a powerful approach for making
predictions. In the project, according to the input given, the
dataset is preprocessed to obtain the extracted dataset which
is our training set. Test data is selected randomly from this
training set. K-most similar records to the test record is
calculated. Euclidian distance is calculated for finding the
similarity between the records. Once k neighbours are
discovered , a summarized predictions are made by returning
the most common outcome.
( ) √∑ ( ) (1)
Equation 1 shows the euclidian distance formula. It is used to
calculate the distance between the two data points in a plane.
KNN do not have a learning phase as such. It just calculates the
distance between the test set and each row of the training set
and returns the most similar ones as its neighbours. The lesser
the distance, more similar the records are. Hence it is called as
lazy learner technique or learning by analogy. But still it is
considered as on of the most powerful agorithms.
Fig 4: KNN Classifier
Figure 4 shows the steps involved in the KNN Algorithm.
B) SVM algorithm
SVM algorithm is also a supervised machine learning
algorithm which is used for both classification and
regression problems. Hyperplane is the criteria that SVM
uses to segregate the two classes. Finding the support
Start
Define k
Compute the Euclidian distance between
the input samples and the training samples
Sort the distance
Get k nearest neighbors
Apply simple majority
End
Input
Location
Soil
Area (in acres)
Data
Preprocessing
Data
Transformation
Output
Crop
Yield
Features
Apply machine learning
classifiers
Predict the crop and
yield
Data
Transformation
Train the data
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3895
vectors ie. the nearest data points to the hyperplane helps
in giving the most optimal hyperplane. In the project, the
first step is all the libraries are imported. Then the dataset
is imported. It is then split into training samples and testing
samples by using the sklearn library. A training model is
built by importing the SVC classifier from sklearn SVM
module.predict the values using the SVM algorithm. It has a
higher acuuracy. It works well with all limited datasets.
Kernel SVM contains a non-linear transformation function
to convert the complicated non-linearly seperable data into
linearly seperable data. Figure 5 shows the steps involved
in the SVM algorithm.
Fig 5: SVM Classifier
V. METHODOLOGY AND RESULTS
In the proposed system, initially it gathers basic user
information like the Name, Email id, Password and phone
number from the user. It is then stored into server’s
database. Once registered, Username and the password
gets verified from the server side every time the user tries
to log in to the website. The user can then select the option
to predict the crop which is suitable for the particular
location and the soil type as shown in the figure 6 below. He
will also get the estimated yield of the predicted crop
according to the number of acres of land he has given as the
input.
Fig 6: Crop yield prediction
As shown in the figure 7 below, From the given inputs and
by applying the machine learning classifiers, two choices of
the crops are predicted along with its estimated yield for
the given number of acres of land.
Fig 7: Prediction result
The implementation of KNN and SVM algorithm is done in
Python and both the algorithms are compared in terms of
their accuracy, Execution time in seconds from epoche, and
in terms of their Precision and Recall scores. Classification
Report is a report that is used to measure the quality of
predictions from a classification algorithm. Precision,
Recall, F1score are some of the metrics given in the
Classification report. Precision is the ability of a classifier
not to label an instance positive that is actually negative.
Recall is the ability of a classifier to find all positive
instances.
Dataset
Formatting the data
Defining the parameters
Train the data
v-Cross Validation
SVM Model Test the Model
Prediction Result
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3896
Fig 8: Accuracy of KNN and SVM
Figure 8 shows the accuracy of KNN and SVM classifiers.
From the graph, it can be analysed that the accuracy of SVM
is higher compared to that of the KNN classifier.
Fig 9: Precision and Recall
Figure 9 shows the Precision and Recall values of both KNN
and SVM classifiers. The above graph shows that the
precision and recall values of SVM is higher than that of
KNN. The precision value of both the classifiers are higher
than the recall value.
Fig 10: Comparison of Execution time(in seconds)
Figure 10 shows the time taken by the classifiers take for
their execution. From the above figure, it can be analysed
that SVM takes less time to execute compared to that of
KNN.
VI. CONCLUSION
This project provides an easy to access and an efficient
system to predict the crops and the estimation of its yield
under the given conditions for a particular region. Farmers
are still not connected with the modern technolgies. It
efficiently bridges the gap between the rural farmers and
the modern technologies. Machine learning algorithms have
proved very effective in predicting the crops and its yield.
From the comparison analysis of KNN and SVM, SVM works
better than KNN for the dataset chosen. In the future,
Farming can be taken to next levels by connecting all the
farming devices to the internet using IOT.
REFERENCES
[1] Monali Paul, Santosh K. Vishwakarma, Ashok Verma,
“Analysis of Soil Behavior and Prediction of Crop Yield
using Data Mining approach”, 2015 International
Conference on Computational Intelligence and
Communication Networks.
[2] Abdullah Na, William Isaac, ShashankVarshney, Ekram
Khan, “An IoT Based System for Remote Monitoring of
Soil Characteristics”, 2016 International Conference of
Information Technology.
[3] Dr.N. Suma, Sandra Rhea Samson, S. Saranya, G.
Shanmugapriya, R. Subhashri, “IOT Based Smart
Agriculture Monitoring System”, Feb 2017 IJRITCC.
[4] N. Heemageetha, “A survey on Application of Data
Mining Techniques to Analyze the soil for agricultural
purpose”, 2016IEEE.
[5] DhivyaB, Manjula, Siva Bharathi, Madhumathi, “A
Survey on Crop Yield Prediction based on Agricultural
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3897
Data”, International Conference in Modern Science and
Engineering, March 2017.
[6] GiritharanRavichandran, Koteeshwari R S “Agricultural
Crop Predictor and Advisor using ANN for
Smartphones”, 2016 IEEE,
[7] R. Nagini, Dr. T.V. Rajnikanth, B.V. Kiranmayee,
“Agriculture Yield Prediction Using Predictive Analytic
Techniques, 2nd International Conference on
Contemporary Computing and Informatics (ic3i),2016.
[8] Awanit Kumar, Shiv Kumar, “Prediction of production
of crops using K-Means and Fuzzy Logic”, IJCSMC, 2015
[9] JeetendraShenoy, YogeshPingle, “IOT in agriculture”,
2016 IEEE.
[10] M.R. Bendre, R.C. Thool, V.R. Thool, “Big Data in
Precision agriculture”, Sept,2015 NGCT.
[11] Dr. Rakesh Poonia1, Sonia Bhargava “Prediction of
Crops Methodology using Data Mining Techniques”,
International Journal of Innovative Research in Science,
Engineering and Technology, Vol. 6, Issue 10, October
2017.
[12] Mehta D R, Kalola A D, Saradava D A, Yusufzai A S,
"Rainfall Variability Analysis and Its Impact on Crop
Productivity - A Case Study", Indian Journal of
Agricultural Research, Volume 36, Issue 1, 2002, pages:
29-33.

More Related Content

What's hot

Computer Graphics 471 Project Report Final
Computer Graphics 471 Project Report FinalComputer Graphics 471 Project Report Final
Computer Graphics 471 Project Report FinalAli Ahmed
 
Analysis of crop yield prediction using data mining techniques
Analysis of crop yield prediction using data mining techniquesAnalysis of crop yield prediction using data mining techniques
Analysis of crop yield prediction using data mining techniqueseSAT Journals
 
IRJET- Agricultural Crop Yield Prediction using Deep Learning Approach
IRJET-  	  Agricultural Crop Yield Prediction using Deep Learning ApproachIRJET-  	  Agricultural Crop Yield Prediction using Deep Learning Approach
IRJET- Agricultural Crop Yield Prediction using Deep Learning ApproachIRJET Journal
 
I. AO* SEARCH ALGORITHM
I. AO* SEARCH ALGORITHMI. AO* SEARCH ALGORITHM
I. AO* SEARCH ALGORITHMvikas dhakane
 
Case study on deep learning
Case study on deep learningCase study on deep learning
Case study on deep learningHarshitBarde
 
Diabetic Retinopathy
Diabetic RetinopathyDiabetic Retinopathy
Diabetic RetinopathyAtif Khan
 
IRJET- Crop Prediction System using Machine Learning Algorithms
IRJET- Crop Prediction System using Machine Learning AlgorithmsIRJET- Crop Prediction System using Machine Learning Algorithms
IRJET- Crop Prediction System using Machine Learning AlgorithmsIRJET Journal
 
Facial Expression Recognition System using Deep Convolutional Neural Networks.
Facial Expression Recognition  System using Deep Convolutional Neural Networks.Facial Expression Recognition  System using Deep Convolutional Neural Networks.
Facial Expression Recognition System using Deep Convolutional Neural Networks.Sandeep Wakchaure
 
artificial neural network
artificial neural networkartificial neural network
artificial neural networkPallavi Yadav
 
Plant disease detection and classification using deep learning
Plant disease detection and classification using deep learning Plant disease detection and classification using deep learning
Plant disease detection and classification using deep learning JAVAID AHMAD WANI
 
Machine Learning in Agriculture Module 1
Machine Learning in Agriculture Module 1Machine Learning in Agriculture Module 1
Machine Learning in Agriculture Module 1Prasenjit Dey
 
IRJET- Detection and Classification of Skin Diseases using Different Colo...
IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...
IRJET- Detection and Classification of Skin Diseases using Different Colo...IRJET Journal
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptxNGOKUL3
 
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...CIAT
 
Detecting Fraud Using Data Mining Techniques
Detecting Fraud Using Data Mining TechniquesDetecting Fraud Using Data Mining Techniques
Detecting Fraud Using Data Mining TechniquesDecosimoCPAs
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptxNGOKUL3
 
Fuzzy image processing- fuzzy C-mean clustering
Fuzzy image processing- fuzzy C-mean clusteringFuzzy image processing- fuzzy C-mean clustering
Fuzzy image processing- fuzzy C-mean clusteringFarah M. Altufaili
 
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...IRJET Journal
 
CROP YIELD PREDICTION.pptx
CROP YIELD PREDICTION.pptxCROP YIELD PREDICTION.pptx
CROP YIELD PREDICTION.pptxdakshshukla5
 

What's hot (20)

Computer Graphics 471 Project Report Final
Computer Graphics 471 Project Report FinalComputer Graphics 471 Project Report Final
Computer Graphics 471 Project Report Final
 
Analysis of crop yield prediction using data mining techniques
Analysis of crop yield prediction using data mining techniquesAnalysis of crop yield prediction using data mining techniques
Analysis of crop yield prediction using data mining techniques
 
IRJET- Agricultural Crop Yield Prediction using Deep Learning Approach
IRJET-  	  Agricultural Crop Yield Prediction using Deep Learning ApproachIRJET-  	  Agricultural Crop Yield Prediction using Deep Learning Approach
IRJET- Agricultural Crop Yield Prediction using Deep Learning Approach
 
I. AO* SEARCH ALGORITHM
I. AO* SEARCH ALGORITHMI. AO* SEARCH ALGORITHM
I. AO* SEARCH ALGORITHM
 
Case study on deep learning
Case study on deep learningCase study on deep learning
Case study on deep learning
 
Diabetic Retinopathy
Diabetic RetinopathyDiabetic Retinopathy
Diabetic Retinopathy
 
IRJET- Crop Prediction System using Machine Learning Algorithms
IRJET- Crop Prediction System using Machine Learning AlgorithmsIRJET- Crop Prediction System using Machine Learning Algorithms
IRJET- Crop Prediction System using Machine Learning Algorithms
 
Facial Expression Recognition System using Deep Convolutional Neural Networks.
Facial Expression Recognition  System using Deep Convolutional Neural Networks.Facial Expression Recognition  System using Deep Convolutional Neural Networks.
Facial Expression Recognition System using Deep Convolutional Neural Networks.
 
artificial neural network
artificial neural networkartificial neural network
artificial neural network
 
Plant disease detection and classification using deep learning
Plant disease detection and classification using deep learning Plant disease detection and classification using deep learning
Plant disease detection and classification using deep learning
 
Machine Learning in Agriculture Module 1
Machine Learning in Agriculture Module 1Machine Learning in Agriculture Module 1
Machine Learning in Agriculture Module 1
 
IRJET- Detection and Classification of Skin Diseases using Different Colo...
IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...
IRJET- Detection and Classification of Skin Diseases using Different Colo...
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptx
 
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...
Predicting crop yield and response to Nutrients from soil spectra at WCSS 201...
 
Bayes Belief Networks
Bayes Belief NetworksBayes Belief Networks
Bayes Belief Networks
 
Detecting Fraud Using Data Mining Techniques
Detecting Fraud Using Data Mining TechniquesDetecting Fraud Using Data Mining Techniques
Detecting Fraud Using Data Mining Techniques
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptx
 
Fuzzy image processing- fuzzy C-mean clustering
Fuzzy image processing- fuzzy C-mean clusteringFuzzy image processing- fuzzy C-mean clustering
Fuzzy image processing- fuzzy C-mean clustering
 
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...
Crop Recommendation System to Maximize Crop Yield using Machine Learning Tech...
 
CROP YIELD PREDICTION.pptx
CROP YIELD PREDICTION.pptxCROP YIELD PREDICTION.pptx
CROP YIELD PREDICTION.pptx
 

Similar to IRJET - Analysis of Crop Yield Prediction by using Machine Learning Algorithms

IRJET- Agricultural Productivity System
IRJET- Agricultural Productivity SystemIRJET- Agricultural Productivity System
IRJET- Agricultural Productivity SystemIRJET Journal
 
IRJET - Agricultural Analysis using Data Mining Techniques
IRJET - Agricultural Analysis using Data Mining TechniquesIRJET - Agricultural Analysis using Data Mining Techniques
IRJET - Agricultural Analysis using Data Mining TechniquesIRJET Journal
 
Crop Recommendation System Using Machine Learning
Crop Recommendation System Using Machine LearningCrop Recommendation System Using Machine Learning
Crop Recommendation System Using Machine LearningIRJET Journal
 
Famer assistant and crop recommendation system
Famer assistant and crop recommendation systemFamer assistant and crop recommendation system
Famer assistant and crop recommendation systemIRJET Journal
 
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...IRJET Journal
 
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMFLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMIRJET Journal
 
IRJET - Automated Water Meter: Prediction of Bill for Water Conservation
IRJET - Automated Water Meter: Prediction of Bill for Water ConservationIRJET - Automated Water Meter: Prediction of Bill for Water Conservation
IRJET - Automated Water Meter: Prediction of Bill for Water ConservationIRJET Journal
 
IRJET- Different Data Mining Techniques for Weather Prediction
IRJET-  	  Different Data Mining Techniques for Weather PredictionIRJET-  	  Different Data Mining Techniques for Weather Prediction
IRJET- Different Data Mining Techniques for Weather PredictionIRJET Journal
 
IRJET - Disease Detection in Plant using Machine Learning
IRJET -  	  Disease Detection in Plant using Machine LearningIRJET -  	  Disease Detection in Plant using Machine Learning
IRJET - Disease Detection in Plant using Machine LearningIRJET Journal
 
Accident Prediction System Using Machine Learning
Accident Prediction System Using Machine LearningAccident Prediction System Using Machine Learning
Accident Prediction System Using Machine LearningIRJET Journal
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONIRJET Journal
 
Crop yield prediction.pdf
Crop yield prediction.pdfCrop yield prediction.pdf
Crop yield prediction.pdfssuserb22f5a
 
Climate Monitoring and Prediction using Supervised Machine Learning
Climate Monitoring and Prediction using Supervised Machine LearningClimate Monitoring and Prediction using Supervised Machine Learning
Climate Monitoring and Prediction using Supervised Machine LearningIRJET Journal
 
IRJET - Eloquent Salvation and Productive Outsourcing of Big Data
IRJET -  	  Eloquent Salvation and Productive Outsourcing of Big DataIRJET -  	  Eloquent Salvation and Productive Outsourcing of Big Data
IRJET - Eloquent Salvation and Productive Outsourcing of Big DataIRJET Journal
 
Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.IRJET Journal
 
IRJET - Enlightening Farmers on Crop Yield
IRJET -  	  Enlightening Farmers on Crop YieldIRJET -  	  Enlightening Farmers on Crop Yield
IRJET - Enlightening Farmers on Crop YieldIRJET Journal
 
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEM
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEMA COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEM
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEMIRJET Journal
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMIRJET Journal
 
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUESANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUESIRJET Journal
 
Machine Learning, K-means Algorithm Implementation with R
Machine Learning, K-means Algorithm Implementation with RMachine Learning, K-means Algorithm Implementation with R
Machine Learning, K-means Algorithm Implementation with RIRJET Journal
 

Similar to IRJET - Analysis of Crop Yield Prediction by using Machine Learning Algorithms (20)

IRJET- Agricultural Productivity System
IRJET- Agricultural Productivity SystemIRJET- Agricultural Productivity System
IRJET- Agricultural Productivity System
 
IRJET - Agricultural Analysis using Data Mining Techniques
IRJET - Agricultural Analysis using Data Mining TechniquesIRJET - Agricultural Analysis using Data Mining Techniques
IRJET - Agricultural Analysis using Data Mining Techniques
 
Crop Recommendation System Using Machine Learning
Crop Recommendation System Using Machine LearningCrop Recommendation System Using Machine Learning
Crop Recommendation System Using Machine Learning
 
Famer assistant and crop recommendation system
Famer assistant and crop recommendation systemFamer assistant and crop recommendation system
Famer assistant and crop recommendation system
 
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...
Agricultural Product Price and Crop Cultivation Prediction based on Data Scie...
 
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMFLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
 
IRJET - Automated Water Meter: Prediction of Bill for Water Conservation
IRJET - Automated Water Meter: Prediction of Bill for Water ConservationIRJET - Automated Water Meter: Prediction of Bill for Water Conservation
IRJET - Automated Water Meter: Prediction of Bill for Water Conservation
 
IRJET- Different Data Mining Techniques for Weather Prediction
IRJET-  	  Different Data Mining Techniques for Weather PredictionIRJET-  	  Different Data Mining Techniques for Weather Prediction
IRJET- Different Data Mining Techniques for Weather Prediction
 
IRJET - Disease Detection in Plant using Machine Learning
IRJET -  	  Disease Detection in Plant using Machine LearningIRJET -  	  Disease Detection in Plant using Machine Learning
IRJET - Disease Detection in Plant using Machine Learning
 
Accident Prediction System Using Machine Learning
Accident Prediction System Using Machine LearningAccident Prediction System Using Machine Learning
Accident Prediction System Using Machine Learning
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
Crop yield prediction.pdf
Crop yield prediction.pdfCrop yield prediction.pdf
Crop yield prediction.pdf
 
Climate Monitoring and Prediction using Supervised Machine Learning
Climate Monitoring and Prediction using Supervised Machine LearningClimate Monitoring and Prediction using Supervised Machine Learning
Climate Monitoring and Prediction using Supervised Machine Learning
 
IRJET - Eloquent Salvation and Productive Outsourcing of Big Data
IRJET -  	  Eloquent Salvation and Productive Outsourcing of Big DataIRJET -  	  Eloquent Salvation and Productive Outsourcing of Big Data
IRJET - Eloquent Salvation and Productive Outsourcing of Big Data
 
Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.
 
IRJET - Enlightening Farmers on Crop Yield
IRJET -  	  Enlightening Farmers on Crop YieldIRJET -  	  Enlightening Farmers on Crop Yield
IRJET - Enlightening Farmers on Crop Yield
 
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEM
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEMA COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEM
A COMPREHENSIVE SURVEY ON AGRICULTURE ADVISORY SYSTEM
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUESANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
 
Machine Learning, K-means Algorithm Implementation with R
Machine Learning, K-means Algorithm Implementation with RMachine Learning, K-means Algorithm Implementation with R
Machine Learning, K-means Algorithm Implementation with R
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

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
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Christo Ananth
 
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
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
(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
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
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
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
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
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdfankushspencer015
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
(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
 

Recently uploaded (20)

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
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
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
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
 
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
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
(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...
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
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
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
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...
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.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...
 

IRJET - Analysis of Crop Yield Prediction by using Machine Learning Algorithms

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3892 Analysis of Crop Yield Prediction by using Machine Learning Algorithms Nebeesath Sunaina CSE Dept, CCET, Valanchery, Kuttipuram. -------------------------------------------------------------------------***------------------------------------------------------------------------ Abstract— Agriculture is considered as one of the main and a very foremost culture that is practiced in India. But the very effect of climate changes and its unpredictability has caused a big impact on farming. Hence crop yield prediction has become a very important step towards a very effective crop production and management. Predicting the crops well ahead of its harvest time helps the farmers in the cultivation of the right crops. This paper hence proposes a brief analysis of crop yield prediction using machine learning algorithms like K-Nearest Neighbor (KNN) Algorithm and Support Vector Machine Algorithms. The Experimental results shows that the proposed work efficiently predicts the crop yield. Keywords— Machine Learning,KNN,SVM,crop yield,prediction I. INTRODUCTION Agriculture plays an important role in the growth of the national economy. Some of the factors on which farming depends on are soil,climate,humidity,rainfall,temperature and so on. Most of the times, farmers fail to achieve the expected result due to many reasons. Yield prediction is carried out which involves predicting the yield of the crop based on the existing data. In the past, prediction were mainly based on the farmers previous experiences. Yield prediction helps in identifying the most feasible crops to be cultivated for a particular region according to given environmental conditions. In this paper, machine learning algorithms , K-Nearest Neighbours and Support Vector Machines are used to predict the most suitable crop. The crop production depends on vaarious factors which changes with every square meters and mainly depends on the geography of the region,weather conditions ,soil type, humidity and so on. Huge data sets can be used for predicting their influence on the major crops of that particular district or state. Machine learning techniques have advanced considerably over the past several decades. KNN is a supervised classification method. It is also called as lazy learner technique because it depends on learning by analogy. It does not have a specialized training phase and uses all the data for training while classification. It uses feature similarity approach to predict the values of new data points which means the new data points will be assigned a value based on how closely it matches the points in the training set. Support Vector Machines is a linear model for classification and regression models. The algorithm here creates a line or a hyperplane that can separate the data into classes. SVM tries to make a decision boundary such that the separation between the classes are as wide as possible. SVM chooses the points or the vectors that helps in creating the hyperplane. These are called the support vectors. The proposed system here analyses these supervised machine learning algorithms in forecasting yield prediction from 4 different regions like Mangalore, Kodagu, Hasana and Kasaragodu. The dataset is collected from different online sources like Kaggle.com and data.govt.in. It consists of features like location, area in square foots, temperature (in Celsius), humidity, yield, rainfall (in mm), type of the soil, yields, and price. The paper is organized as follows: Section II presents the related work and Section III discusses about the proposed system. The experimental results on agricultural data are discussed in section IV. Finally, Conclusion is given in the section V. II. RELATED WORK Yield forecasting is an important service in the field of agriculture. In this section we highlight a few works done in the field of agriculture by using machine learning. Renuka, Sujata Terdal (2019) proposed a system where the supervised learning is used to form a model, which provides the predicted cost of the crop yield as their corresponding production order. They have partitioned this into four stages as Dataset collection, preprocessing steps, feature selection and finally applying the machine learning models. The machine learning models they had used here is KNN, SVM and decision tree models. The data sets used in this paper are rainfall dataset, soil dataset and the yield dataset which they have gathered from several online dataset sites. Pankaj Bhambri, Inderjit Singh Dhanoa, Vijay Kumar Sinha and Jasime Khaur (January 2020) in their paper analyzed a paddy crop production by using predictive analysis to predict the future events by implanting machine learning algorithms such as KNN and SVM. Prediction analysis is performed using data mining techniques such as J48, LAD
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3893 tree and LWL. They have also compared their performance in terms of the accuracy and computation times. Judicael Geraud N.Zannou and Vinasetan Ratheil Houndji(June 2019) proposed a system based on machine learning techniques to estimate farm yields. The experiments were conducted on a sorghum field. They have used techniques like convolutional neural networks and linear regression models to implement their work in the TensorFlow platform. These algorithms aided them in detecting the different ears of sorghum on an image and to estimate their weight. They have obtained an average accuracy of 74.5% for the detection of sorghum. Prof. D.S. Zingade, Omkar Buchade, Nilesh Mehta, Shubham Godekar, Chandan Mehta (December 2017) proposed a paper that applies machine learning and prediction algorithms like Multiple Linear Regression to identify the patterns among the data and process it per input conditions. It proposes the best feasible crops to be cultivated in the given conditions given the location of the user. N Hemageetha proposed a paper where she discussed various data mining techniques like Market based analysis, Association rule mining, Decision Trees, Classification and clustering. Naïve Bayes, J48, K-mean algorithms are explained in this paper. This paper helped in understanding different data mining algorithms and classification mechanisms. III PROPOSED SYSTEM In the proposed system, supervised learning algorithms are used to form a model which will help us in providing choices of the most feasible crops that can be cultivated in that region along with its estimated yield. Two of the algorithms used here is K-Nearest Neighbor and Support Vector Machine. The main stages involved in the process are dataset collection, pre-processing the data, feature extraction and classification. A. Dataset collection The dataset used for this project is collected from various online sources like Kaggle.com and data.govt.in. We have taken the agricultural data of four regions namely, Mangalore, Hasana, Kodagu and Kasaragod. Some important features or the parameters which has the highest impact on the agricultural yield considered in the project are listed below.  Rainfall (in mm)  Humidity  Temperature  Area  Yield  Type of the soil  Location  Price B. Pre-processing the data After the selection of the dataset, it has to be pre-processed into a form that you can work with. Some of the steps are formatting, cleaning and sampling. Initially the data you have selected is converted into the format suitable for you to work with. Cleaning data is the removal or fixing of the mixed data. Sampling is taking a small representative sample of the selected data that may be much faster for exploring the solutions than electing the hole dataset. C. Transforming the data The final step is transforming the selected data. The preprocessed data here is then transformed into data that is ready for machine learning algorithms by using various engineering features like scaling, feature aggregation and so on. There may be several features that can be combined into a single feature which would be more meaningful to the problem you are trying to solve. Figure 1 below shows the final data to be used by the classifiers. Figures 2 and 3 shows the system design of the proposed system. Fig 1: Final dataset
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3894 Fig 2: System design(a) Fig3: system design (b) IV. ALGORITHMS USED FOR THE PROPOSED SYSTEM The transformed data is then split into two sets namely, training sets and testing sets before applying the machine learning classifiers. The two machine learning classifiers used here are K-Nearest Neighbors and Support Vector Machine classifiers. Once the model is trained efficiently it is tested on the testing dataset which is different from the training data. A. KNN algorithm KNN is a supervised machine learning algorithm. It learns by analogy. It is a simple but a powerful approach for making predictions. In the project, according to the input given, the dataset is preprocessed to obtain the extracted dataset which is our training set. Test data is selected randomly from this training set. K-most similar records to the test record is calculated. Euclidian distance is calculated for finding the similarity between the records. Once k neighbours are discovered , a summarized predictions are made by returning the most common outcome. ( ) √∑ ( ) (1) Equation 1 shows the euclidian distance formula. It is used to calculate the distance between the two data points in a plane. KNN do not have a learning phase as such. It just calculates the distance between the test set and each row of the training set and returns the most similar ones as its neighbours. The lesser the distance, more similar the records are. Hence it is called as lazy learner technique or learning by analogy. But still it is considered as on of the most powerful agorithms. Fig 4: KNN Classifier Figure 4 shows the steps involved in the KNN Algorithm. B) SVM algorithm SVM algorithm is also a supervised machine learning algorithm which is used for both classification and regression problems. Hyperplane is the criteria that SVM uses to segregate the two classes. Finding the support Start Define k Compute the Euclidian distance between the input samples and the training samples Sort the distance Get k nearest neighbors Apply simple majority End Input Location Soil Area (in acres) Data Preprocessing Data Transformation Output Crop Yield Features Apply machine learning classifiers Predict the crop and yield Data Transformation Train the data
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3895 vectors ie. the nearest data points to the hyperplane helps in giving the most optimal hyperplane. In the project, the first step is all the libraries are imported. Then the dataset is imported. It is then split into training samples and testing samples by using the sklearn library. A training model is built by importing the SVC classifier from sklearn SVM module.predict the values using the SVM algorithm. It has a higher acuuracy. It works well with all limited datasets. Kernel SVM contains a non-linear transformation function to convert the complicated non-linearly seperable data into linearly seperable data. Figure 5 shows the steps involved in the SVM algorithm. Fig 5: SVM Classifier V. METHODOLOGY AND RESULTS In the proposed system, initially it gathers basic user information like the Name, Email id, Password and phone number from the user. It is then stored into server’s database. Once registered, Username and the password gets verified from the server side every time the user tries to log in to the website. The user can then select the option to predict the crop which is suitable for the particular location and the soil type as shown in the figure 6 below. He will also get the estimated yield of the predicted crop according to the number of acres of land he has given as the input. Fig 6: Crop yield prediction As shown in the figure 7 below, From the given inputs and by applying the machine learning classifiers, two choices of the crops are predicted along with its estimated yield for the given number of acres of land. Fig 7: Prediction result The implementation of KNN and SVM algorithm is done in Python and both the algorithms are compared in terms of their accuracy, Execution time in seconds from epoche, and in terms of their Precision and Recall scores. Classification Report is a report that is used to measure the quality of predictions from a classification algorithm. Precision, Recall, F1score are some of the metrics given in the Classification report. Precision is the ability of a classifier not to label an instance positive that is actually negative. Recall is the ability of a classifier to find all positive instances. Dataset Formatting the data Defining the parameters Train the data v-Cross Validation SVM Model Test the Model Prediction Result
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3896 Fig 8: Accuracy of KNN and SVM Figure 8 shows the accuracy of KNN and SVM classifiers. From the graph, it can be analysed that the accuracy of SVM is higher compared to that of the KNN classifier. Fig 9: Precision and Recall Figure 9 shows the Precision and Recall values of both KNN and SVM classifiers. The above graph shows that the precision and recall values of SVM is higher than that of KNN. The precision value of both the classifiers are higher than the recall value. Fig 10: Comparison of Execution time(in seconds) Figure 10 shows the time taken by the classifiers take for their execution. From the above figure, it can be analysed that SVM takes less time to execute compared to that of KNN. VI. CONCLUSION This project provides an easy to access and an efficient system to predict the crops and the estimation of its yield under the given conditions for a particular region. Farmers are still not connected with the modern technolgies. It efficiently bridges the gap between the rural farmers and the modern technologies. Machine learning algorithms have proved very effective in predicting the crops and its yield. From the comparison analysis of KNN and SVM, SVM works better than KNN for the dataset chosen. In the future, Farming can be taken to next levels by connecting all the farming devices to the internet using IOT. REFERENCES [1] Monali Paul, Santosh K. Vishwakarma, Ashok Verma, “Analysis of Soil Behavior and Prediction of Crop Yield using Data Mining approach”, 2015 International Conference on Computational Intelligence and Communication Networks. [2] Abdullah Na, William Isaac, ShashankVarshney, Ekram Khan, “An IoT Based System for Remote Monitoring of Soil Characteristics”, 2016 International Conference of Information Technology. [3] Dr.N. Suma, Sandra Rhea Samson, S. Saranya, G. Shanmugapriya, R. Subhashri, “IOT Based Smart Agriculture Monitoring System”, Feb 2017 IJRITCC. [4] N. Heemageetha, “A survey on Application of Data Mining Techniques to Analyze the soil for agricultural purpose”, 2016IEEE. [5] DhivyaB, Manjula, Siva Bharathi, Madhumathi, “A Survey on Crop Yield Prediction based on Agricultural
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3897 Data”, International Conference in Modern Science and Engineering, March 2017. [6] GiritharanRavichandran, Koteeshwari R S “Agricultural Crop Predictor and Advisor using ANN for Smartphones”, 2016 IEEE, [7] R. Nagini, Dr. T.V. Rajnikanth, B.V. Kiranmayee, “Agriculture Yield Prediction Using Predictive Analytic Techniques, 2nd International Conference on Contemporary Computing and Informatics (ic3i),2016. [8] Awanit Kumar, Shiv Kumar, “Prediction of production of crops using K-Means and Fuzzy Logic”, IJCSMC, 2015 [9] JeetendraShenoy, YogeshPingle, “IOT in agriculture”, 2016 IEEE. [10] M.R. Bendre, R.C. Thool, V.R. Thool, “Big Data in Precision agriculture”, Sept,2015 NGCT. [11] Dr. Rakesh Poonia1, Sonia Bhargava “Prediction of Crops Methodology using Data Mining Techniques”, International Journal of Innovative Research in Science, Engineering and Technology, Vol. 6, Issue 10, October 2017. [12] Mehta D R, Kalola A D, Saradava D A, Yusufzai A S, "Rainfall Variability Analysis and Its Impact on Crop Productivity - A Case Study", Indian Journal of Agricultural Research, Volume 36, Issue 1, 2002, pages: 29-33.