Cropthesis PDF
Cropthesis PDF
Submitted by
BACHELOR OF ENGINEERING
IN
April 2017
BONAFIDE CERTIFICATE
Certified that this project report titled “CROP MONITORING AND
RECOMMENDATION SYSTEM USING MACHINE LEARNING
TECHNIQUES” is a bonafide work done by “S.KRISHNA PRASAD
(2013503514), B.SIVASREEDHARAN (2013503525) and S.JAISHANTH
(2013503565)” under my supervision, in partial fulfilment for the award of the
degree of Bachelor of Engineering in Computer Science and Engineering.
Certified further, that to the best of my knowledge the work reported here in
does not form part or full of any other thesis or dissertation on the basis of
which a degree or award was conferred on an earlier occasion to this or any
other candidate.
SIGNATURE SIGNATURE
Chennai-600 044.
Date:
Place
i
TABLE OF CONTENTS
ANALYSIS
1.4 OBJECTIVE OF PROPOSED WORK 7
1.5 SCOPE 8
2 LITERATURE SURVEY 9
2.1 IMAGE DENOISING 9
2.2 IMAGE CLASSIFICATION 10
2.3 CROP CLUSTERING 11
2.4 WAVELET TRANSFORMS 13
2.5 PREDICTION ALGORITHM 14
2.6 OVERVIEW 16
iv
3 PROPOSED WORK 17
3.1 PROPOSED SYSTEM ARCHITECTURE 17
3.2 MODULE DESIGN 18
3.2.1 Image pre-processor 18
3.2.2 Image Segmentation – SLIC 18
3.2.5 Recommendation 19
component analysis
3.4.3 Image Classifier Evaluator 25
4.1 TOOLS 34
4.1.1 MATLAB 34
4.1.1.1 Features 34
4.1.2 PyCharm 35
4.1.2.1 Features 35
4.1.3 Matplotlib 36
4.2 DEPLOYMENT DETAILS 37
v
4.3 DATASET 37
4.4 PRPROCESSOR 39
4.5 IMAGE CLASSIFIER 41
4.6 CROP YIELD PREDICTION 43
4.7 RELEVANCE PREDICTION 44
4.8 PERFORMANCE MEASURES 46
4.9 YIELD PREDICTION 47
4.10 CLASSFICATION 49
5 CONCLUSIONS AND FUTURE WORK 53
6 REFERENCES 54
vi
LIST OF ABBREVIATIONS
Abbreviation Expansion
CNN Convolutional Neural Network
SVM Support Vector Machine
NDVI Normalized difference vegetation index
LAI Leaf Area Index
MMCA Multiple morphological component analysis
FBS Feature Band Extraction
KNN K Nearest neighbour
MODIS Moderate-resolution Imaging Spectroradiometer
RBF Radial Basis Function
SSSE Spatial Spectral Schrodinger Eigenmaps
LE Laplacian Eigenmaps
SLIC Simple Linear iterative clustering
OOC Object oriented classification
CPS Class Pair separability
DMP Differential morphological profiles
SAR Synthetic aperture radar
vii
LIST OF FIGURES
viii
LIST OF TABLES
4.1 DATASET 38
ix
ABSTRACT
the crop field image as an input to the application. In the pre-processing stage,
and as a result, filtering the image retaining its necessary portions. SVM
The classified image along with the Ground truth statistical data
containing the weather, crop yield, state & county wise crops are used to predict
iii
ACKNOWLEDGEMENT
endeavor.
We would like to express my sincere thanks and deep sense of gratitude to our
and constant encouragement which paved way for the successful completion of
We would be failing in our duty, if we forget to thank all the teaching and non-
teaching staff of our department, for their constant support throughout the
S.KRISHNA PRASAD
B.SIVA SREEDHARAN
S. JAISHANTH
ii
Chapter 1
Introduction
1
1.1.1 Types of Problems and tasks
Machine learning tasks are typically classified into three broad categories,
depending on the nature of the learning "signal" or "feedback" available to a
learning system. These are
2
largest distance to the nearest training-data point of any class, since in general the
larger the margin the lower the generalization error of the classifier.
The computational load should be sensible, the mappings are used by the
SVM scheme to ensure the dot products will be computed in terms of the variable
in the original scope, for that a kernel function k(x,y) selected to get the optimal
computational time.
u=w.x–b
Where w is the normal vector of the hyperplane, and x is the input vector.
1.1.2.1 Advantages
3
relevance feedback. This is also true of image segmentation systems,
including those using a modified version SVM.
1.1.3 Spatial Spectral Classification (SSSE)
4
The spatial and appearance components of the feature vectors are imposed a
degree of spatial regularization to the extracted regions are balanced by the
coefficient λ.
The nominal size of the region is regionSize and the strength of the spatial
regularization is regularizer. The image is first divided into a grid with
step regionSize. The center of each grid tile is used to initialize a corresponding k-
means up to a small shift to avoid image edges. By using the Lloyd algorithm, the
k-means centers and clusters are refined which will yield the segmented image
Simple Linear Iterative Clustering optionally removes any segment after the
k-means step whose area is smaller than a threshold minRegionSize by merging
them into larger ones.
Weak models are sequentially added and trained using the training data as
calculated by the above formula. The process is continued until a predefined
number of weak learning instances have been created or no further enhancement
can be made on the training data set.
6
prediction values. If the sum is +ve, then the first class is predicted, else the second
class is predicted.
Remote sensing data has multiple issues related to the dimensionality of the
original set data. This happens due to the large spectral resolution in the
hyperspectral images. This dimensionality reduction uses the minimum noise
fraction (MNF) to reduce the total existing components to a small number of
bands. MMCA aims at decomposing the remote sensing image into texture and
smoothness tuples using feature extraction as a prefix method. These tuples convey
the essence of the original image as a linear combination as shown below:
Y= ya + yb + n
7
Classify the image based on Soil type, moisture content, weather conditions,
pH value, organic nitrogen etc.
Perform satellite image processing with respect to tex tural and spatial
features.
Analyze crop patterns with the help of past records and map them with
calculated data.
1.5 Scope
Agriculture is the backbone for a developing economy like India and there is
an enormous need to maintain the agricultural sustainability. Hence it is a
significant contribution towards the economic and agricultural welfare of the
countries across the world.
8
Chapter 2
Literature Survey
Hemant Kumar et. al. (2016) state how Hyperspectral unmixing is the
process of estimating constituent endmembers and their fractional abundances
present at each pixel in a hyperspectral image. A hyperspectral image is often
corrupted by several kinds of noise. This work addresses the hyperspectral
unmixing problem in a general scenario that considers the presence of mixed noise.
The unmixing model explicitly takes into account both Gaussian noise and sparse
noise. The unmixing problem has been formulated to exploit joint-sparsity of
abundance maps. A total-variation-based regularization has also been utilized for
modeling smoothness of abundance maps. The split-Bregman technique has been
utilized to derive an algorithm for solving resulting optimization problem. Detailed
experimental results on both synthetic and real hyperspectral images demonstrate
the advantages of proposed technique.
9
Gabriela Ghimpe teanu et.al. (2016) explain the image decomposition model
that provides a novel framework for image denoising. The model computes the
components of the image to be processed in a moving frame that encodes its local
geometry (directions of gradients and level lines). Then, the strategy we develop is
to denoise the components of the image in the moving frame in order to preserve
its local geometry, which would have been more affected if processing the image
directly. Experiments on a whole image database tested with several denoising
methods show that this framework can provide better results than denoising the
image directly, the index metrics is similar in terms of peak signal-to-noise ratio.
Xin Huang et. al. (2016) lists the differential morphological profiles (DMPs)
that are widely used for the spatial/structural feature extraction and classification
of remote sensing images. The DMPs shows the response of the image structures
10
that are related to different scales and sizes of the structural elements
(SEs).Traditional DMPs will ignore the discriminative information for features that
are across the scales in the profiles. The proposed model will scale span with
differential profiles to obtain the entire differential profiles. GDMPs used to obtain
the complete shape spectrum and measure the difference between arbitrary scales.
Since the random forest is used to interpret GDMPs for high dimensionality data
and ability of evaluating the importance of variables. The random forest errors are
used to quantify the importance of each channel of GDMPs and also discriminative
information for the entire profiles.
11
allow the classification and annotation of image data ranging from single scenes up
to large satellite data archives. After cutting a given image into small patches and
feature extraction from each patch, k-means are used to split sets of extracted
image feature vectors to create a hierarchical structure. As image feature vectors
usually fall into a high-dimensional feature space, we test different distance
metrics, to tackle the “curse of dimensionality” problem. By using three different
synthetic aperture radar (SAR) and optical image datasets, Gabor texture and Bag-
of-Words features are extracted, and the clustering results are analyzed via visual
and quantitative evaluations.
Michael D. Johnson et.al developed crop yield forecast models for barley,
canola and spring wheat grown on the Canadian Prairies for vegetation indices
which is derived from satellite data and machine learning methods. The model use
hierarchical clustering to group the crop yield data from Census Agricultural
Regions (CARs) into several larger regions for building the forecast models. The
Moderate-resolution Imaging Spectro radiometer (MODIS) derived Enhanced
Vegetation Index (EVI), Advanced Very High Resolution Radiometer (AVHRR)
derived Normalized Difference Vegetation Index (NDVI) and these model are
considered as predictors for crop yields. Multiple linear regression(MLR) and
machine learning models – Bayesian neural networks (BNN) and model-based
recursive partitioning (MOB) – were used to forecast crop yields, with various
combinations of MODIS-NDVI, MODIS-EVI and NOAA-NDVI as predictors.
12
satellite band in order to evaluate which one better identifies cultivable land. The
proposed method was tested with vineyards using as input the spectral and thermal
bands of the Landsat 8 satellite. The experimental results show the great potential
of this method for cultivable land monitoring from remote-sensed multispectral
imagery.
13
extracting texture features from a learning database and from regions obtained by a
pre segmentation of the image to classify. The classification is then operated
according to the decision rules of the chosen classifier. The use of the proposed
strategy is illustrated in two real case applications using Pléiades panchromatic
images: the detection of vineyards and the detection of cultivated oyster fields. In
both cases, at least one of the tested multivariate models displays higher
classification accuracies than gray-level co-occurrence matrix descriptors.
14
predict the category of the analyzed soil datasets. The category which is predicted
will indicate the yielding of crops. The problem of predicting the crop yield is
formalized as a classification rule, where Naive Bayes and K-Nearest Neighbor
methods are used.
2.6 Overview
Hence, wavelet algorithms can be leveraged for denoising the image by
means of dimensionality reduction. Crop classification involves calculating the
NDVI and LAI as a means for training the model for existing greenery percentage.
K Nearest neighbour is also of prime importance for graph edge construction in
case of fusion between locational and intensity components. Classification is
improved by means of taking into account class pair separability for object
oriented classification. The above mentioned aspects are kept in mind for building
our proposed architecture of the project thereby eradicating the limitations of
algorithms mentioned above.
16
CHAPTER 3
PROPOSED WORK
This chapter gives a detailed description about the architecture and
algorithms used in the proposed work.
3.1 Proposed system architecture
The overall block diagram of the system is shown in the figure 3.1. The
image pre-processor and the image segmentation does the same task of segmenting
the image to get a vivid soil portion from the image, as it may contain unwanted
portions which may make the system to work with decreased efficiency. The SSSE
module takes the pre-processed image as input and finds the type of the soil and
returns the soil class, which is then given to SVM along with latitude and longitude
values.
17
The system eventually aims at predicting the yield of crops based on the set
of whether and yield data including geographical parameters.
18
3.2.5 Recommendation model evaluator
This module takes in the soil class and GPS parameters as input and also
uses the Recommendation Model to recommend the crop suitable for the image
and historical data set provided.
19
Figure 3.2 Flow diagram
This system has been developed using WinPython 2.7 which includes the
packages such as: NumPy, SciPy, Pandas, Theano , Sklearn, Matplotlib and
OpenCV.
Initially Img is assigned the input image, Lon is assigned with longitude and
Lat is assigned with latitude. This is fed to SVM prefixed by SSSE classifier
20
module which in turn invokes the AdaBoost and Collaborative filtering module
modules to predict the crop yield and preferable crop respectively. Then the soil
class together with Lat and Lon are used to predict the suitable crop. Algorithm 1
explains the functioning of the entire recommendation system.
The algorithms used under each module are explained using pseudocode
representations and performance analysis measures as follows.
SVM finds its place in this work for training the Recommendation system
with training set. It is additionally used after the classification using SSSE.
Input: Training set containing suitable crops for given soil class and
Latitude and longitude parameter from SSSE module.
21
Output: Recommendation Model Evaluator.
Algorithm 2 : SVM
3.4.2 Image pre – processer
Preprocessing plays a crucial role in denoising the crop field image by
dimensionality reduction of components by means of wavelet algorithms. The
proposed MMCA framework is elucidated in Algorithm 3.
Input: Crop field Image
1. I ←input image
2. Features[] ← Extract{content,coursness,direction,contrast}
3. Proc image ←MMCA (I, Fearures[])
4. Return Proc image
Algorithm 3: Preprocessing
22
x = arg min||x||i
K
where x ∈ R denotes the sparse coefficients of the MC. K represents the number
of atoms in the dictionary of pixels (typically K>N). The resultant is the separation
fo textural and content components as a result of decomposition by MCA.
y= ys + yt + n
The limitation of this representation is the ignorance in including the spatial
components which are in abundance in the remote sensing images. MMCA aims at
exploring the entire scope of spatial textural features to aid in noise removal ie
denoising. Hence, as a result, 4 new textural features: content, coarseness, contrast
and directionality are added in this linear combination. Algorithm 4 clearly
expounds the proposed MMCA algorithm.
Algorithm 4: MMCA
23
Enhancement made to accommodate the limitations without overhead
In addition to the existing algorithm components like smoothness and
texture, the below mentioned 4 components make the entirety of the MMCA
dimensionality reduction procedure.
Line likeliness, regularity, roughness and scattering ability are the other
textural features which are in the future scope of the denoising algorithm.
24
Considering DS and DT to be the dictionaries for the smoothness and texture
component and xS and xT be the sparse coefficients for the same. Therefore
according to the linear combination of the dual components: in Equation 1
where λ1 and λ2 are the regularization parameters. DS and DT are serially updated
at each iteration using total variation and regularization threshold.
25
Output: Soil class of the image
Algorithm 5: SSSE
Steps involved
1. Build an undirected graph G = (X, E) where the vertices are the set of piints
in X and edges E defined based on the spatial proximity of the vertices. For
this proximity calculation, ∈ - neighborhoods and K nearest neighbor search
is made use of.
2. The weights for each edge are defined in E. The heat kernel based on the
Euclidean distance between the pixels is the common method for defining
weights as explained in Equation 3.
|| − ||
, = 𝐞𝐱𝐩 (− ) (3)
𝛔
26
if the edge exists or Wi,j = 0 otherwise.
= 𝝀 ≤ 𝝀 ≤ .…… ≤ 𝝀
Then the points y1T , y2T , ..., y3T are defined to be the rows of
𝑭= [ , ,……, ]
Schroedinger Eigenmaps
, , ∈{ , , , }
,
= { − , , ∈{ , , , } (5)
,
27
The crucial advantages of SE over LE is that semi supervised
clustering is made possible by the potential matrix V. K means algorithm is
invoked as the ending classifier model.
The analysis differs in the nature of how edge weights are defined in each
method.
Shi - Malik
|| − || || − ||
{ 𝐞𝐱𝐩 − − ,( , 𝝐𝜺
, = 𝛔 𝛔 (6)
{ ,
28
Gilles – Bowles
< , > || − ||
−
(− ( )− ) ,( , 𝝐𝜺
, = { || ||.|| || 𝛔 (7)
,
|| − || || − ||
( , = − 𝐞𝐱𝐩 − ). − − ) (8)
𝛔 𝛔
, ( , ∈ 𝜺
, ={ (9)
,
29
Benedetto et al
|| − || || − ||
𝜷( , = √𝜷 + −𝜷 (10)
𝛔 𝛔
Further 𝛽 is the graph constructed so that the edges 𝜀 𝛽 are defined based
no the k – nearest neighbor algorithm. The weight matrix 𝛽 is defined
using equation 11.
𝜷 (− 𝜷 , , , 𝝐 𝜺𝜷
, = { (11)
,
Laplacian matrix 𝛽 = 𝛽 − 𝛽
30
Steps involved
−|| − ||
(12)
𝛔
|| −
,
= ∑ ∑𝑥 𝜖
𝑝 . , . (− ) (13)
𝜖 𝑥 𝛔
=
𝑝
Where 𝜖 is the set of points in X whose spatial components are in the
= 𝝀 ≤ 𝝀 ≤ .…… ≤ 𝝀
Then the points y1T , y2T , ..., y3T are defined to be the rows of
𝑭= [ , ,……, ]
31
Knowledge propogation:
Situation arise when cluster potentials which are extracted from small
set of manually provided labels may have a crucial impact on the
dimensionality reduction method. This can be achieved by replacing the
cluster potential matrix M as follows in Equation 14.
− ,
= ∑ 𝜂 ,
. (14)
𝑥 ,𝑥 𝜖
Evaluate the soil class obtained from the image classifier and data and
use the historical data to recommend suitable crops for each crop field.
Algorithm: 6
Technical description
Given the training data , ,………… ,
∈ {−1, +1 } , ∈ is the object or instance, yi is the classification.
For t=1,……,T
32
Form a distribution DT on {1,…..,m}
Select weaker classifier with smallest error ∈ on 𝑡
∈=𝑃 𝑡 [ℎ𝑡 ≠ ]
ℎ𝑡 : → {−1, +1}
Output single classifier Hfinal(x)
33
CHAPTER 4
IMPLEMENTATION AND RESULTS
This chapter gives a detailed description about the experimental setup, tools
used for crop prediction, the implementation of proposed work, its analysis and
output results.
4.1 Tools
This part gives a detailed introduction and feature analysis of th tools and libraries
used to achieve the results.
4.1.1 MATLAB
MATLAB (matrix laboratory) is multi-paradigm mathematical computing
background and fourth-generation programming language. A patented
programming language established by MathWorks, MATLAB performs matrix
operations, plotting of functions and data, execution of algorithms, formation of
user interfaces, and interfacing with programs written in other languages, including
C, C++, C#, Java, Fortran and Python. Although MATLAB is envisioned chiefly
for numerical computing, an noncompulsory toolbox uses the MuPAD symbolic
engine, allowing admission to symbolic computing capabilities. An added package,
Simulink, adds graphical multi-domain simulation and model-based design for
dynamic and embedded systems
4.1.1.1 Features
Matlab provides the following important characteristic features of usage.
34
It provides implements for constructing applications with custom graphical
interfaces.
It provides built-in graphics for envisioning data and tools for creating
custom plots.
4.1.2 PyCharm
PyCharm is an Integrated Development Environment (IDE) used for
programming in Python. It provides code analysis, a graphical debugger, an
integrated unit tester, integration with version control systems (VCSes), and
supports web development with Django.
4.1.2.1 Features
PyCharm provides the following important characteristic features of usage
Coding Assistance and Analysis, with code completion, syntax and error
highlighting, linter integration, and quick fixes
35
Project and Code Navigation: specialized project views, file structure views
and quick jumping between files, classes, methods and usages
Python Refactoring: including rename, extract method, introduce variable,
introduce constant, pull up, push down and others
Support for web frameworks: Django, web2py and Flask
Integrated Python Debugger
Integrated Unit Testing, with line-by-line coverage
Google App Engine Python Development
Version Control Integration: unified user interface for Mercurial, Git,
Subversion, Perforce and CVS with changelists and merge
4.1.3 Matplotlib
Matplotlib is a plotting library for the Python programming language and its
numerical mathematics extension NumPy. Matplotlib is a library for making 2D
plots of arrays in Python. It provides an object-oriented API for embedding plots
into applications using general-purpose GUI toolkits like wxPython, Qt, or GTK+.
The Matplotlib code is conceptually divided into three parts: the pylab interface is
the set of functions provided by Matplotlib.
The Matplotlib frontend or Matplotlib API is the set of classes that do the
heavy lifting, creating and managing figures, text, lines, plots and so on. This is an
abstract interface that knows nothing about output. The backends are device-
dependent drawing devices, aka renderers, that transform the frontend
representation to hardcopy or a display device
36
4.2 Deployment details
The deployment of the system requires Windows 10 (or) 8.1 operating
system. The system must also be installed with Python 2.7 (or) 3.4. Any IDE like
Pycharm can be used to deploy the system successfully.
4.3 Dataset
The following are the datasets used for training and testing the prediction
model built.
The weather data is extracted using Darksky API to get instantaneous data
regarding weather , humidity details etc. Hyperspectral images are obtained from
Hyperspectral Remote sensing scenes.
URL:
www.ehu.eus/ccwintco/index.php?title=Hyperspectral_Remote_Sensing_Scenes
County and crop yield data sets are obtained from fao.org
URL:
www.fao.org/soils-portal/soil-survey/soil-maps-and-databases/harmonized-world-
soil-database-v12/en/
Weather
weather_all.csv Instantaneous weather data
Yield
yield_proc_data.csv Yield forecast text data
37
Pickle Feed
PickleFeed.csv County wise crop data
Location
county_lat_lng.csv Locational data for each county
Images
PaviaU.mat Hyperspectral images
KSC.mat Hyperspectral images
Salinas.mat Hyperspectral images
Salinas_corrected.mat Hyperspectral images
Botswana.mat Hyperspectral images
Indian_pines_g.mat Hyperspectral images
For Training the model, years 2010 – 2014 have been considered and the
subsequent 2 years till 2016 are taken into account for testing. Training images are
taken as Pavia, Salinas, Botswana region and testing: Indian Pines. The
hyperspectral images extracted from the above mentioned URL are for the United
States of America. The crop yield and crop recommendation modules are
implemented for 4 main states in the USA with multiple counties within the state.
Hence our area under consideration is Barley and it’s variances of crop growth.
38
4.4 Preprocessor
39
‘’
Figure 4.2 Original Image
40
As shown above, multiple filters like erode, midstretch, median, grey
dialate and sharpen filter are applied to the training image for noise removal using
Multiple morphological component analysis in figures 4.2 ad 4.3.
For the image classifier, the test data consists of images belonging to
different soil class collected manually from the internet. The input to the image
classifier is a soil image. It predicts the soil class for a given image using a spatial
spectral fusion methodology which is fed into the SVM along with latitude and
longitude values The input to the SVM is a tuple containing soil class, latitude and
longitude values using which it recommends a crop
41
The following figures represent the output of the classification method for
Spatial Spectral Schrodinger Eigenmaps. The performance measures are
simultaneously calculates using the standards like overall accuracy, average
accuracy, average precision, average sensitivity and average specificity.
42
Figure 4.5 displays the image classification results and 4.6 shows the
accuracy and time elapsed for the same process. This involves time to setup the
unconstrained and ML constrained method of classification.
The adaBoost classifier model is used to predict the crop yield per
state or country for whichever weather condition that is available at the
darksky server.
43
Figure 4.7 Training data execution results
This model involve the comparison between truth and predicted crop for that
particular latitude and longitude as evident in Figure 4.10
44
Figure 4.9 Crop soil data set
45
4.8 Performance measures
𝑃+ 𝑃+
𝐴𝑐𝑐 𝑎𝑐 = =
𝑃+ + + 𝑃 𝑃+
𝑃 𝑃
𝑖𝑖 𝑖 = =
𝑃+ 𝑃
𝑐𝑖 𝑖𝑐𝑖 = =
+ 𝑃
𝑃
𝑃 𝑐𝑖 𝑖 =
𝑃+ 𝑃
1 ^
= √ ∑( −
=
Where n is the total number of tuples and yi are the data points.
46
4.9 Yield Prediction
Figure 4.9 deals with training model analysis of regression, The geaph is set
upon the relation between each data point and the yield in bushels/acre.
After the training part of the model is completed for the years 2010 to 2014,
the testing phase starts for the subsequent years till 2016.Regression analysis of the
testing mechanism results in the following figure 4.10.
47
Figure 4.11 shows the handoff between the existing yield values and the
predicted one and how far they are correlated in context with the data sets..
48
4.10 Classification
SM – Shi Malik
GB – Gillis Bowles
SSSE – Spatial Spectral Schrodinger Eigenmaps
BM - Benedetto-M: Fused Metric
BE - Benedetto-E: Fused Eigenvectors
HZYZ - Hou-Zhang-Ye-Zheng
Table 4.3 Analysis methods
49
0.985
0.98
0.975
Overall Accuracy
0.97
0.965
0.96
0.955
SM GB SSSE BM BE HZYZ
UN 0.9689 0.9797 0.976 0.9669 0.9714 0.9742
ML 0.9786 0.9805 0.9831 0.9768 0.9752 0.9739
0.986
0.984
0.982
Average Specificity
0.98
0.978
0.976
0.974
0.972
0.97
0.968
SM GB SSSE BM BE HZYZ
UN 0.98 0.9842 0.9851 0.976 0.9818 0.9767
ML 0.9808 0.9831 0.9863 0.981 0.9797 0.9751
50
0.988
0.986
0.984
0.982
Average Precision
0.98
0.978
0.976
0.974
0.972
0.97
0.968
SM GB SSSE BM BE HZYZ
UN 0.98 0.9842 0.9851 0.976 0.9818 0.9767
ML 0.9808 0.9831 0.9863 0.981 0.9797 0.9751
0.986
0.984
0.982
Average Accuracy
0.98
0.978
0.976
0.974
0.972
0.97
0.968
SM GB SSSE BM BE HZYZ
UN 0.98 0.9842 0.9851 0.976 0.9818 0.9767
ML 0.9808 0.9831 0.9863 0.981 0.9797 0.9751
51
0.988
0.986
Average Sensitivity 0.984
0.982
0.98
0.978
0.976
0.974
0.972
0.97
0.968
SM GB SSSE BM BE HZYZ
UN 0.98 0.9842 0.9851 0.976 0.9818 0.9767
ML 0.9808 0.9831 0.9863 0.981 0.9797 0.9751
The above Figures from 4.11 to 4.15 depict the performance measures of the
classification done by analysis of 6 methods mentioned in table 4.2. Hence the ML
constrained performance is upgraded in every measure in case of Spectral spatial
Schrodinger Eigenmaps.
52
Chapter 5
Conclusion and future work
Machine learning is a type of artificial intelligence (AI) that provides
computers with the ability to learn without being explicitly programmed . The
proposed machine recommends the suitable crop given an image of the soil and the
parameters like latitude and longitude, with classification of the soil class
intermediate. The system builds up an Image Classifier Model, using SSSE and
SVM, which acts as an image classifier builder. The Image Pre-processor used to
remove the noise from the image (unwanted area). This could then ease the work
of Image Classifier Evaluator, to predict the soil class with improved accuracy.
This model also uses the super pixel (collection of pixel) instead of individual
pixel.
The system can be extended to the mobile application to help the farmers by
uploading the image of agriculture area. The efficiency of the pre-processing is
limited by the amount of unwanted information (like leaves, grass and other stuffs)
present in it. Due to this undesirable information present in the input image, both
during training and classification, the pre-processor fails to identify the exact
contours, thus failing to perform with improved efficiency. The parameter for the
image like climatic factor, moisture and past dataset can be used to predict the
yield of the crop. Collection of more valid details of soil class, latitude, longitude
and suitable crop can greatly accelerate the efficiency of work. The pre-processing
unit could hence be improved and a lot more features can be extended, thus
significantly contributing towards the agricultural welfare worldwide.
53
Chapter 6
References
[1] Xiang Xu, Jun Li Mauro Dalla Mura- Multiple Morphological Component
Analysis Based Decomposition for Remote Sensing Image Classification-IEEE
Transactions on GeoScience and Remote Sensing. Pages 3083-3102,Jan-2015.
[3] Xia Zhang, Yanli Sun, Kun Shang, Lifu Zhang, Senior Member, IEEE,
and Shudong Wang “IEEE JOURNAL OF SELECTED TOPICS IN APPLIED
EARTH OBSERVATIONS AND REMOTE SENSING” Pages 01,Fevruary-2016.
[4] Wei Yao, Otmar Loffeld - Application and Evaluation of a Hierarchical Patch
Clustering Method for Remote Sensing Images, VOL. 9, NO. 6, JUNE 2016 2279
– 2289.
54
[7] J. L. Starck, M. Elad, and D. L. Donoho, “Image decomposition via the
combination of sparse representations and a variational approach,” IEEE Trans.
Image Process., vol. 14, no. 10, pp. 1570–1582, Oct. 2015.
[8] X. Jia, B. C. Kuo, and M. Crawford, “Feature mining for hyperspectral image
classification,” Proc. IEEE, vol. 101, no. 3, pp. 676–697, Mar. 2015.
[9] Imaging Spectroscopy: Earth and Planetary Remote Sensing with the USGS
Tetracorder and Expert Systems Roger N. Clark, Gregg A. Swayze, K. Eric Livo,
Raymond F. Kokaly, Steve J. Sutley, Journal of Geophysical Research, 2012.
55
[15] Y. Tang, Y. Lu, and H. Yuan, “Hyperspectral image classification based on
three-dimensional scattering wavelet transform,” IEEE Trans. Geosci. Remote
Sens., vol. 53, no. 5, pp. 2467–2480, May 2015.
[21] Benedetto, J., Czaja, W., Dobrosotskaya, J, Doster, T, Duke, K, and Gillis,
“Integration of heterogeneous data for classification in hyperspectral satellite
imagery,” vol. 21, no. 12, pp. 1019–1026, Nov. 2
56
[22] Cahill, N. D, Czaja, W, and Messinger, “Schroedinger eigenmaps with
nondiagonal potentials for spatial-spectral clustering of hyperspectral imagery”,
vol. 48, no. 11, pp. 4071–4084, Nov. 2010.
57