SlideShare a Scribd company logo
1 of 7
Download to read offline
International Journal of Electrical and Computer Engineering (IJECE)
Vol. 8, No. 6, December 2018, pp. 4197~4203
ISSN: 2088-8708, DOI: 10.11591/ijece.v8i6.pp4197-4203  4197
Journal homepage: http://iaescore.com/journals/index.php/IJECE
Classification of Macronutrient Deficiencies in Maize Plant
Using Machine Learning
Leena N1
, K. K. Saju2
1
Department of Electrical and Electronics Engineering, NSS college of Engineering, India
2
Department of Mechanical Engineering, Cochin University of Science and Technology, India
Article Info ABSTRACT
Article history:
Received Apr 23, 2018
Revised Jul 15, 2018
Accepted Aug 8, 2018
Detection of nutritional deficiencies in plants is vital for improving crop
productivity. Timely identification of nutrient deficiency through visual
symptoms in the plants can help farmers take quick corrective action by
appropriate nutrient management strategies. The application of computer
vision and machine learning techniques offers new prospects in non-
destructive field-based analysis for nutrient deficiency. Color and shape are
important parameters in feature extraction. In this work, two different
techniques are used for image segmentation and feature extraction to
generate two different feature sets from the same image sets. These are then
used for classification using different machine learning techniques. The
experimental results are analyzed and compared in terms of classification
accuracy to find the best algorithm for the two feature sets.
Keyword:
Deep learning with auto
encoders
Feature extraction
K nearest neighbors
Nutritional deficiency
Support vector machines Copyright © 2018 Institute of Advanced Engineering and Science.
All rights reserved.
Corresponding Author:
Leena N,
Department of Electrical and Electronics Engineering,
NSS College of Engineering,
Palakkad, Kerala, India.
Email: leena.amulya@gmail.com
1. INTRODUCTION
The increasing cost of crop production and problems of environmental pollution caused by
agrochemicals calls for the need to apply mineral fertilizers more efficiently. Plants require nutrients for their
healthy growth and development. These include macronutrients like nitrogen, phosphorus and potassium as
well as micronutrients like calcium, boron etc. Nutrient deficiency symptoms if left unidentified results in
low yield levels and profit. Nutritional deficiencies have characteristic symptoms that are exhibited in the
form of color and shape, especially on leaves. These include necrosis, Chlorosis, die-back and others.
Knowledge of these symptoms can help us take corrective action to restore the plant to normal state.
The conventional techniques for nutrient deficiency diagnosis include extensive laboratory testing of
soil or plant tissue or manual inspection by farmers. These are tedious and time consuming. The application
of machine learning techniques using image processing offers a promising solution for identification of
nutrient deficiencies. Several works have been reported on the uses of machine learning algorithms combined
with image processing techniques to classify and predict abiotic and biotic stresses on plants. Table 1
provides an overview of machine learning techniques combined with image processing methods to detect
nutrient deficiency symptoms in plants.
There are also several researches on the use of digital image processing combined with machine
learning for detection of diseases in plants. However few literature aims to classify and identify nutritional
deficiencies in plants. There have also not been any attempts to make a comparative study of feature
extraction and machine learning techniques. This paper aims to make a comparative study of the performance
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203
4198
of feature extraction techniques and machine learning algorithms for classification of nutrient deficiency in
maize plants.
Table 1. Overview of Image Processing and Machine Learning Techniques for Deficiency Detection
Application Feature Extraction Technique Machine learning Algorithm Plant Species Reference
Identification Spectral and shape features Support Vector Machine Rice [1]
Detection Color Clustering
Bean, pea and
yellow lupine
[2]
Detection Geometric moments Groundnut [3]
Detection Texture and color features Rice [4]
Detection Color and size Artificial Neural Networks Lettuce [5]
Quantification Color Barley [6]
Detection Shape, Texture Fuzzy Oil palm [7]
Classification Texture features Fuzzy k-nearest Classifier Tomato [8]
Classification SIFT, Color and shape features Random Forest Coffee [9]
2. RESEARCH METHOD
This work focuses on the recognition and classification of nutritional deficiencies in maize plant.
The major steps of classification include selection of training samples, image preprocessing, feature
extraction, selection of suitable classification approach, and accuracy assessment.
2.1. Image Data Set
Deficiencies caused by macronutrients like Nitrogen, Phosphorus and Potassium as well as normal
(not affected) plants are investigated. 100 sample leaf images for the 4 classes were used in the study. 75
images for used for classification and 25 images were used for detection. Images given in Figure 1 are the
samples of maize leaves suffering from nutritional deficiencies.
Figure 1. Images of maize leaf a) Healthy leaf b) Nitrogen deficient leaf c) Phosphorus deficiency
d) Potassium deficiency
2.2. Image Preprocessing and Feature Extraction
Selecting suitable features is a critical step for successfully implementing image classification. The
symptom of nutrient deficiency in plant leaves exhibit different properties in terms of colour, shape, and
texture. The first step involves pre-processing the image to improve the quality of the image and to remove
distortion. This is followed by segmentation techniques to segment the region of interest from the whole
image. Further feature extraction is done from the segmented region having the deficient part of the leaf. This
work compares the accuracy of classification using uses two main feature extraction techniques. The first
technique uses colour histogram for image segmentation and feature extraction whereas the alternative
method uses K-means clustering for segmentation and textural features are extracted.
MATLAB 2016 was used for designing the algorithm for image processing and classification. For
histogram based image segmentation and classification, Gabor filter was used for resizing and noise filtering
of images. The images were then transformed from the RGB to HSV (Hue, Saturation and Value) colour
space as HSV separates the colour components (HS) from the luminance component (V) and is less sensitive
to illumination changes. The deficient part of the leaves samples was segmented out from the colour image.
The colour features are extracted from HSV color space of selected region based on histogram analysis. Each
image added to the collection is analysed to compute a colour histogram, which shows the proportion of
Int J Elec & Comp Eng ISSN: 2088-8708 
Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N)
4199
pixels of each colour within the image. Thus as a result 256 features were obtained for each image.
The colour histogram for each image is then stored in the database.
In the second technique K-means clustering using Euclidean distance as the minimization criteria
was used for segmentation. The image is segmented into three sub-feature images with three different type of
Region of Interest (ROI). The Region of Interest corresponding to nutrient deficiency is manually selected
from the segmented images. The Grey Level Occurrence Matrix is then computed from the ROI after
conversion from RGB to gray scale. 13 features are calculated for each image based on texture properties like
Skewness, Standard Deviation, Homogeneity, Contrast, Smoothness, Correlation, Kurtosis, Energy, Entropy,
Mean, Variance, RMS, and IDM. Figure 3 shows the results of K-means clustering for a leaf with nitrogen
deficiency.
2.3. Machine Learning Techniques
Machine learning comprises of a set of computational modelling techniques that can learn patterns
from data and perform automated tasks like identification, prediction or classification. Machine learning
techniques are widely used in application like handwriting recognition, natural language processing, speech
processing, consumer data predictive analysis, drug design, disease tissue classification in medicine [10],[11]
network flow classification [12]. Several machine learning techniques have been used in nutrient deficiency
detection in plants as shown in Table 1.
2.3.1. ANN Classifier
Artificial neural networks, usually called neural networks have emerged as an important tool for
classification. Neural networks are simplified models of the biological nervous system which consists of
highly interconnected network of a large number of processing elements called neurons in an architecture
inspired by the brain. They have the potential to classify different forms (patterns) of arbitrary complex
input/output mappings.
2.3.2. SVM Classifier
Support Vector Machine (SVM) is considered as one of the efficient machine learning method that
is developed on the basis of the statistical learning theory. They are specifically implemented for the
classification and regression with high dimensional space. The aim of the SVM classifier is to find an optimal
hyperplane. Support vector machines are a very popular method in classification of images due to their good
generalization capability even with a limited number of training datasets.
2.3.3. kNN Classifier
Another simple and very power full supervised machine learning technique widely used in statistical
estimation and pattern recognition is the k Nearest Neighbour (kNN). The kNN classifier uses a non
parametric and instance-based learning algorithm. In classification problems, the k-nearest neighbour
algorithm finds majority vote between the k most similar instances to a given “unseen” observation.
Similarity is defined according to a distance metric between two data points.
2.3.4. Deep Networks Using Autoencoders
Recently, the area of deep learning is attracting widespread interest by producing remarkable
research in almost every aspect of artificial intelligence [13]. Auto encoders are unsupervised machine
learning techniques that apply back propagation algorithm. It tries to learn the identify function by placing
constraints on the network. Auto encoders can be stacked one over the other to form deep networks called
stacked auto encoders. Here learning is done by training one layer at a time. A stacked auto encoder can be
used as a classifier by replacing the decoder layer with a softmax layer to classify the features extracted from
the encoder layers.
3. RESULTS AND DISCUSSION
Feature extraction is done using the techniques in section 2.2. Figure 2 shows the different steps
involved in the segmentation process for a leaf with nitrogen deficiency using the first technique.
The segmented part is shown in Figure 2(f). The colour histogram is plotted for the segmented image and a
total of 256 features are obtained. The first feature set has a dimension of 75x256 for the 75 images.
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203
4200
Figure 2. Processing of a leaf image with nitrogen deficiencies a) original Image b) Hue image
c) Value image d) Saturation Image e) Hue mask f) segmented regions
Figure 3 shows the results of clustering to obtain the deficient parts of the image using the second
method. The clustered image with deficient part is shown in Figure 3(b). This is converted to grey scale and
13 features are obtained using Grey level Occurrence matrix. The second feature set has a dimension
of 75x13. Classification was done using the classifiers in section 2.3 and the performances of the classifiers
in terms of accuracy of classification were compared. The training and testing are carried out with both the
feature extraction methods given in section 2.2.
Figure 3. Processing of a leaf image with nitrogen deficiencies a) original Image b) Clustered image with
deficient portion after contrast enhancement
A multilayer backpropagation neural network was chosen for the ANN classifier. The number of
nodes in the input equals the number of features while the number of nodes in the output is 4 corresponding
to the three deficiency classes and one normal class. Number of nodes in the hidden layer is taken as 10 and
sigmoid activation function is used. Scaled conjugate gradient backpropagation technique is used for training.
An overall classification accuracy of 90.9% was obtained with histogram based feature extraction technique
(feature set1) whereas an overall accuracy of 81.2% was obtained for feature extraction using k-means
segmentation followed by shape and texture features (feature set 2).
Int J Elec & Comp Eng ISSN: 2088-8708 
Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N)
4201
Figure 4 shows the graph of classification accuracy of macronutrient deficiencies affecting maize
plant using the two feature sets and an SVM classifier. The effect of kernels on classification accuracy was
also investigated. From the graph, it is observed that the maximum classification accuracy of 95.6% has
occurred with a linear kernel for feature set 1 and 90% for feature set 2. Hence SVM with linear kernel
function gives better classification accuracy compared to other kernels.
Figure 4. Classification efficiency for SVM classifier with different kernel functions
The results obtained using a KNN classifier is shown in Figure 5 (a) and (b) for the two different
feature extraction techniques. The classification result in terms of efficiency was obtained with number of
neighbours varied from 2 to 5. As kNN classification is based on measuring the distance between the test
data and each of the training data, the chosen distance function can affect the classification accuracy. Hence
effect of different distance metrics like Euclidean, Cosine, Minkowksi and Chebyshev were also calculated.
Figure 5. Classification efficiency for kNN classifier with different kernel functions (a) Feature set 1
(b) Feature set 2
The results show that best classification accuracy was obtained with number of neighbours equal to
3 with cosine distance metric for both the feature sets. The next classifier chosen was a deep network with
two encoder networks for feature extraction followed by a softmax layer for classification. The two encoders
have a hidden layer of size 10 and a linear transfer function. The L2 weight regularizer, sparsity regularizer
and sparsity proportion were set to 0.001, 4 and 0.1 respectively. An overall classification accuracy of 100 %
was obtained with histogram based feature extraction technique (feature set1) whereas an overall accuracy of
88% was obtained for feature extraction using k-means segmentation followed by shape and texture features
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203
4202
(feature set 2). A comparison of the classification accuracy of different machine learning classifiers for
classification of macronutrient deficiencies in maize plant using the two feature sets are shown in Figure 6.
Figure 6. Comparison of efficiency of classification of different classifiers
The results indicate that Deep network using sparse auto encoders gives highest accuracy of
classification for histogram based features. KNN classifier worked well with both feature sets for a cosine
distance metric and k value chosen as 3. Similarly SVM with linear kernel gives good classification accuracy
both the feature sets. The lowest accuracy was obtained with ANN classifier.
4. CONCLUSION
Classification of macronutrient deficiencies in maize plant was done using different feature
extraction methods and different classifiers. The algorithms were tested on the three plant macronutrient
deficiencies in maize plants, namely nitrogen, potassium and phosphorus. Two feature extraction techniques
were used to develop two different feature sets for the same leaf images. The results reveal that deep network
with auto encoders gives highest accuracy and has superior performance for histogram based feature
extraction compared to the other classification methods. The best classification accuracy with shape and
texture features was obtained with KNN classifier. The effect of different kernels for SVM was also
investigated for both the feature sets. It was seen that SVM with linear kernel gave the highest accuracy of
classification in both cases. Similarly the effect of distance metric and number of neighbours on accuracy of
kNN was also checked for both the feature sets. It was seen that kNN with cosine metric and k value of 3
gives highest accuracy. The study can be extended to micronutrient deficiency and disease infestations also.
REFERENCES
[1] Chen L. et al., “Identification of nitrogen, phosphorus, and potassium deficiencies in rice based on static scanning
technology and hierarchical identification method,” PLoS ONE, vol. 9, 2014.
[2] Wiwart M., et al., “Early diagnostics of macronutrient deficiencies in three legume species by color image
analysis,” Computers and Electronics in Agriculture, vol. 65, 2009.
[3] Chandan J. B., et al., “Detection and Analysis of Deficiencies in Groundnut Plant using Geometric Moments,”
World Academy of Science. Engineering and Technology International Journal of Biological, Agricultural,
Biomolecular, Food and Biotechnological Engineering, vol/issue: 5(10), 2011.
[4] Sanyal P., et al., “Color texture analysis of rice leaves diagnosing deficiency in the balance of mineral levels
towards improvement of crop productivity,” 10th International Conference on Information Technology, IEEE, pp.
85-90, 2007.
[5] Hetzroni A., et al., “Machine vision monitoring of plant health,” Adv Space Res, vol/issue: 14(11), pp. 203–212,
2009.
[6] Pagola M., et al., “New method to assess barley nitrogen nutrition status based on image colour analysis,” Comput
Electron Agric, vol/issue: 65(2), pp. 213–218, 2009.
Int J Elec & Comp Eng ISSN: 2088-8708 
Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N)
4203
[7] Hairuddin M. A., et al., “Overview of image processing approach for nutrient deficiencies detection in Elaeis
Guineensis,” IEEE International Conference on System Engineering and Technology, pp. 116-120, 2011.
[8] Xu G., et al., “Use of leaf color images to identify nitrogen and potassium deficient tomatoes,” Pattern Recognit
Lett, vol/issue: 32(11), pp. 1584-1590, 2011.
[9] Monsalve D., et al., “Automatic Classification of Nutritional Deficiencies in Coffee Plants,” 6th Latin-American
Conference on Networked and Electronic Media, 2015.
[10] E. I. Zacharaki, et al., “Classification of brain tumor type and grade using MRI texture and shape in a machine
learning scheme,” Magn. Reson, vol. 62, pp. 1609–1618, 2009.
[11] M. Hamiane, et al., “SVM Classification of MRI Brain Images for Computer – Assisted Diagnosis,” International
Journal of Electrical and Computer Engineering, vol/issue: 7(5), 2017.
[12] A. Munther, et al., “A Preliminary Performance Evaluation of K-means, KNN and EM Unsupervised Machine
Learning Methods for Network Flow Classification,” International Journal of Electrical and Computer
Engineering, vol/issue: 6(2), pp. 778-784, 2016.
[13] S. Narejo, et al., “EEG Based Eye State Classification using Deep Belief Network and Stacked AutoEncoder,”
International Journal of Electrical and Computer Engineering, vol/issue: 6(6), pp. 3131-3141, 2016.
BIOGRAPHIES OF AUTHORS
Leena.N is pursuing her doctoral degree under the guidance of Dr.K.K. Saju at Cochin
University of Science and Technology, India. She is an Assistant Professor in the Department of
Electrical and Electronics Engineering at NSS College of Engineering, Kerala, India. Her
research interests include soft computing; Machine learning and Electric drives and control.
K K Saju is Professor at the Department of Mechanical Engineering at Cochin University of
Technology, India. He is also the Director of the International Relations and Academic
Admissions at Cochin University. His interests lie in material science, robotics and automation.
He is author of more than 20 international publications and has handled several funded projects.

More Related Content

What's hot

Identification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIdentification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIJERA Editor
 
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...Image Mining for Flower Classification by Genetic Association Rule Mining Usi...
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...IJAEMSJORNAL
 
Pest Control in Agricultural Plantations Using Image Processing
Pest Control in Agricultural Plantations Using Image ProcessingPest Control in Agricultural Plantations Using Image Processing
Pest Control in Agricultural Plantations Using Image ProcessingIOSR Journals
 
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...ResSeg: Residual encoder-decoder convolutional neural network for food segmen...
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...IJECEIAES
 
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...TELKOMNIKA JOURNAL
 
Weed and crop segmentation and classification using area thresholding
Weed and crop segmentation and classification using area thresholdingWeed and crop segmentation and classification using area thresholding
Weed and crop segmentation and classification using area thresholdingeSAT Journals
 
76 s201912
76 s20191276 s201912
76 s201912IJRAT
 
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...IAEME Publication
 
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...IRJET Journal
 
Paper id 42201614
Paper id 42201614Paper id 42201614
Paper id 42201614IJRAT
 
Plant species identification based on leaf venation features using SVM
Plant species identification based on leaf venation features using SVMPlant species identification based on leaf venation features using SVM
Plant species identification based on leaf venation features using SVMTELKOMNIKA JOURNAL
 
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...IJMER
 
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...IRJET Journal
 
IRJET - Calorie Detector
IRJET -  	  Calorie DetectorIRJET -  	  Calorie Detector
IRJET - Calorie DetectorIRJET Journal
 
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...IRJET Journal
 
Defected fruit detection
Defected fruit detection Defected fruit detection
Defected fruit detection Vyshnavi N Y
 
Grading and quality testing of food grains using neural
Grading and quality testing of food grains using neuralGrading and quality testing of food grains using neural
Grading and quality testing of food grains using neuraleSAT Publishing House
 
Grading and quality testing of food grains using neural network
Grading and quality testing of food grains using neural networkGrading and quality testing of food grains using neural network
Grading and quality testing of food grains using neural networkeSAT Journals
 

What's hot (20)

Identification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIdentification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric Plants
 
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...Image Mining for Flower Classification by Genetic Association Rule Mining Usi...
Image Mining for Flower Classification by Genetic Association Rule Mining Usi...
 
Pest Control in Agricultural Plantations Using Image Processing
Pest Control in Agricultural Plantations Using Image ProcessingPest Control in Agricultural Plantations Using Image Processing
Pest Control in Agricultural Plantations Using Image Processing
 
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...ResSeg: Residual encoder-decoder convolutional neural network for food segmen...
ResSeg: Residual encoder-decoder convolutional neural network for food segmen...
 
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...
Feature extraction of Jabon (Anthocephalus sp) leaf disease using discrete wa...
 
Weed and crop segmentation and classification using area thresholding
Weed and crop segmentation and classification using area thresholdingWeed and crop segmentation and classification using area thresholding
Weed and crop segmentation and classification using area thresholding
 
76 s201912
76 s20191276 s201912
76 s201912
 
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...
IDENTIFICATION AND CLASSIFICATION OF POWDER MICROSCOPIC IMAGES OF INDIAN HERB...
 
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...
IRJET- A Food Recognition System for Diabetic Patients based on an Optimized ...
 
Paper id 42201614
Paper id 42201614Paper id 42201614
Paper id 42201614
 
Q01051134140
Q01051134140Q01051134140
Q01051134140
 
Plant species identification based on leaf venation features using SVM
Plant species identification based on leaf venation features using SVMPlant species identification based on leaf venation features using SVM
Plant species identification based on leaf venation features using SVM
 
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...
An Effective Tea Leaf Recognition Algorithm for Plant Classification Using Ra...
 
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
 
IRJET - Calorie Detector
IRJET -  	  Calorie DetectorIRJET -  	  Calorie Detector
IRJET - Calorie Detector
 
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...
IRJET- Identify Quality Index of the Fruit Vegetable by Non Destructive or wi...
 
Defected fruit detection
Defected fruit detection Defected fruit detection
Defected fruit detection
 
Grading and quality testing of food grains using neural
Grading and quality testing of food grains using neuralGrading and quality testing of food grains using neural
Grading and quality testing of food grains using neural
 
Grading and quality testing of food grains using neural network
Grading and quality testing of food grains using neural networkGrading and quality testing of food grains using neural network
Grading and quality testing of food grains using neural network
 
F010423541
F010423541F010423541
F010423541
 

Similar to Machine Learning Classifies Nutrient Deficiencies in Maize

IRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN TechniqueIRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN TechniqueIRJET Journal
 
Plant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image ProcessingPlant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image ProcessingIRJET Journal
 
Identification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIdentification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIJERA Editor
 
IRJET- Image Processing based Detection of Unhealthy Plant Leaves
IRJET- Image Processing based Detection of Unhealthy Plant LeavesIRJET- Image Processing based Detection of Unhealthy Plant Leaves
IRJET- Image Processing based Detection of Unhealthy Plant LeavesIRJET Journal
 
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)IRJET Journal
 
Computer Vision based Model for Fruit Sorting using K-Nearest Neighbour clas...
Computer Vision based Model for Fruit Sorting  using K-Nearest Neighbour clas...Computer Vision based Model for Fruit Sorting  using K-Nearest Neighbour clas...
Computer Vision based Model for Fruit Sorting using K-Nearest Neighbour clas...IJEEE
 
Classify Rice Disease Using Self-Optimizing Models and Edge Computing with A...
Classify Rice Disease Using Self-Optimizing Models and  Edge Computing with A...Classify Rice Disease Using Self-Optimizing Models and  Edge Computing with A...
Classify Rice Disease Using Self-Optimizing Models and Edge Computing with A...Damian R. Mingle, MBA
 
Foliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing TechniquesFoliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing TechniquesIJTET Journal
 
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...IRJET Journal
 
IRJET- Detection of Plant Leaf Diseases using Image Processing and Soft-C...
IRJET-  	  Detection of Plant Leaf Diseases using Image Processing and Soft-C...IRJET-  	  Detection of Plant Leaf Diseases using Image Processing and Soft-C...
IRJET- Detection of Plant Leaf Diseases using Image Processing and Soft-C...IRJET Journal
 
Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...IAESIJAI
 
A Study of Image Processing in Agriculture
A Study of Image Processing in AgricultureA Study of Image Processing in Agriculture
A Study of Image Processing in AgricultureEswar Publications
 
Plant Monitoring using Image Processing, Raspberry PI & IOT
 	  Plant Monitoring using Image Processing, Raspberry PI & IOT 	  Plant Monitoring using Image Processing, Raspberry PI & IOT
Plant Monitoring using Image Processing, Raspberry PI & IOTIRJET Journal
 
Corn leaf image classification based on machine learning techniques for accu...
Corn leaf image classification based on machine learning  techniques for accu...Corn leaf image classification based on machine learning  techniques for accu...
Corn leaf image classification based on machine learning techniques for accu...IJECEIAES
 
Plant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image ProcessingPlant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image ProcessingIRJET Journal
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsIAEME Publication
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsIAEME Publication
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsIAEME Publication
 
IRJET - E-Learning Package for Grape & Disease Analysis
IRJET - E-Learning Package for Grape & Disease AnalysisIRJET - E-Learning Package for Grape & Disease Analysis
IRJET - E-Learning Package for Grape & Disease AnalysisIRJET Journal
 

Similar to Machine Learning Classifies Nutrient Deficiencies in Maize (20)

IRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN TechniqueIRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN Technique
 
Plant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image ProcessingPlant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image Processing
 
Identification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric PlantsIdentification and Classification of Leaf Diseases in Turmeric Plants
Identification and Classification of Leaf Diseases in Turmeric Plants
 
IRJET- Image Processing based Detection of Unhealthy Plant Leaves
IRJET- Image Processing based Detection of Unhealthy Plant LeavesIRJET- Image Processing based Detection of Unhealthy Plant Leaves
IRJET- Image Processing based Detection of Unhealthy Plant Leaves
 
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)
DETECTION OF NUTRIENT DEFICIENCIES IN CROPS USING SUPPORT VECTOR MACHINE (SVM)
 
Computer Vision based Model for Fruit Sorting using K-Nearest Neighbour clas...
Computer Vision based Model for Fruit Sorting  using K-Nearest Neighbour clas...Computer Vision based Model for Fruit Sorting  using K-Nearest Neighbour clas...
Computer Vision based Model for Fruit Sorting using K-Nearest Neighbour clas...
 
Classify Rice Disease Using Self-Optimizing Models and Edge Computing with A...
Classify Rice Disease Using Self-Optimizing Models and  Edge Computing with A...Classify Rice Disease Using Self-Optimizing Models and  Edge Computing with A...
Classify Rice Disease Using Self-Optimizing Models and Edge Computing with A...
 
Foliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing TechniquesFoliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing Techniques
 
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...
IRJET- AI Based Fault Detection on Leaf and Disease Prediction using K-means ...
 
IRJET- Detection of Plant Leaf Diseases using Image Processing and Soft-C...
IRJET-  	  Detection of Plant Leaf Diseases using Image Processing and Soft-C...IRJET-  	  Detection of Plant Leaf Diseases using Image Processing and Soft-C...
IRJET- Detection of Plant Leaf Diseases using Image Processing and Soft-C...
 
Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...
 
K010516270
K010516270K010516270
K010516270
 
A Study of Image Processing in Agriculture
A Study of Image Processing in AgricultureA Study of Image Processing in Agriculture
A Study of Image Processing in Agriculture
 
Plant Monitoring using Image Processing, Raspberry PI & IOT
 	  Plant Monitoring using Image Processing, Raspberry PI & IOT 	  Plant Monitoring using Image Processing, Raspberry PI & IOT
Plant Monitoring using Image Processing, Raspberry PI & IOT
 
Corn leaf image classification based on machine learning techniques for accu...
Corn leaf image classification based on machine learning  techniques for accu...Corn leaf image classification based on machine learning  techniques for accu...
Corn leaf image classification based on machine learning techniques for accu...
 
Plant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image ProcessingPlant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image Processing
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruits
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruits
 
Using k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruitsUsing k means cluster and fuzzy c means for defect segmentation in fruits
Using k means cluster and fuzzy c means for defect segmentation in fruits
 
IRJET - E-Learning Package for Grape & Disease Analysis
IRJET - E-Learning Package for Grape & Disease AnalysisIRJET - E-Learning Package for Grape & Disease Analysis
IRJET - E-Learning Package for Grape & Disease Analysis
 

More from IJECEIAES

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

More from IJECEIAES (20)

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

Recently uploaded

Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
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
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
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
 
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
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 

Recently uploaded (20)

Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
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
 
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...
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
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
 
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
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 

Machine Learning Classifies Nutrient Deficiencies in Maize

  • 1. International Journal of Electrical and Computer Engineering (IJECE) Vol. 8, No. 6, December 2018, pp. 4197~4203 ISSN: 2088-8708, DOI: 10.11591/ijece.v8i6.pp4197-4203  4197 Journal homepage: http://iaescore.com/journals/index.php/IJECE Classification of Macronutrient Deficiencies in Maize Plant Using Machine Learning Leena N1 , K. K. Saju2 1 Department of Electrical and Electronics Engineering, NSS college of Engineering, India 2 Department of Mechanical Engineering, Cochin University of Science and Technology, India Article Info ABSTRACT Article history: Received Apr 23, 2018 Revised Jul 15, 2018 Accepted Aug 8, 2018 Detection of nutritional deficiencies in plants is vital for improving crop productivity. Timely identification of nutrient deficiency through visual symptoms in the plants can help farmers take quick corrective action by appropriate nutrient management strategies. The application of computer vision and machine learning techniques offers new prospects in non- destructive field-based analysis for nutrient deficiency. Color and shape are important parameters in feature extraction. In this work, two different techniques are used for image segmentation and feature extraction to generate two different feature sets from the same image sets. These are then used for classification using different machine learning techniques. The experimental results are analyzed and compared in terms of classification accuracy to find the best algorithm for the two feature sets. Keyword: Deep learning with auto encoders Feature extraction K nearest neighbors Nutritional deficiency Support vector machines Copyright © 2018 Institute of Advanced Engineering and Science. All rights reserved. Corresponding Author: Leena N, Department of Electrical and Electronics Engineering, NSS College of Engineering, Palakkad, Kerala, India. Email: leena.amulya@gmail.com 1. INTRODUCTION The increasing cost of crop production and problems of environmental pollution caused by agrochemicals calls for the need to apply mineral fertilizers more efficiently. Plants require nutrients for their healthy growth and development. These include macronutrients like nitrogen, phosphorus and potassium as well as micronutrients like calcium, boron etc. Nutrient deficiency symptoms if left unidentified results in low yield levels and profit. Nutritional deficiencies have characteristic symptoms that are exhibited in the form of color and shape, especially on leaves. These include necrosis, Chlorosis, die-back and others. Knowledge of these symptoms can help us take corrective action to restore the plant to normal state. The conventional techniques for nutrient deficiency diagnosis include extensive laboratory testing of soil or plant tissue or manual inspection by farmers. These are tedious and time consuming. The application of machine learning techniques using image processing offers a promising solution for identification of nutrient deficiencies. Several works have been reported on the uses of machine learning algorithms combined with image processing techniques to classify and predict abiotic and biotic stresses on plants. Table 1 provides an overview of machine learning techniques combined with image processing methods to detect nutrient deficiency symptoms in plants. There are also several researches on the use of digital image processing combined with machine learning for detection of diseases in plants. However few literature aims to classify and identify nutritional deficiencies in plants. There have also not been any attempts to make a comparative study of feature extraction and machine learning techniques. This paper aims to make a comparative study of the performance
  • 2.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203 4198 of feature extraction techniques and machine learning algorithms for classification of nutrient deficiency in maize plants. Table 1. Overview of Image Processing and Machine Learning Techniques for Deficiency Detection Application Feature Extraction Technique Machine learning Algorithm Plant Species Reference Identification Spectral and shape features Support Vector Machine Rice [1] Detection Color Clustering Bean, pea and yellow lupine [2] Detection Geometric moments Groundnut [3] Detection Texture and color features Rice [4] Detection Color and size Artificial Neural Networks Lettuce [5] Quantification Color Barley [6] Detection Shape, Texture Fuzzy Oil palm [7] Classification Texture features Fuzzy k-nearest Classifier Tomato [8] Classification SIFT, Color and shape features Random Forest Coffee [9] 2. RESEARCH METHOD This work focuses on the recognition and classification of nutritional deficiencies in maize plant. The major steps of classification include selection of training samples, image preprocessing, feature extraction, selection of suitable classification approach, and accuracy assessment. 2.1. Image Data Set Deficiencies caused by macronutrients like Nitrogen, Phosphorus and Potassium as well as normal (not affected) plants are investigated. 100 sample leaf images for the 4 classes were used in the study. 75 images for used for classification and 25 images were used for detection. Images given in Figure 1 are the samples of maize leaves suffering from nutritional deficiencies. Figure 1. Images of maize leaf a) Healthy leaf b) Nitrogen deficient leaf c) Phosphorus deficiency d) Potassium deficiency 2.2. Image Preprocessing and Feature Extraction Selecting suitable features is a critical step for successfully implementing image classification. The symptom of nutrient deficiency in plant leaves exhibit different properties in terms of colour, shape, and texture. The first step involves pre-processing the image to improve the quality of the image and to remove distortion. This is followed by segmentation techniques to segment the region of interest from the whole image. Further feature extraction is done from the segmented region having the deficient part of the leaf. This work compares the accuracy of classification using uses two main feature extraction techniques. The first technique uses colour histogram for image segmentation and feature extraction whereas the alternative method uses K-means clustering for segmentation and textural features are extracted. MATLAB 2016 was used for designing the algorithm for image processing and classification. For histogram based image segmentation and classification, Gabor filter was used for resizing and noise filtering of images. The images were then transformed from the RGB to HSV (Hue, Saturation and Value) colour space as HSV separates the colour components (HS) from the luminance component (V) and is less sensitive to illumination changes. The deficient part of the leaves samples was segmented out from the colour image. The colour features are extracted from HSV color space of selected region based on histogram analysis. Each image added to the collection is analysed to compute a colour histogram, which shows the proportion of
  • 3. Int J Elec & Comp Eng ISSN: 2088-8708  Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N) 4199 pixels of each colour within the image. Thus as a result 256 features were obtained for each image. The colour histogram for each image is then stored in the database. In the second technique K-means clustering using Euclidean distance as the minimization criteria was used for segmentation. The image is segmented into three sub-feature images with three different type of Region of Interest (ROI). The Region of Interest corresponding to nutrient deficiency is manually selected from the segmented images. The Grey Level Occurrence Matrix is then computed from the ROI after conversion from RGB to gray scale. 13 features are calculated for each image based on texture properties like Skewness, Standard Deviation, Homogeneity, Contrast, Smoothness, Correlation, Kurtosis, Energy, Entropy, Mean, Variance, RMS, and IDM. Figure 3 shows the results of K-means clustering for a leaf with nitrogen deficiency. 2.3. Machine Learning Techniques Machine learning comprises of a set of computational modelling techniques that can learn patterns from data and perform automated tasks like identification, prediction or classification. Machine learning techniques are widely used in application like handwriting recognition, natural language processing, speech processing, consumer data predictive analysis, drug design, disease tissue classification in medicine [10],[11] network flow classification [12]. Several machine learning techniques have been used in nutrient deficiency detection in plants as shown in Table 1. 2.3.1. ANN Classifier Artificial neural networks, usually called neural networks have emerged as an important tool for classification. Neural networks are simplified models of the biological nervous system which consists of highly interconnected network of a large number of processing elements called neurons in an architecture inspired by the brain. They have the potential to classify different forms (patterns) of arbitrary complex input/output mappings. 2.3.2. SVM Classifier Support Vector Machine (SVM) is considered as one of the efficient machine learning method that is developed on the basis of the statistical learning theory. They are specifically implemented for the classification and regression with high dimensional space. The aim of the SVM classifier is to find an optimal hyperplane. Support vector machines are a very popular method in classification of images due to their good generalization capability even with a limited number of training datasets. 2.3.3. kNN Classifier Another simple and very power full supervised machine learning technique widely used in statistical estimation and pattern recognition is the k Nearest Neighbour (kNN). The kNN classifier uses a non parametric and instance-based learning algorithm. In classification problems, the k-nearest neighbour algorithm finds majority vote between the k most similar instances to a given “unseen” observation. Similarity is defined according to a distance metric between two data points. 2.3.4. Deep Networks Using Autoencoders Recently, the area of deep learning is attracting widespread interest by producing remarkable research in almost every aspect of artificial intelligence [13]. Auto encoders are unsupervised machine learning techniques that apply back propagation algorithm. It tries to learn the identify function by placing constraints on the network. Auto encoders can be stacked one over the other to form deep networks called stacked auto encoders. Here learning is done by training one layer at a time. A stacked auto encoder can be used as a classifier by replacing the decoder layer with a softmax layer to classify the features extracted from the encoder layers. 3. RESULTS AND DISCUSSION Feature extraction is done using the techniques in section 2.2. Figure 2 shows the different steps involved in the segmentation process for a leaf with nitrogen deficiency using the first technique. The segmented part is shown in Figure 2(f). The colour histogram is plotted for the segmented image and a total of 256 features are obtained. The first feature set has a dimension of 75x256 for the 75 images.
  • 4.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203 4200 Figure 2. Processing of a leaf image with nitrogen deficiencies a) original Image b) Hue image c) Value image d) Saturation Image e) Hue mask f) segmented regions Figure 3 shows the results of clustering to obtain the deficient parts of the image using the second method. The clustered image with deficient part is shown in Figure 3(b). This is converted to grey scale and 13 features are obtained using Grey level Occurrence matrix. The second feature set has a dimension of 75x13. Classification was done using the classifiers in section 2.3 and the performances of the classifiers in terms of accuracy of classification were compared. The training and testing are carried out with both the feature extraction methods given in section 2.2. Figure 3. Processing of a leaf image with nitrogen deficiencies a) original Image b) Clustered image with deficient portion after contrast enhancement A multilayer backpropagation neural network was chosen for the ANN classifier. The number of nodes in the input equals the number of features while the number of nodes in the output is 4 corresponding to the three deficiency classes and one normal class. Number of nodes in the hidden layer is taken as 10 and sigmoid activation function is used. Scaled conjugate gradient backpropagation technique is used for training. An overall classification accuracy of 90.9% was obtained with histogram based feature extraction technique (feature set1) whereas an overall accuracy of 81.2% was obtained for feature extraction using k-means segmentation followed by shape and texture features (feature set 2).
  • 5. Int J Elec & Comp Eng ISSN: 2088-8708  Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N) 4201 Figure 4 shows the graph of classification accuracy of macronutrient deficiencies affecting maize plant using the two feature sets and an SVM classifier. The effect of kernels on classification accuracy was also investigated. From the graph, it is observed that the maximum classification accuracy of 95.6% has occurred with a linear kernel for feature set 1 and 90% for feature set 2. Hence SVM with linear kernel function gives better classification accuracy compared to other kernels. Figure 4. Classification efficiency for SVM classifier with different kernel functions The results obtained using a KNN classifier is shown in Figure 5 (a) and (b) for the two different feature extraction techniques. The classification result in terms of efficiency was obtained with number of neighbours varied from 2 to 5. As kNN classification is based on measuring the distance between the test data and each of the training data, the chosen distance function can affect the classification accuracy. Hence effect of different distance metrics like Euclidean, Cosine, Minkowksi and Chebyshev were also calculated. Figure 5. Classification efficiency for kNN classifier with different kernel functions (a) Feature set 1 (b) Feature set 2 The results show that best classification accuracy was obtained with number of neighbours equal to 3 with cosine distance metric for both the feature sets. The next classifier chosen was a deep network with two encoder networks for feature extraction followed by a softmax layer for classification. The two encoders have a hidden layer of size 10 and a linear transfer function. The L2 weight regularizer, sparsity regularizer and sparsity proportion were set to 0.001, 4 and 0.1 respectively. An overall classification accuracy of 100 % was obtained with histogram based feature extraction technique (feature set1) whereas an overall accuracy of 88% was obtained for feature extraction using k-means segmentation followed by shape and texture features
  • 6.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 8, No. 6, December 2018 : 4197 - 4203 4202 (feature set 2). A comparison of the classification accuracy of different machine learning classifiers for classification of macronutrient deficiencies in maize plant using the two feature sets are shown in Figure 6. Figure 6. Comparison of efficiency of classification of different classifiers The results indicate that Deep network using sparse auto encoders gives highest accuracy of classification for histogram based features. KNN classifier worked well with both feature sets for a cosine distance metric and k value chosen as 3. Similarly SVM with linear kernel gives good classification accuracy both the feature sets. The lowest accuracy was obtained with ANN classifier. 4. CONCLUSION Classification of macronutrient deficiencies in maize plant was done using different feature extraction methods and different classifiers. The algorithms were tested on the three plant macronutrient deficiencies in maize plants, namely nitrogen, potassium and phosphorus. Two feature extraction techniques were used to develop two different feature sets for the same leaf images. The results reveal that deep network with auto encoders gives highest accuracy and has superior performance for histogram based feature extraction compared to the other classification methods. The best classification accuracy with shape and texture features was obtained with KNN classifier. The effect of different kernels for SVM was also investigated for both the feature sets. It was seen that SVM with linear kernel gave the highest accuracy of classification in both cases. Similarly the effect of distance metric and number of neighbours on accuracy of kNN was also checked for both the feature sets. It was seen that kNN with cosine metric and k value of 3 gives highest accuracy. The study can be extended to micronutrient deficiency and disease infestations also. REFERENCES [1] Chen L. et al., “Identification of nitrogen, phosphorus, and potassium deficiencies in rice based on static scanning technology and hierarchical identification method,” PLoS ONE, vol. 9, 2014. [2] Wiwart M., et al., “Early diagnostics of macronutrient deficiencies in three legume species by color image analysis,” Computers and Electronics in Agriculture, vol. 65, 2009. [3] Chandan J. B., et al., “Detection and Analysis of Deficiencies in Groundnut Plant using Geometric Moments,” World Academy of Science. Engineering and Technology International Journal of Biological, Agricultural, Biomolecular, Food and Biotechnological Engineering, vol/issue: 5(10), 2011. [4] Sanyal P., et al., “Color texture analysis of rice leaves diagnosing deficiency in the balance of mineral levels towards improvement of crop productivity,” 10th International Conference on Information Technology, IEEE, pp. 85-90, 2007. [5] Hetzroni A., et al., “Machine vision monitoring of plant health,” Adv Space Res, vol/issue: 14(11), pp. 203–212, 2009. [6] Pagola M., et al., “New method to assess barley nitrogen nutrition status based on image colour analysis,” Comput Electron Agric, vol/issue: 65(2), pp. 213–218, 2009.
  • 7. Int J Elec & Comp Eng ISSN: 2088-8708  Classification of Macronutrient Deficiencies in Maize Plant Using … (Leena N) 4203 [7] Hairuddin M. A., et al., “Overview of image processing approach for nutrient deficiencies detection in Elaeis Guineensis,” IEEE International Conference on System Engineering and Technology, pp. 116-120, 2011. [8] Xu G., et al., “Use of leaf color images to identify nitrogen and potassium deficient tomatoes,” Pattern Recognit Lett, vol/issue: 32(11), pp. 1584-1590, 2011. [9] Monsalve D., et al., “Automatic Classification of Nutritional Deficiencies in Coffee Plants,” 6th Latin-American Conference on Networked and Electronic Media, 2015. [10] E. I. Zacharaki, et al., “Classification of brain tumor type and grade using MRI texture and shape in a machine learning scheme,” Magn. Reson, vol. 62, pp. 1609–1618, 2009. [11] M. Hamiane, et al., “SVM Classification of MRI Brain Images for Computer – Assisted Diagnosis,” International Journal of Electrical and Computer Engineering, vol/issue: 7(5), 2017. [12] A. Munther, et al., “A Preliminary Performance Evaluation of K-means, KNN and EM Unsupervised Machine Learning Methods for Network Flow Classification,” International Journal of Electrical and Computer Engineering, vol/issue: 6(2), pp. 778-784, 2016. [13] S. Narejo, et al., “EEG Based Eye State Classification using Deep Belief Network and Stacked AutoEncoder,” International Journal of Electrical and Computer Engineering, vol/issue: 6(6), pp. 3131-3141, 2016. BIOGRAPHIES OF AUTHORS Leena.N is pursuing her doctoral degree under the guidance of Dr.K.K. Saju at Cochin University of Science and Technology, India. She is an Assistant Professor in the Department of Electrical and Electronics Engineering at NSS College of Engineering, Kerala, India. Her research interests include soft computing; Machine learning and Electric drives and control. K K Saju is Professor at the Department of Mechanical Engineering at Cochin University of Technology, India. He is also the Director of the International Relations and Academic Admissions at Cochin University. His interests lie in material science, robotics and automation. He is author of more than 20 international publications and has handled several funded projects.