The paper has focussed on the global landcover for the identification of cropland areas. Population growth and rapid industrialization are somehow disturbing the agricultural lands and eventually the food production needed for human survival. Appropriate agricultural land monitoring requires proper management of land resources. The paper has proposed a method for cropland mapping by semantic segmentation of landcover to identify the cropland boundaries and estimate the cropland areas using machine learning techniques. The process has initially applied various filters to identify the features responsible for detecting the land boundaries through the edge detection process. The images are masked or annotated to produce the ground truth for the label identification of croplands, rivers, buildings, and backgrounds. The selected features are transferred to a machine learning model for the semantic segmentation process. The methodology has applied Random Forest, which has compared to two other techniques, Support Vector Machine and Multilayer perceptron, for the semantic segmentation process. Our dataset is composed of satellite images collected from the QGIS application. The paper has derived the conclusion that Random forest has given the best result for segmenting the image into different regions with 99% training accuracy and 90% test accuracy. The results are cross-validated by computing the Mean IoU and kappa coefficient that shows 93% and 69% score value respectively for Random Forest, found maximum among all. The paper has also calculated the area covered under the different segmented regions. Overall, Random Forest has produced promising results for semantic segmentation of landcover for cropland mapping.

Accurate cropland mapping is needed for better food systems and yield prediction. The rise in data and high-resolution imagery like Google satellite have advanced the data-driven agricultural process for better cropland mapping with improved algorithms for areas like remote sensing, machine learning, and computer vision. Emphasis should be given to food production and cultivation to satisfy the ever-increasing demand of the population. This process is preceded by the identification of cultivated and uncultivated land that could be utilized for further production [1, 2]. This can be accomplished with fast and reliable cropland mapping [3, 4, 5] to identify the yield production [6, 7] which is required for sustaining the global food security and living standard [8]. Cropland mapping can further be used for crop type mapping [9, 10, 11] which eventually be useful for yield prediction of crops, agriculture area estimation, monitoring of agricultural practices [12], soil quality monitoring, identification and estimation of crop damage, etc. [8, 13, 14]. Image segmentation plays an important role in cropland mapping from the land cover. It's a computer vision problem where the appropriate mapping of the croplands needs to be identified to estimate the regions under agriculture farming for proper monitoring and management. The cropland expansion [15] can be performed on the barren and uncultivated areas to balance the need of the rising population. Semantic segmentation is needed for cropland boundary identification [16]. Semantic segmentation is different from the classification process as the classification process classifies the images as a whole to one of the classes, while semantic segmentation classifies every pixel or element to one of the labels. This labeling functionality of the semantic segmentation process is employed for different AI problems. The various areas where semantic segmentation has been applied are agriculture [17, 18, 19, 20], object detection [21], disaster management [22], semantic text segmentation [23], etc. Satellite images help in reflecting the concise view of different regions of landcover which are enormously generating a large amount of data, which could be employed for several other purposes like cropland mapping [24], area estimation of cultivated lands, agriculture monitoring [9], early identification and detection of any damage in the various landcover [3, 25], etc.

The paper aims to improve the landcover mapping through semantic segmentation by appropriate mapping of croplands along with the area estimation covered under the cultivated regions. The mapping is carried out with the feature extraction process through different kernels or filters followed by the semantic segmentation with three approaches: Random Forest, SVM, and ANN. The paper has applied Machine Learning algorithms rather than deep Learning because of the small data size and better computational complexity and memory usage policy of Machine Learning algorithms. The area of the croplands thus mapped from the landcover is estimated. For comparison, the three Machine Learning algorithms are tested for the accuracy, Mean IoU, and kappa score evaluated during the semantic segmentation of landcover for cropland mapping. The method has successfully segmented the regions with a promising result irrespective of the texture complexity and pixel similarity of different regions. The paper has been divided into different sections, the Introduction is given in Section 1, while Section 2 details the literature and motivation. Section 3 encloses Data Collection and Preparation, section 4, has explained the Material and Methods, Section 5 deals with the Experimentation and Results. The paper has concluded in Section 6.

Several classification techniques and algorithms have been employed in the literature for image segmentation and classification like Support vector machine, random forest, deep learning, and many more. Random Forest framework has been applied through the learned representation of filters using a particle swarm optimization algorithm [26] to perform the semantic segmentation of road scene and Indore scene images. Random forest was being used for landcover classification as an object-based image classification technique [27]. An image segmentation model was developed with deep learning based on pixel values for Mudrock, which compared with Random Forest for accuracy [28]. A CNN model is used for semantic segmentation of the ground covering of Worldview-2 satellite images. The results compared with Random forest and SVM algorithms [29]. Class-specific image semantic segmentation has been performed considering textual and color features on CamVid and MSRC-v2 with the application of Semantic Texton Forest framework [30]. Support Vector Machine (SVM) [31] has been applied [21] to develop a homogeneous strategy that will grasp distinct spectral and spatial features using the landcover information. Four machine learning algorithms, such as RF, SVM, Naive Bayes, and k-NN, were compared for object-based analysis and semantic segmentation of land covers applied on the satellite data [32]. The prediction of landslide vulnerable areas was performed through semantic segmentation and Deep Convolutional Network using optical remote sensing images [33]. Land cover mapping has been performed on CORONA archive images through the SVM algorithm [34]. An object-based image analysis classification method was proposed using DCNN and FCN, which were later compared with random forest and SVM for wetland area classification. The difference lies in the number of training samples and computational time [35]. A Multi-level Feature Aggregation Network was proposed to give a fusion of extraction and up-sampling of features to classify the land cover dataset [36]. A method was proposed to partition the remote sensing images from the Kalideos database into a different region of interest by performing object and pixel processing. A multilayer feed-forward neural network (MLFFNN) was employed for the semantic segmentation of images, which compared with SVM and Maximum Likelihood Classification (MLC) [37]. A model was proposed for the segmentation of wetlands through four classifiers such as kNN, random forest, kNN, and decision tree, laters these models are compared with a hybrid model with ANN to find the accuracy of classifications [38]. Semantic segmentation of road surface, embankments, guardrails, ditches, fences, and borders were executed through PointNet and ANN [39]. A semantic segmentation method was proposed that combines the properties of CNN with multiple filters and segmentation with multi-resolution applied on LiDAR data and optical images with high resolution [40].

These algorithms perform pixel-wise semantic segmentation to classify the region of interest. Since the satellite images are complex and difficult to segment because of the similarity in the texture of various areas. Thus, these algorithms are employed to extract the texture, patterns, and orientation from the image to identify the different regions. It has been observed from the literature that there is no such study identified that specifically emphasized the agricultural cropland mapping and raises the level of agriculture production. Our work has performed this agricultural cropland mapping and thereby uses the semantic segmentation results to identify the area under the crop cultivation and the barren lands. The areas identified as barren could be utilized for further production and cultivation to balance the food supply. Moreover, it also helps to identify the reduction in land under the cultivated land every year, which ultimately helps in environmental sustainability. Machine learning algorithms, such as SVM, Random Forest, and ANN, are better for small-size data, computational complexity, and memory usage, compared to deep learning algorithms.

The research is conducted in one of the states of India named Madhya Pradesh, as given in Fig. 1. The dataset consists of google satellite images collected from QGIS 3.18 Zurich application. Overall, 20 google satellite images were collected from the application, where every picture is augmented to create four input images in a total 80 images dataset. These images are annotated, using http://www.apeer.com to produce the mask or ground truth creating four different labels: croplands, rivers, buildings, and uncultivated lands as background. Thus, the final dataset includes 80 input images and their respective 80 annotated images. The dataset is restricted to 80 pictures as the “.tiff” images take more computational time and speed. Fig. 2 shows some of the landcover images considered for the work. The dataset is divided into the 8:2 ratio where 80% of the data is reserved for training, while 20% of the data is considered for the test. Python 3.7 and Nvidia GPU processor has been used for the work along with TensorFlow 2.0 and Keras. The other libraries employed for the experiment are scikit learn and NumPy for the computation and Open CV libraries for handling images.

Figure 1.

The study area considered for the research. (a) Depicts the map of India. (b) A portion of Madhya Pradesh from India considered for the experimentation.

Figure 1.

The study area considered for the research. (a) Depicts the map of India. (b) A portion of Madhya Pradesh from India considered for the experimentation.

Close modal
Figure 2.

The landcover pictures considered for the experimentation.

Figure 2.

The landcover pictures considered for the experimentation.

Close modal

A method has been developed to perform the semantic segmentation of images followed by the area estimation of different regions for cropland mapping. The process started with the image collection from the QGIS application covering all the four labels as shown in the annotated masks. These images are then transferred to the feature extraction process to identify the features needed for the segmentation process. The most important attribute is the pixel value itself which divides the pixels as bright and dark ones where anything above a particular threshold is considered as intense and principal pixel, while low pixel values from 0-40 are considered background pixels. The method has applied seven kinds of filters or kernels for feature extraction: Gabor filter, Scharr filter, Robert Edge filter, Sobel filter, Gaussian filter, Prewitt filter, and Median filter. This will generate different feature values for the image data. All the feature vectors derived from the feature extraction processes are collected in a data frame to form a complete set of feature values of an image. A list of significant features is set up that significantly contributes to the feature space, the rest gets removed from the data frame. The selected attributes are imparted to the machine learning models for the Semantic segmentation process, along with the annotated masks. Our paper has applied three learning models, ANN, SVM, and Random forest, as segmentation techniques. The Artificial Neural Network employed in this work involves one input layer, three hidden layers, and one output layer, which iterates for 50 epochs, 16 batch sizes, and a 0.001 learning rate. All three models are compared for the accuracy measure and validated using MeanIoU and Kappa score that measures the correctness of the segmentation. Finally, the area under the segmented regions gets evaluated for cropland mapping. The entire methodology of the research work has shown in Fig. 3.

Figure 3.

Methodology for proposed work.

Figure 3.

Methodology for proposed work.

Close modal

4.1 Image Feature Extraction as a preprocessing step

The paper has applied seven different types of edge detection and feature extraction filters or kernels on the image set. The filters are compared to find the best feature values, eventually impacting the segmentation of image data. These are:

Gabor filter

Gabor filters are used for the identification of texture and edge features in image preprocessing, such as the visual cortex [41, 42]. They are suitable for the segmentation of images based on texture because of their distinguished localization properties covering spatial and frequency areas. They are considered as a bandpass filter that allows a certain band of frequencies while stopping the other set of frequencies. These filters form an impulsive response by combining the Gaussian envelope function with a complex oscillation that eventually minimizes the time and space uncertainty [43]. The paper has applied a bank of 32 localized Gabor filters. A Gabor filter is a blend of Gaussian and Sinusoidal filters. For 2D, Gabor filter is represented as (1):

(1)

where, a′ = acos(θ) + bsin(θ) and b′ = -asin(θ) + bcos(θ).

In the above equation, the sinusoidal factor's wavelength is given by λ, θ defines the orientation corresponding to a Gabor function, the phase offset by ψ, σ represents the standard deviation concerning Gaussian filters and γ denotes the aspect ratio for spatial distribution which defines the ellipticity of the Gabor function. In this context, Gaussian filters give the weights while the Sinusoidal filters give the directionality.

Robert Edge filter

The Robert edge filter is a non-linear filter used for edge detection that applies horizontal and vertical filters in sequence to detect edges, which adds up to give the final result. Its a faster technique due to the small number of calculations and provides shifting from light to dark pixels [44, 45]. Robert edge filter proposed two equations to focus on variation in intensity in a diagonal direction, which are given as (2) and (3):

(2)
(3)

where, a is image intial intensity score, c is the derivative evaluated and k, l defines the image location.

Sobel filter

The Sobel edge detectors focus on high spatial frequency for edge detection by approximating an absolute gradient magnitude at every pixel of an image [46, 47]. The filter uses the original image convolved with two 3*3 kernels to find the horizontal and vertical changes.

Scharr filter

Scharr filter uses the first derivative to detect the gradient edges through the pixels of an image and defines the gradients independently along the x-axis and y-axis [48, 49].

Prewitt filter

Prewitt filters detect horizontal and vertical edges using two different 3*3 kernels. The difference in the pixel intensities of an image calculates the edges. These kernels are convolved with images to calculate the derivatives [50, 51].

Gaussian filter

Gaussian filtering is used for blurring images, apart from removing noises and other details of an image. As it is applied for blurring the edges and reducing the contrast, which will help in the edge detection. Gaussian filters allow sigma as the standard deviation, which helps in fluctuating the actions of Gaussian distribution. The paper has applied the Gaussian filters with two sigma values 3 and 7. The larger value of sigma forms greater blurring. The Gaussian nature of the filters is maintained by increasing the kernel size with an increase in sigma value. The value of sigma determines the Gaussian kernel coefficient [52, 53]. In 2D, the Gaussian filter is represented, as (4):

(4)

where, σ represents the standard deviation of the gaussian distribution, x is the horizontal deflection from origin, and y is the vertical deflection from origin.

Median filter

The median filters facilitate noise reduction from images. It finds the neighbors of a pixel value, calculates their median, and replaces the pixel value with the estimated value. The filter checks the representation of every pixel value with its surrounding pixel values, set out in numerical order, and replaces the pixel with the identified middle value [54, 55].

The feature importances reflected by the different filters are shown with the help of a graph given in Fig.4. The x-axis gives the feature importance score achieved by the different filters while the y-axis defines the different kernels or filters applied. It can be seen from the graph that some of the filters have a bigger contribution, some contribute a little while the others have nil contribution in the identification of features from the image data. Thus, it will help in reducing the dimensionality by removing the filters values with zero impact. The filters which are contributing the most for image processing are shown in Table 1 in decending order means the filters with maximum contribution is at number 1 and the one with lowest contribution is at number 23.

Table 1.
Important Filters identified for image processing.
Serial NumberFilters
Gaussian s7 
Gabor 23 
Gaussian s3 
Gabor 21 
Gabor 29 
Median s3 
Gabor 31 
Gabor 4 
Gabor 12 
10 Gabor 11 
11 Gabor 6 
12 Gabor 32 
13 Gabor 7 
14 Gabor 5 
15 Gabor 3 
16 Scharr 
17 Prewitt 
18 Sobel 
19 Gabor 30 
20 Pixel_Value 
21 Roberts 
22 Gabor 24 
23 Gabor 8 
Serial NumberFilters
Gaussian s7 
Gabor 23 
Gaussian s3 
Gabor 21 
Gabor 29 
Median s3 
Gabor 31 
Gabor 4 
Gabor 12 
10 Gabor 11 
11 Gabor 6 
12 Gabor 32 
13 Gabor 7 
14 Gabor 5 
15 Gabor 3 
16 Scharr 
17 Prewitt 
18 Sobel 
19 Gabor 30 
20 Pixel_Value 
21 Roberts 
22 Gabor 24 
23 Gabor 8 

The feature importance identifies the features that contribute the maximum for the detection and segmentation of an image. The contributing features are diagnosed by applying different filters vertically and horizontally and with different angles and wavelengths in various convolutions. These filters are kernels of 3*3 or 5*5, where every kernel value is multiplied by the corresponding pixel value of an image, to give the overall importance detected by the filter.

4.2 Machine Learning Models

The semantic segmentation of Land covers is performed in this paper with three machine learning techniques. These are Artificial Neural Network, Random Forest, and Support Vector Machine. Random forest is a technique often applied for classification and regression problems, which is competent in handling complex issues by providing the solution with the ensembling of different classifiers together. It is considered a better approach than a decision tree concerning overfitting and precision. The random forest has been applied for semantic segmentation of images in various fields like medical imaging, landcover, plant diseases, geographical factors, etc. Support vector machine produces a hyperplane in multi-dimensional space for classification and regression problems with multiple features as a supervised learning algorithm. Support vector machine is an effective technique for high dimensional space and good for outliers detection. These techniques have been applied for semantic segmentation of images for disease identification, cropland mapping, Landcover identification, satellite images, etc. Artificial neural networks are biologically inspired networks useful for different problems related to classification, overfitting, data preprocessing, and others. Multilayer perceptron with backpropagation is one of the most commonly used ANN algorithms. ANN model has divided into three sections: Input, Output, and Hidden layers. The ANN has been employed several times for the semantic segmentation process.

4.3 Metrics for evaluating the models

The metrics used in the paper to evaluate the model are accuracy concerning training and test data, MeanIoU, and Kappa Coefficient.

Accuracy

Accuracy is the metric to identify the amount of correct prediction produced by a model. The accuracy value for multiclass classification ranges between 0 to 1, where 1 stands for maximum accuracy. This value is based on the match percentage between the actual class and the predicted class. The accuracy is explained, by the given formula (5):

(5)

Mean Intersection-over-Union

Mean Intersection-over-Union is a metric used for identifying the variations in the true and computed semantic segmentation of images. It initially calculates the IoU value for each semantic class, which follows the computation of average over classes. The predicted and true classes are shown with a confusion matrix weighted by a sample weight that combinedly calculates the MeanIoU value. It is given, by the formula (6):

(6)

where true_positive are the pixels which are actually correct and also identified as correct pixels, false_ positive are the pixels which are incorrect in actual sense yet identified as correct pixels, while false_ negative are the pixels which are incorrect and also identified as incorrect pixels.

Cohen's kappa Coefficient

Cohen's kappa Coefficient(k) is a quantitative mark used to estimate the accordance between the two evaluators that is used to classify I items into D different categories. It measures the reliability of the two raters rating the same thing, get agreed by chance. It is given as (7):

(7)

where, P0 is the observed relative agreement between evaluators, Pe is the hypothetical probability of accordance by chance with the use of observed data. The value of k will be one, if there is total agreement between raters and k=0, if there is no agreement and only possible by chance.

Initially, the image data given in Fig. 2 gets converted to greyscale, which has passed to different filters or kernels for the feature extraction process. The resultant data frame of reduced feature vectors illustrated in Fig. 4 and their annotated masks are provided to the machine learning models: Random Forest, SVM, and ANN. The segmentation result with reduced features set for the three models has given in Table 2. These models are evaluated based on training accuracy, test accuracy, MeanIoU value, and Kappa Coefficient score. A comparison between only the Gabor filter and all the other filters has depicted, in Table 2 despite the high importance of Gaussian filter in feature detection as shown in Fig. 4 because the Gabor filters are capable of providing both weights and directionality as it is a combination of Gaussian and Sinusoidal term where Gaussian provides only the weights and sine components provide the directionality. Therefore, the Gabor filter is found as most fit and suitable for image processing, as it combines both weights and directionality. The Gabor filters work for the detection of texture and edges, whereas Gaussian filters are applied for blurring the images and reducing the noise to detect the edges only.

Figure 4.

Feature Importance of different filters applied on the image dataset

Figure 4.

Feature Importance of different filters applied on the image dataset

Close modal
Table 2.
Metrics evaluating the efficiency of models.
MeasuresUsing only gabor filtersUsing all filters with reduced dimensionality
Random ForestSVMANNRandom ForestSVMANN
Training accuracy 0.9543 0.5525 0.8352 0.9995 0.6926 0.8656 
Test accuracy 0.8323 0.3486 0.7586 0.9010 0.6928 0.8654 
Mean IoU 0.7548 0.1229 0.4574 0.9315 0.3023 0.5884 
Kappa score 0.6111 0.1421 0.5998 0.6851 0.3104 0.6280 
MeasuresUsing only gabor filtersUsing all filters with reduced dimensionality
Random ForestSVMANNRandom ForestSVMANN
Training accuracy 0.9543 0.5525 0.8352 0.9995 0.6926 0.8656 
Test accuracy 0.8323 0.3486 0.7586 0.9010 0.6928 0.8654 
Mean IoU 0.7548 0.1229 0.4574 0.9315 0.3023 0.5884 
Kappa score 0.6111 0.1421 0.5998 0.6851 0.3104 0.6280 

The table has divided into two columns where one column represents the metrics obtained using only Gabor filters for the three models, and the other column represents the metrics obtained using all the other filters including, Gabor with reduced dimensions. It can be seen from the table that the evaluation metrics of the different models under all the filters with reduced dimensionality show much better results than using only Gabor filters. The test accuracy, Mean IoU value, and kappa score of Random Forest are superior to the other two experimented models on the dataset after the feature extraction process. Hence Random Forest can be considered best for semantic segmentation with nearly 90% test accuracy and a maximum MeanIoU value of about 93%.

The evaluated result of the model for semantic segmentation on some of the images has illustrated in Fig. 5. Fig. 5 shows the original image, annotated mask as ground truth, segmented images under Gabor filter, and segmented images under all the filters with reduced dimensionality. Thus, it is observed from the Figure that segmented pictures under all the filters with reduced dimensionality show better and clear segmentation results. These results are nearly equivalent to the ground truth, where blue regions represent the buildings, the yellow region represents the cropland, the red region shows the water, and the blue region represents the background or uncultivated areas. The area covered under the three labeled regions like buildings, cropland, and water is estimated in terms of several pixels in the region as given in Table 3. The table exhibits the labels, corresponding region names, and the area value under the four pictures shown in Fig. 5. The segmentation result of the three models for some of the sample images, compared and shown in Fig. 6. Thus, it is observed from the results that Random Forest derives much better semantic segmentation results compared with the other two models. The result is compared to the other methods also implemented in the literature for semantic segmentation of land covers or other similar datasets, as explained in Table 4. Thus, it is identified from Table 4, that our method also performed well for the semantic segmentation of land covers, irrespective of the limitation of our self-constructed dataset size and collection.

Figure 5.

Results of semantic segmentation of images using Random Forest.

Figure 5.

Results of semantic segmentation of images using Random Forest.

Close modal
Figure 6.

Results of semantic segmentation of images using SVM, ANN and Random Forest.

Figure 6.

Results of semantic segmentation of images using SVM, ANN and Random Forest.

Close modal
Table 3.
Area identified under different regions (pixel value).
LabelsRegion NameArea under different regions
image 1image 2image 3image 4
Buildings 360024 88275 44784 831792 
Croplands 9642186 7200786 7082988 6897957 
Water 1086315 1090239 1878324 1469664 
LabelsRegion NameArea under different regions
image 1image 2image 3image 4
Buildings 360024 88275 44784 831792 
Croplands 9642186 7200786 7082988 6897957 
Water 1086315 1090239 1878324 1469664 
Table 4.
Comparison of algorithms for semantic segmentation of landcovers.
ArticleAlgorithmDatasetMaximum accuracy
[26Random forest Road scene & Indore scene 93 
[29CNN satellite images (building, roads, agriculture products) 95 
[30Semantic Texton Forest framework CamVid and MSRC-v2 93 
[32RF, SVM, Naive Bayes and k-NN landcovers 90 
[34SVM lancovers (CORONA images) 85 
[36MFANet landcover 86 
[35FCN, DCNN landcover 88 
[38ANN wetland 89 
Proposed method RF, SVM, ANN landcover 90 
ArticleAlgorithmDatasetMaximum accuracy
[26Random forest Road scene & Indore scene 93 
[29CNN satellite images (building, roads, agriculture products) 95 
[30Semantic Texton Forest framework CamVid and MSRC-v2 93 
[32RF, SVM, Naive Bayes and k-NN landcovers 90 
[34SVM lancovers (CORONA images) 85 
[36MFANet landcover 86 
[35FCN, DCNN landcover 88 
[38ANN wetland 89 
Proposed method RF, SVM, ANN landcover 90 

The increasing demand for food production and supply requires the expansion of cultivated land. This problem needs the identification of barren and uncultivated lands that can be used, for further cultivation and production. Thus the paper has focused on the methodology that could segment the landcover areas collected from the google satellite images into different regions for cropland mapping. It presented a method for semantic segmentation of landcover for cropland mapping, where the landcover encompasses croplands, river, building, and uncultivated lands as background. The paper has applied seven filters or kernels for the feature extraction process. The machine learning models such as ANN, Random Forest, and SVM, with a reduced set of features, are used for semantic segmentation. Random Forest was identified as a better semantic segmentation technique with 99% training and 90% test accuracy. The accuracy is further validated with the MeanIoU value and Kappa score, which are a well-suited metric for semantic segmentation evaluation that produces a confusion matrix with a 93% score value and nearly 69% kappa score for Random Forest, better than the other two techniques. The Random Forest performs substantially better than SVM and ANN. The method has shown promising results in semantic segmentation of landcover for cropland mapping. The research finds difficulty in finding the open-source database of landcover areas with the annotated mask also, working with satellite images is time and space-consuming. Thus, the paper has considered limited data for the work that can be expanded and applied to the large dataset. The future work will try to generate more satellite images data with their corresponding annotated masks that could be employed, for more machine learning and deep learning algorithms.

All the Authors of the paper declares that he/she has no conflict of interest.

The self-constructed data that support the findings of this study are openly available in journal's data repository.

Lingwal S.L. ([email protected]) works as the leading contributor of the paper including paper writing, model definition, training and tuning of experiment. Bhatia K.K. ([email protected]) designed the framework of the model and contribute for data collection and data processing. Singh M. ([email protected]) contribute in model definition and framework designing and performs the result analysis.

[1]
Ndikumana
,
E.
,
Ho Tong Minh
,
D.
,
Baghdadi
,
N.
,
Courault
,
D.
,
Hossard
,
L.
:
Deep recurrent neural network for agricultural classification using multitemporal sar sentinel-1 for camargue, France
.
Remote Sensing
10
(
8
),
1217
(
2018
)
[2]
Kussul
,
N.
,
Lavreniuk
,
M.
,
Skakun
,
S.
,
Shelestov
,
A.
:
Deep learning classification of land cover and crop types using remote sensing data
.
IEEE Geoscience and Remote Sensing Letters
14
(
5
),
778
782
(
2017
)
[3]
Du
,
Z.
,
Yang
,
J.
,
Ou
,
C.
,
Zhang
,
T.
:
Smallholder crop area mapped with a semantic segmentation deep learning method
.
Remote Sensing
11
(
7
),
888
(
2019
)
[4]
Belgiu
,
M.
,
Stein
,
A.
:
Spatiotemporal image fusion in remote sensing
.
Remote Sensing
11
(
7
),
818
(
2019
)
[5]
Wei
,
S.
,
Zhang
,
C.
,
Wang
,
Y.
:
Wang, L. Xu, Multi-temporal sar data large-scale crop mapping based on u-net model
.
Remote Sensing
11
(
1
),
68
(
2019
)
[6]
Mercier
,
A.
,
Betbeder
,
J.
,
Baudry
,
J.
,
Le Roux
,
V.
,
Spicher
,
F.
,
Lacoux
,
J.
,
Roger
,
D.
,
Hubert-Moy
,
L.
:
Evaluation of sentinel-1 & 2 time series for predicting wheat and rapeseed phenological stages
.
ISPRS Journal of Photogrammetry and Remote Sensing
163
,
231
256
(
2020
)
[7]
Sidike
,
P.
,
Sagan
,
V.
,
Maimaitijiang
,
M.
,
Maimaitiyiming
,
M.
,
Shakoor
,
N.
,
Burken
,
J.
,
Mockler
,
T.
,
Fritschi
,
F.B.
:
Dpen: Deep progressively expanded network for mapping heterogeneous agricultural landscape using worldview-3 satellite imagery
.
Remote Sensing of Environment
221
,
756
772
(
2019
)
[8]
Van Tricht
,
K.
,
Gobin
,
A.
,
Gilliams
,
S.
,
Piccard
,
I.
:
Synergistic use of radar sentinel-1 and optical sentinel-2 imagery for crop mapping: a case study for belgium
.
Remote Sensing
10
(
10
),
1642
(
2018
)
[9]
Adrian
,
J.
,
Sagan
,
V.
,
Maimaitijiang
,
M.
:
Sentinel sar-optical fusion for crop type mapping using deep learning and google earth engine
.
ISPRS Journal of Photogrammetry and Remote Sensing
175
,
215
235
(
2021
)
[10]
Chen
,
K.
,
Pang
,
J.
,
Wang
,
J.
,
Xiong
,
Y.
,
Li
,
X.
,
Sun
,
S.
,
Feng
,
W.
,
Liu
,
Z.
,
Shi
,
J.
,
Ouyang
,
W.
,
Loy
,
C.C.
,
Linin
,
D.
:
Hybrid Task Cascade for Instance Segmentation
. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (
2019
), pp.
4974
4983
[11]
Torbick
,
N.
,
Huang
,
X.
,
Ziniti
,
B.
,
Johnson
,
D.
,
Masek
,
J.
,
Reba
,
M.
:
Fusion of moderate resolution earth observations for operational crop type mapping
.
Remote Sensing
10
(
7
),
1058
(
2018
)
[12]
Fritz
,
S.
,
See
,
L.
,
Bayas
,
J.C.L.
,
Waldner
,
F.
,
Jacques
,
D.
,
Becker-Reshef
,
I.
,
Whitcraft
,
A.
,
Baruth
,
B.
,
Bonifacio
,
R.
,
Crutchfield
,
J.
, et al.
:
A comparison of global agricultural monitoring systems and current gaps
.
Agricultural Systems
168
,
258
272
(
2019
)
[13]
Buckley
,
C.
,
Carney
,
P.
:
The potential to reduce the risk of diffuse pollution from agriculture while improving economic performance at farm level
.
Environmental Science & Policy
25
,
118
126
(
2013
)
[14]
Guo
,
Y.
,
Jia
,
X.
,
Paull
,
D.
,
Benediktsson
,
J.A.
:
Nomination-favoured opinion pool for optical-sar-synergistic rice mapping in face of weakened flooding signals
.
ISPRS Journal of Photogrammetry and Remote Sensing
155
,
187
205
(
2019
)
[15]
Li
,
J.
,
Xi
,
B.
,
Du
,
Q.
,
Song
,
R.
,
Li
,
Y.
,
Ren
,
G.
:
Deep kernel extreme-learning machine for the spectral-spatial classification of hyperspectral imagery
.
Remote Sensing
10
(
12
),
2036
(
2018
)
[16]
Audebert
,
N.
,
Le Saux
,
B.
,
Lefèvre
,
S.
:
Semantic Segmentation of Earth Observation Data Using Multimodal and Multi-scale Deep Networks
. In
Asian Conference on Computer Vision
(
Springer
,
2016
), pp.
180
196
[17]
Barth
,
R.
,
IJsselmuiden
,
J.
,
Hemming
,
J.
,
Van Henten
,
E.J.
:
Synthetic bootstrapping of convolutional neural networks for semantic plant part segmentation
.
Computers and Electronics in Agriculture
161
,
291
304
(
2019
)
[18]
Zhao
,
W.
,
Fu
,
Y.
,
Wei
,
X.
,
Wang
,
H.
:
An improved image semantic segmentation method based on superpixels and conditional random fields
.
Applied Sciences
8
(
5
),
837
(
2018
)
[19]
Sodjinou
,
S.G.
,
Mohammadi
,
V.
,
Mahama
,
A.T.S.
,
Gouton
,
P.
:
A deep semantic segmentation-based algorithm to segment crops and weeds in agronomic color images
. Information Processing in Agriculture (
2021
)
[20]
Lingwal
,
S.
,
Bhatia
,
K.K.
,
Tomer
,
M.S.
:
Image-based wheat grain classification using convolutional neural network
. Multimedia Tools and Applications pp.
1
25
(
2021
)
[21]
Jiang
,
D.
,
Li
,
G.
,
Tan
,
C.
,
Huang
,
L.
,
Sun
,
Y.
,
Kong
,
J.
:
Semantic segmentation for multiscale target based on object recognition using the improved faster-rcnn model
.
Future Generation Computer Systems
123
,
94
104
(
2021
)
[22]
Du
,
B.
,
Zhao
,
Z.
,
Hu
,
X.
,
Wu
,
G.
,
Han
,
L.
,
Sun
,
L.
,
Gao
,
Q.
:
Landslide susceptibility prediction based on image semantic segmentation
. Computers & Geosciences p.
104860
(
2021
)
[23]
Villamizar
,
M.
,
Canévet
,
O.
,
Odobez
,
J.M.
:
Multi-scale sequential network for semantic text segmentation and localization
.
Pattern Recognition Letters
129
,
63
69
(
2020
)
[24]
Orynbaikyzy
,
A.
,
Gessner
,
U.
,
Conrad
,
C.
:
Crop type classification using a combination of optical and radar remote sensing data: a review
.
International Journal of Remote Sensing
40
(
17
),
6553
6595
(
2019
)
[25]
Moran
,
M.S.
,
Inoue
,
Y.
,
Barnes
,
E.
:
Opportunities and limitations for image-based remote sensing in precision crop management
.
Remote Sensing of Environment
61
(
3
),
319
346
(
1997
)
[26]
Kang
,
B.
,
Nguyen
,
T.Q.
:
Random forest with learned representations for semantic segmentation
.
IEEE Transactions on Image Processing
28
(
7
),
3542
3555
(
2019
)
[27]
Smith
,
A.
:
Image segmentation scale parameter optimization and land cover classification using the random forest algorithm
.
Journal of Spatial Science
55
(
1
),
69
79
(
2010
)
[28]
Bihani
,
A.
,
Daigle
,
H.
,
Santos
,
J.E.
,
Landry
,
C.
,
Prodanovic
,
M.
,
Milliken
,
K.
:
Mudrocknet: Semantic segmentation of mudrock sem images through deep learning
. arXiv preprint arXiv:2102.03393 (
2021
)
[29]
Saralioglu
,
E.
,
Gungor
,
O.
:
Semantic segmentation of land cover from high resolution multispectral satellite images by spectral-spatial convolutional neural network
. Geocarto International pp.
1
21
(
2020
)
[30]
Ravi
,
D.
,
Bober
,
M.
,
Farinella
,
G.M.
,
Guarnera
,
M.
,
Battiato
,
S.
:
Semantic segmentation of images exploiting dct based features and random forest
.
Pattern Recognition
52
,
260
273
(
2016
)
[31]
Mountrakis
,
G.
,
Ogole
,
J.
,
Im
,
C.
:
Support vector machines in remote sensing: A review
.
ISPRS Journal of Photogrammetry and Remote Sensing
66
(
3
),
247
259
(
2011
)
[32]
Shayeganpour
,
S.
,
Tangestani
,
M.H.
,
Gorsevski
,
P.V.
:
Machine learning and multi-sensor data fusion for mapping lithology: a case study of kowli-kosh area, sw iran
. Advances in Space Research (
2021
)
[33]
Du
,
B.
,
Mao
,
D.
,
Wang
,
Z.
,
Qiu
,
Z.
,
Yan
,
H.
,
Feng
,
K.
,
Zhang
,
Z.
:
Mapping wetland plant communities using unmanned aerial vehicle hyperspectral imagery by comparing object/pixel-based classifications combining multiple machine-learning algorithms
. IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing (
2021
)
[34]
Agapiou
,
A.
:
Land cover mapping from colorized corona archived grayscale satellite data and feature extraction classification
.
Land
10
(
8
),
771
(
2021
)
[35]
Liu
,
T.
,
Abd-Elrahman
,
A.
,
Morton
,
J.
,
Wilhelm
,
V.L.
:
Comparing fully convolutional networks, random forest, support vector machine, and patch-based deep convolutional neural networks for object-based wetland mapping using images from small unmanned aircraft system
.
GIScience & Remote Sensing
55
(
2
),
243
264
(
2018
)
[36]
Chen
,
B.
,
Xia
,
M.
,
Huang
,
J.
:
Mfanet: a multi-level feature aggregation network for semantic segmentation of land cover
.
Remote Sensing
13
(
4
),
731
(
2021
)
[37]
Boulila
,
W.
:
A top-down approach for semantic segmentation of big remote sensing images
.
Earth Science Informatics
12
(
3
),
295
306
(
2019
)
[38]
Mallick
,
J.
,
Talukdar
,
S.
,
Pal
,
S.
,
Rahman
,
A.
, et al.
:
A novel classifier for improving wetland mapping by integrating image fusion techniques and ensemble machine learning classifiers
. Ecological Informatics p.
101426
(
2021
)
[39]
Balado
,
J.
,
Martínez-Sánchez
,
J.
,
Arias
,
P.
,
Novo
,
A.
:
Road environment semantic segmentation with deep learning from mls point cloud data
.
Sensors
19
(
16
),
3466
(
2019
)
[40]
Sun
,
Y.
,
Zhang
,
X.
,
Xin
,
Q.
,
Huang
,
J.
:
Developing a multi-filter convolutional neural network for semantic segmentation using high-resolution aerial imagery and lidar data
.
ISPRS Journal of Photogrammetry and Remote Sensing
143
,
3
14
(
2018
)
[41]
Singh
,
R.
,
Goel
,
A.
,
Raghuvanshi
,
D.
:
Computer-aided diagnostic network for brain tumor classification employing modulated gabor filter banks
.
The Visual Computer
37
(
8
),
2157
2171
(
2021
)
[42]
Vijayan
,
T.
,
Sangeetha
,
M.
,
Kumaravel
,
A.
,
Karthik
,
B.
:
Gabor filter and machine learning based diabetic retinopathy analysis and detection
. Microprocessors and Microsystems p.
103353
(
2020
)
[43]
More
,
S.S.
,
Narain
,
B.
,
Jadhav
,
B.
:
Role of Modified Gabor Filter Algorithm inMultimodal Biometric Images
. In
2019 6th International Conference on Computing for Sustainable Global Development (INDIACom)
(
IEEE
,
2019
), pp.
1
5
[44]
Chowdhury
,
D.
,
Mishra
,
S.
,
Paul
,
S.
,
Bagchi
,
S.
,
Ahmed
,
H.
,
Das
,
T.
,
Mandal
,
C.
:
Robust and Atomic Technique for Edge Detection to Identify Edges Present in Digital Image Using DSCTHS Method
. In
Advances in Smart Communication Technology and Information Processing: OPTRONIX 2020
(
Springer Singapore
,
2021
), pp.
219
227
[45]
Shah
,
B.K.
,
Kedia
,
V.
,
Raut
,
R.
,
Ansari
,
S.
,
Shroff
,
A.
:
Evaluation and comparative study of edge detection techniques
.
IOSR Journal of Computer Engineering
22
(
5
),
6
15
(
2020
)
[46]
Sharifrazi
,
D.
,
Alizadehsani
,
R.
,
Roshanzamir
,
M.
,
Joloudari
,
J.H.
,
Shoeibi
,
A.
,
Jafari
,
M.
,
Hussain
,
S.
,
Sani
,
Z.A.
,
Hasanzadeh
,
F.
,
Khozeimeh
,
F.
, et al.
:
Fusion of convolution neural network, support vector machine and sobel filter for accurate detection of covid-19 patients using x-ray images
.
Biomedical Signal Processing and Control
68
,
102
,
622
(
2021
)
[47]
Sanida
,
T.
,
Sideris
,
A.
,
Dasygenis
,
M.
:
A Heterogeneous Implementation of the Sobel Edge Detection Filter Using OpenCL
. In
2020 9th International Conference on Modern Circuits and Systems Technologies (MOCAST)
(
IEEE
,
2020
), pp.
1
4
[48]
Garg
,
R.
,
Kumar
,
A.
,
Prateek
,
M.
,
Pandey
,
K.
,
Kumar
,
S.
:
Land cover classification of spaceborne multifrequency sar and optical multispectral data using machine learning
. Advances in Space Research (
2021
)
[49]
Matci
,
D.K.
,
Avdan
,
U.
:
Optimization-based automated unsupervised classification method: A novel approach
.
Expert Systems with Applications
160
,
113
,
735
(
2020
)
[50]
Orhei
,
C.
,
Bogdan
,
V.
,
Bonchis
,
C.
:
Dilated filters for edge detection algorithms
. arXiv preprint arXiv:2106. 07395 (
2021
)
[51]
Topno
,
P.
,
Murmu
,
G.
:
An Improved Edge Detection Method based on Median Filter
. In
2019 Devices for Integrated Circuit (DevIC)
(
IEEE
,
2019
), pp.
378
381
[52]
Yun
,
T.
,
Jiang
,
K.
,
Li
,
G.
,
Eichhorn
,
M.P.
,
Fan
,
J.
,
Liu
,
F.
,
Chen
,
B.
,
An
,
F.
,
Cao
,
L.
:
Individual tree crown segmentation from airborne lidar data using a novel gaussian filter and energy function minimization-based approach
.
Remote Sensing of Environment
256
,
112
,
307
(
2021
)
[53]
Das
,
S.
,
Roy
,
D.
,
Das
,
P.
:
Disease feature extraction and disease detection from paddy crops using image processing and deep learning technique. Computational Intelligence in Pattern Recognition
.
Advances in Intelligent Systems and Computing
1120
,
443
449
(
2020
)
[54]
Joseph
,
S.I.T.
,
Sasikala
,
J.
,
Juliet
,
D.S.
:
Detection of Ship from Satellite Images Using Deep Convolutional Neural Networks with Improved Median Filter
. In
Artificial Intelligence Techniques for Satellite Image Analysis
(
Springer
,
2020
), pp.
69
82
[55]
Sarkar
,
A.
,
Maniruzzaman
,
M.
,
Ahsan
,
M.S.
,
Ahmad
,
M.
,
Kadir
,
M.I.
,
Islam
,
S.T.
:
Identification and classification of brain tumor from MRI with feature extraction by support vector machine
. In
2020 International Conference for Emerging Technology (INCET)
(
IEEE
,
2020
), pp.
1
4
.
This is an open-access article distributed under the terms of the Creative Commons Attribution 4.0 International License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited. For a full description of the license, please visit https://creativecommons.org/licenses/by/4.0/legalcode.