• Nu S-Au Găsit Rezultate

View of Crop Recommendation for Better Crop Yield for Precision Agriculture Using Ant Colony Optimization with Deep Learning Method

N/A
N/A
Protected

Academic year: 2022

Share "View of Crop Recommendation for Better Crop Yield for Precision Agriculture Using Ant Colony Optimization with Deep Learning Method"

Copied!
12
0
0

Text complet

(1)

Crop Recommendation for Better Crop Yield for Precision Agriculture Using Ant Colony Optimization with Deep Learning Method

1Mythili K ,2Rangaraj R

1Associate Professor and Head, Department of Computer Technology,Hindhusthan College of Arts and Science, Coimbatore ,Tamilnadu.

2Professor and Head, PG and research, Department of Computer science, Hindhusthan College of Arts and Science Coimbatore, Tamilnadu.

Abstract: PAG (Precision Agriculture) is managing farms with the use of IT (Information Technology). PAG can monitor and administer required health to crops and soil thus helping productivity. Agriculturists use traditional recommender systems for farming. This research work proposes a DLT (Deep Learning Technique) recommender system for crops. This study uses gathered historical data of crops and climate for its recommendations. This work’s proposed scheme is a hybrid scheme that uses ACOs (Ant Colony Optimizations) for optimizing DCNN (Deep convolution Neural Networks) and LSTM (Long Short Term Memory) network inputs called (ACO-IDCNN-LSTM) for crop predictions. DCNNs generally achieve high levels of accuracy but involve computational complexities based on the count of layer used in processing. DCNNs adding of weights in its nodes are a major part of complexity increments and hence this work adjusts these weights in training to reduce complex processing. ACOs optimize hyper parameters in training to help reduce complexity in weights and for DCNN predictions on crops. The recommender system produced satisfactory results.

Keywords:Crop Recommendation, Deep learning, Deep Convolutional neural network, Long short- term memory, Crop Yield and Precision Agriculture

1.Introduction

India has been practising natural agriculture for centuries which has been evolving where modern techniques are applied due to globalization. This has also induced ill-health of crops in India [1].

Many systems have proposed farming methods and use of fertilizers based on the land used for farming. Thus, new techniques and technologies like PAG have been proposed for overcoming ill- health of crops. PAG is a “site-specific” farming technology and a recommender system. It has several advantages in terms of farming outputs and crop decisions, but challenges also exist in PAG [2]. PAG recommendations for crops are based on many parameters. PAG aims to identify site- specific parameters in an attempt to resolve issues in crop selections.

Though site-specific methods have enhanced productivity, yet their results need to be supervised as not all PAGs provide accurate results. Agricultural outputs need to be precise as imprecision lead to financial and material losses. Studies have been attempting to improve the efficiency and accuracy of crop predictions [3].Thus this work aims to assess crop yields based on datasets encompassing important parameters including historical data about temperature, humidity, rainfall, and prior crop yields. This work’s contribution is detailed below:

 Initially, the mass of historical crop production data and climate data is gathered and is made to data pre-processing work.

(2)

 Then the prediction model using Improved Deep Convolutional Neural Network with ACO is utilized for crop recommendation and named as ACO-IDCNN. ACO is adopted to determine the optimal architecture of IDCNN sub-models for each group of datasets.

The remainder of this paper is organized as follows. Section 2 describes related work on crop recommendation for crop yield. Section 3 provides a detailed description of the proposed hybrid deep learning model for yield prediction. Section 4 presents the results of the proposed model and compared with existing model. Finally, conclude the paper in section 5 with future work.

2.Related Work

The study in [4] used CNNs (Convolution Neural Networks) for image classifications and built a crop yield prediction model using UAV’s RGB and NDVI data. A multi-level DLT using RNNs (Recurrent Neural Networks) and CNNs was proposed in [5]. The study extracted spatial and temporal features from inputs which included sensed time-series data and properties of soils for modelling their yield outputs. Experimental results of the study proved its effectiveness over other methods. The model was found useful to predicting soybean and winter wheat yields with its decisions.

MLPs (Multi-Layer Perceptrons) were used in [6] for forecasting wheat crop yields and data mining was used to predict district level outcomes. The study used a modified activation function in MLPs neural network. The study used multiple weather parameter datasets with random weights and bias values for its crop yield judgments. CNNs were also used in [7] where related spatial parameters of different features were studied and combined to model nutrient seed management for better yields.

Corn field experimental results were used to form the dataset for CNN training and predictions.

The study in [8] proposed a DRQN (Deep Recurrent Q-Network) model with Q-Learning for crop yield forecasts. RNNs in the study used sequentially stacked layers where the Q- learning network constructed crop yield predictions based on given inputs. A linear layer was used to map RNN outputs to Q-values. The study’s reinforcement learning incorporated a threshold value on a combination of parametric features which were then output to predict crop yields.

DCNNs predicted rice yields in [9]. The scheme estimated ripening stage of rice where CNNs learnt significant spatial crop yield features from high intensity rice crop RGB images. The study in [10]

used DLTs to estimate crop yields using field images as inputs. The images captured in half hour time slots by agricultural camera stations were utilized by DLTs for approximation on crop yields.

RF (Random Forest) and MLPs were used in [11]. The scheme trained on data collected from Karnataka’s four major crops. The inputs included Weather and prior yield data of 30 districts and encompassing minimum/maximum/average pressure, temperature and moisture values. The study [12]

predicted rice yields end-to-end using their scheme called BBI which combined two BPNNs (Back- Propagation Neural Networks) with an IndRNN (Independent RNNs). The study aiming to overcome existing challenges, pre-processed meteorological data and fed into the BPNN/IndRNN framework for extracting intricate spatial and temporal features. BPNNs then combine the two types of features to assess relationships between features and thus predict rice yields in summer and winter seasons.

Thus, it is evident from literature that DLTs are can be used for efficient yield estimation of crops.

3.Proposed Methodology

NNs (Neural Networks) identify primary predictors while CNNs can adapt themselves to crop feature extractions using their hierarchical representative architecture. Using CNNs however, needs experience and prior knowledge posing limitations in its generalization capabilities. Hence, CNNs using ACO has been proposed as a solution to examine crop yield predictions. This scheme gathers

(3)

historical crop and climate data which is pre-processed and used by the proposed scheme to recommend decisions on crops. ACO’s part in the scheme is determining optimal architecture for IDNN-LSTM sub-models created for datasets. The hyper-parameters of IDCNN-LSTM is optimized for refining their cellular structure. The proposed methodology of ACO-IDCNN-LSTM is depicted in Figure 1.

Fig.1. ACO-IDCNN-LSTM based crop recommendation Dataset collection

The study’s data was obtained from two main sources. Climate data was obtained from the Indian water portal. Org (https://www.timeanddate.com/weather/india/new-delhi/historic) while crop yields data was collected from faostat3.fao.org (https://data.world/thatzprem/agriculture-india). The collected climate information had details on recorded rainfall of specific regions while crop yields historical (Monthly/Yearly) data was in a CSV (Comma Separated Values) format. Historical data of six years was taken for this study.

Data pre-processing

Pre-processing is an important step in this study as less important data is a part of climate dataset features. Unimportant information is ignored as a part of pre-processing and only important information is considered. Multiple types of historical data are thus pre-processed and combined.

Climate data features included every month’s Wind Pressure, Maximum/Minimum/Average Temperatures, Dew, Humidity and Wind Pressure. Average Temperature is the generic temperature found in an area for a month, while Maximum temperature depicts the highest recorded temperature in an area and Minimum temperature is the least temperature value in the area. The dataset was split into a sixty-forty combinations where 60% was used in training while testing was done with 40% of data.

Proposed Classification method for crop yield prediction and recommendation This section describes segments of the proposed study of crop yield recommendations. .

DCNN-LSTM model: DLTs compute feature representations while training from datasets where CNNs capture features from consecutive datasets, while LSTM assesses temporal their information.

These feature vectors processed by the LSTM layer is then fed into Softmax classifier layer depicted as a probabilistic function [13] is depicted in the following Equation:

𝑇 𝑦𝑙= 𝑛|𝑥𝑖; 𝑊 = 1 𝑒𝑊𝑡𝑗𝑥𝑖

𝑛𝑗 =1

𝑒𝑊1

𝑗𝑥𝑖

𝑒𝑊2𝑗𝑥𝑖

⋮ 𝑒𝑊𝑛𝑗𝑥𝑖

Where, 𝑇 - 𝑖th training sample in training samples (𝑚) and 𝑗th class in classes (𝑛), 𝑊𝑡𝑗𝑥𝑖 – input weights of Softmax layers. The implementation steps of the model is detailed below:

Input crop production data and climate data

Combinatio n of data called as

pre- processing

Proposed ACO- IDCNN-

LSTM classifier

Crop Classificati

on results

Final crop yield prediction

and recommend ation results

(4)

Stage 1: The pre-processed dataset with only required information forms the input of IDCNN. The convolution layers calculate outputs connected to a corresponding local region in each dataset using a dot product of weights and these regions. This results in an 𝑛-dimensional fully connected feature vector layer.

Stage 2: The 𝑛-dimensional feature vectors produced in stage 1 are fed into LSTM at stage 2, which then trains for extracting sequential temporal features. This results in LSTM’s sequential feature generations.

Stage 3: Stage two’s temporal dataset is processed by the Softmax classifier to generate probabilities for predictions. This processing on time series data helps in representing crop yields that can be recommended. Figure 2 depicts the overall flow of the proposed recommender system for crop yield predictions.

Fig. 2. Method of IDCNN-LSTM models-based crop yield prediction and recommendation IDCNN: Two DCNN parameters are adjusted while training. The first parameter is weights of the fully connected layer while the second is the filter coefficients of convolution layers. The modifications of parameters are executed for enhancing efficiency and improving accuracy of predictions. This works trains on the data using SGDA (Stochastic Gradient Descent Algorithm).

Moreover, this work adjusts convolution layer’s parameters only and this is done to estimate weights without recursions. The proposed steps of IDCNN are detailed in the following steps:

Phase 1: The convolution operation of random initialization for filter coefficients on inputs are computed using the following Equation:

𝑦 𝑚, 𝑛 = 𝑥 𝑖, 𝑗

𝑖,𝑗 =1,2,…,𝑘

∗ 𝑤 𝑖, 𝑗

Where, 𝑦 – resultant matrix,𝑥 - input matrix, and d𝑤 - weight. A value for 4 is used for 𝑘, 𝑚 - input data row size/ weight of row, 𝑛 - input data column size/ Column weight. This process is reiterated for all 3 convolution layers where ReLu activation function is executed after each convolution.

Phase 2: Max pool layer down samples convolution layer outputs in this phase.

 Accuracy

 Precision

 Recall

 f-measure

Softmax classifier

Feature

vector LSTM

models

Feature vector IDCNN

model Dataset pre-

processing Input

data Input

crop dataset

Pre- processed

dataset

IDCNN

𝑓𝑛 LSTM

𝑟𝑛 Output crop yield

prediction and recommendation with comparison

(5)

Phase 3: Multi-column outputs get converted into single column data and fed into the fully connected layer of the network in phase 3.

Phase 4: Conventional DCNNs assume convergence when value higher than 0 is achieved. Phase 4 fixes the convergence value of this study as 0.01.

Phase 5: Phase 5 computes the cross entropy values using the following Equation:

𝐶𝐸 = −1

𝑁 𝑡𝑛log 𝑦𝑛

𝑁

𝑛=1

Where, 𝑡- fully connected network’s target, 𝑦 = 1

1+𝑒𝑜𝑢𝑡𝑡𝑜𝑡, 𝑡𝑜𝑡𝑜𝑢𝑡 = 𝑋𝑊 - output layer’s total, 𝑊- hidden layer’s weight matrix and X - inputs

Phase 6: Phase 6 estimatesoutput layer’s value 𝑦.

Phase 7: This phaseadjust weights output and hidden layers using assuming ∆𝑊𝑗𝑘 is the difference in weights and using following Equations:.

𝑊𝑗𝑘 𝑛𝑒𝑤 = 𝑊𝑗𝑘 𝑜𝑙𝑑 + ∆𝑊𝑗 𝑘

∆𝑊𝑗𝑘 = 𝜕𝛿𝑘𝑡𝑜𝑡𝑜𝑢𝑡, ∀𝜕 = 0.6 → 𝑙𝑒𝑎𝑟𝑛𝑖𝑛𝑔 𝑟𝑎𝑡𝑒 𝛿𝑘 = 𝑡𝑘− 𝑦𝑘 𝑓 𝑡𝑜𝑡𝑕𝑖𝑑

Difference between any two weight must be a minimum for convergence as it cannot be 0, the ideal condition. The estimated output value 𝑕𝑖𝑑𝑡𝑜𝑡 is used to estimated the NET value of output layer and its weights are estimated using Equation (5).

Phase 8: The hidden layer’s total value is estimated using the following Equation 𝕎𝑖𝑗 𝑛𝑒𝑤 = 𝕎𝑖𝑗 𝑜𝑙𝑑 + ∆𝕎𝑖𝑗

Where, 𝕎 – matrix of weights between input and hidden layers

∆𝕎𝑖𝑗 = 𝜕𝛿𝑗𝑡𝑜𝑡𝑕𝑖𝑑, ∀𝜕 = 0.6 𝛿𝑗 = 𝛿𝑗𝑓 𝑡𝑜𝑡𝑕𝑖𝑑

𝑡𝑜𝑡𝑕𝑖𝑑 = 𝑋𝕎

This phase signifies training steps deviates from the output layer.

Phase 9: This phase estimates weights as input and total value are known.

Phase 10: This phase alters the weights of three convolution layers as per phase 7 and 8 directions.

Chain rule differentiation is method is adopted while training. Thus, weight estimations are done without iterations. The phase’s mathematical estimation helps achieve desired objectives in a single iteration, greatly reducing computational complexity and eliminating adjustments of convolution layer filter coefficients values. This also results in avoiding back propagation and re-trains in this IDCNN- LSTM model.

LSTM model: LSTMs can process sequential input data attribute sequences 𝑥1, 𝑥2, … , 𝑥𝑁 where N is the count of attributes. RNNs learn complex temporal information by mapping input sequences to

(6)

hidden and its output sequernces, but have issues in gradients and vanishing of data in long sequences [45]. LSTMs use memory units which helps up-date hidden states with new information. This helps LSTMs while learning long-range dependencies and control information flow levels from a cell.

LSTM models use three gates namely inputs, forget and outputs to control the afore said flow of information also shown in Figure 2. Each memory cell has a sigmoid neural net layer and a multiplication operator. sigmoid layer outputs range in the interval [0,1] specifying the progress of each cell. For any time step 𝑡, a cell’s state is updated using the following Equations:

𝑖𝑡 = 𝐴 𝑊𝑥𝑖𝑥𝑡+ 𝕎𝑕𝑖𝑕𝑡−1+ 𝑏𝑡 𝑓𝑡= 𝐴 𝑊𝑥𝑓𝑥𝑡+ 𝕎𝑕𝑓𝑕𝑡−1+ 𝑏𝑓 𝑜𝑡= 𝐴 𝑊𝑥𝑜𝑥𝑡+ 𝕎𝑕𝑜𝑕𝑡−1+ 𝑏𝑜 𝑔𝑡= 𝑡𝑎𝑛𝑕 𝑊𝑥𝑐𝑥𝑡+ 𝕎𝑕𝑐𝑕𝑡−1+ 𝑏𝑐

𝑐𝑡 = 𝑓𝑡⨂𝑐𝑡−1+ 𝑖𝑡⨂𝑔𝑡

𝑕𝑡= 𝑜𝑡tanh ⨂ 𝑐𝑡

Where, Α – sigmoid activate function defined as 𝐴(𝑥) = 1 + 𝑒 −𝑥 −1, 𝑖𝑡,- Input gate, 𝑓𝑡 – forget gate, 𝑜𝑡 - output gate ,𝑐𝑡 - cell at time 𝑡. 𝑕𝑡,𝑏𝑡,𝑏𝑓,𝑏𝑜 and𝑏𝑐 - offset vectors, 𝑊𝑥𝑖,𝑊𝑥𝑓,𝑊𝑥𝑜,𝑊𝑥𝑐,𝕎𝑕𝑖,𝕎𝑕𝑓,𝕎𝑕𝑜 and𝕎𝑕𝑐 - coefficient matrix. This study’s proposed hybrid model as shown in Figure 1 is a 2 layer LSTM networks for learning from crop dataset features generated by final pooling layer. As per Figure 1, if 𝑓1, 𝑓2, … , 𝑓𝑛 represent 𝑛 features for𝑛attributes in dataset then LSTM layers output the sequence 𝑟1, 𝑟2, … , 𝑟𝑛 which is averaged for the total time period to result in Feature vectors, 𝐹𝑉, depicted by the following equation:

𝐹𝑉 =𝑟1, 𝑟2, … , 𝑟𝑛 𝑛

𝐹𝑉 becomes the input of Softmax layer to identify unwanted features in the input dataset. F stands for mean pooling feature vector using weights {𝑤1, 𝑤2, … , 𝑤𝑛}learned by LSTM layers and 𝑊 represents the parameter vector of the final logistic regression layer.

Hybrid ACO-IDCNN-LSTM: This proposed hybrid technique aims at developing an automatic optimizer based technique that is efficient for classifying tasks.

DCNN Hyper-parameters: The hyper-parameters considered include initial weights, learning rates, activation functions, epochs and iterations. In addition, the convolution layer’s counts, count of kernels and their sizes are also considered as hyper-parameters in this study.

LSTM Hyper-parameters: LSTM hyper-parameters include count of nodes in the hidden layer and count of batches as hidden layer nodes in LSTM directly influence learning results by their non-linear mapping ability and similar to FFNNs (Feed Forward Neural Networks). Selected batch sizes influence computational costs and learning accuracy gradients in data updates.

ACO: This algorithm, modelled on Ant’s behaviour is an excellent optimization algorithm. Ants constantly search for food in a random manner. On finding food they distinctly mark their search paths with pheromone [14]. This amount of pheromone is based on the quality and quantity of the food that is found. Higher concentration of pheromones implies abundance of high-quality food paths.

Other ants find this food based on pheromone concentrations and bring back food to their nests. Thus, pheromone concentrations define shortest/ optimal paths. This concentration also defines the population needed for bringing food. Ants exercise a global search state and if it is the final state, the ants deposit pheromone in the place signalling other ants to follow. Thus, on finding a final state, their activities aim dispersion of pheromones.

(7)

ACO-IDCNN-LSTM: As explained before accuracy of the proposed IDCNN-LSTM model is based on hyper-parameters. The ACO algorithm optimizes hyper-parameters and hence called ACO- IDCNN-LSTM model. The proposed model is applied for estimations of crop yield and thus is a recommender system for crop yields. The hyper-parameters of IDCNN-LSTM are altered by ACO’s global to reach optimality and enhanced performance. The fitness for ant’s positions in this study has been evaluated using f-measure as the objective function. Figure 4 depicts the search and optimization processes of this study which recommends crop yields with its accurate predictions.

Fig. 4. Flowchart of the ant colony and optimization of IDCNN-LSTM 4.Experimental Results and Discussion

This section provides the performance evaluation of proposed research methodology, here the proposed research method ACO-IDCNN-LSTM for crop recommendation system is compared with existing research techniques namely DTs (Decision Trees), KNNs (K-Nearest Neighbours), RF (Random Forest), Neu-Net and PSO-MDNN using the metrics of accuracy, precision, recall and f- measure. The proposed study classifies a sample as positive when correctly classified TP (True

ACO based hyper parameter tuning of IDCNN-LSTM

Input crop dataset

Training dataset (60%)

Testing dataset (60%)

Initialization hyper parameters

of the IDCNN-STM Start

Create ants

Put ants on an entry state

Select next state

Is it final state

Deposit pheromone

Daemon activities

Evaporate and update pheromone

ACO- IDCNN-LSTM model

Stopping criterion is

met

Final crop yield prediction and

recommendation results Yes

Yes

No No

(8)

Positive) and FN (false Negative) if classified as negative. TN (True Negative) stands for negative sample classified as negative while the vice versa is FP (False Positive).

Precision: Represents correctly classified positive crops to the total positives in the dataset, given by the following Equation:

𝑃𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 = 𝑇𝑃 𝐹𝑃 + 𝑇𝑃

Recall: Represents correctly classified crops to total count of positive samples given by the following Equation:

𝑅𝑒𝑐𝑎𝑙𝑙 = 𝑇𝑃 𝑇𝑃 + 𝐹𝑁

F-measure: Also known as 𝐹1-score is the harmonic mean of precision and recall given by:

𝐹 − 𝑚𝑒𝑎𝑠𝑢𝑟𝑒 =2 ∗ 𝑅𝑒𝑐𝑎𝑙𝑙 ∗ 𝑃𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 (𝑅𝑒𝑐𝑎𝑙𝑙 + 𝑃𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛)

Accuracy: Is defined as the ratio between correctly classified crop samples to total crop samples and given as :follows:

𝐴𝑐𝑐𝑢𝑟𝑎𝑐𝑦 = 𝑇𝑃 + 𝑇𝑁 𝑇𝑃 + 𝑇𝑁 + 𝐹𝑃 + 𝐹𝑁 Table: 1. Performance comparison results

Metrics Dec-Tree KNN R-Forest Neu-Net PSO-

MDNN

Proposed ACO- IDCNN- LSTM Accuracy 90.5743 88.1404 91.7180 92.9512 94.9842 95.1833 Precision 86.2837 80.7650 85.0594 80.1179 90.3240 90.8804

Recall 90.0606 88.4942 91.7944 91.4750 95.2698 95.6390

F-measure 88.1317 84.4531 88.2986 85.4206 92.7310 93.1990

Error rate 9.4257 11.8596 8.2820 7.0488 5.0158 4.8167

4.1. Precision Rate comparison

Fig.5 Result of Precision Rate

0 10 20 30 40 50 60 70 80 90 100

Methods

Precision (%)

Dec-Tree KNN R-Forest Neu-Net PSO-MDNN ACO-IDCNN-LSTM

(9)

Figure 5 depicts comparative performances of the benchmarked methods namely DT, KNN, RF, NN and PSO-MDNN with the proposed ACO-IDCNN-LSTM in terms of precision, the graph explains that the precision comparison for the number of datasets in specified datasets. Precision values increased when the datasets increased. Results show that the proposed ACO-IDCNN-LSTM has higher precision values of 95.1833 % when compared to Dec-Tree, KNN, R-Forest, Neu-Net and PSO-MDNN which scored 86.2837%, 80.7650%, 85.0594%, 80.1179% and 90.3240% respectively.

ACO-IDCNN-LSTM method overcomes limitations of traditional models for producing enhanced crop yield accuracies as traditional model’s assumptions result in wide deviations in actual production and hypothetical values.

4.2. Recall Rate comparison

Fig.6. Result of Recall Rate

Figure 6 depicts comparative performances of the benchmarked methods namely DT, KNN, RF, NN and PSO-MDNN with the proposed ACO-IDCNN-LSTM in terms of Recall, the graph explains that the Recall comparison for the number of datasets in specified datasets. Recall values increased when the datasets increased. Results show that the proposed ACO-IDCNN-LSTM has higher Recall values of 95.1833 % when compared to Dec-Tree, KNN, R-Forest, Neu-Net and PSO-MDNN which scored 90.0606%, 88.4942%, 91.7944%, 91.4750% and 95.2698% respectively. ACO-IDCNN-LSTM method overcomes limitations of traditional models for producing enhanced crop yield accuracies as traditional model’s assumptions result in wide deviations in actual production and hypothetical values.

The proposed IDCNN-LSTM is beneficial for neuro evolution as it is scalable and parallizable. It can be used for training any NNs and thus improves its recall values.

4.3. F-measure Rate comparison

Fig.7. Result of F-measure Rate

0 10 20 30 40 50 60 70 80 90 100

Methods

Recall (%)

Dec-Tree KNN R-Forest Neu-Net PSO-MDNN ACO-IDCNN-LSTM

0 10 20 30 40 50 60 70 80 90 100

Methods

F-Measure (%)

Dec-Tree KNN R-Forest Neu-Net PSO-MDNN ACO-IDCNN-LSTM

(10)

Figure 7 depicts comparative performances of the benchmarked methods namely DT, KNN, RF, NN and PSO-MDNN with the proposed ACO-IDCNN-LSTM in terms of f-measure, the graph explains that the f-measure comparison for the number of datasets in specified datasets. f-measure values increased when the datasets increased. Results show that the proposed ACO-IDCNN-LSTM has higher f-measure values of 93.1990% when compared to Dec-Tree, KNN, R-Forest, Neu-Net and PSO-MDNN which scored 88.1317%, 84.4531%, 88.2986%, 85.4206% and 92.7310% respectively.

ACO-IDCNN-LSTM method overcomes limitations of traditional models for producing enhanced crop yield accuracies as traditional model’s assumptions result in wide deviations in actual production and hypothetical values.

4.4. Accuracy comparison

Figure.8. Result of Accuracy

Figure 8 depicts comparative performances of the benchmarked methods namely DT, KNN, RF, NN and PSO-MDNN with the proposed ACO-IDCNN-LSTM in terms of accuracy, the graph explains that the accuracy comparison for the number of datasets in specified datasets. Accuracy values increased when the datasets increased. Results show that the proposed ACO-IDCNN-LSTM has higher accuracy values of 95.1833% when compared to Dec-Tree, KNN, R-Forest, Neu-Net and PSO- MDNN which scored 90.5743%, 88.1404%, 91.7180%, 92.9512% and 94.9842% respectively. ACO- IDCNN-LSTM combining the advantages of IDCNN which extracts features and LSTM which finds interdependence of data and its relevancy automatically thus improving accuracy of crop yield predictions.

Error rate

Figure.9. Result of Error rate

0 10 20 30 40 50 60 70 80 90 100

Methods

Accuracy (%)

Dec-Tree KNN R-Forest Neu-Net PSO-MDNN ACO-IDCNN-LSTM

0 2 4 6 8 10 12

Methods

Error Rate (%)

Dec-Tree KNN R-Forest Neu-Net PSO-MDNN ACO-IDCNN-LSTM

(11)

Figure 9 depicts comparative performances of the benchmarked methods namely DT, KNN, RF, NN and PSO-MDNN with the proposed ACO-IDCNN-LSTM in terms of error rates, the graph explains that the error rate comparison for the number of datasets in specified datasets. error rates values decrease when the datasets increased. Results show that the proposed ACO-IDCNN-LSTM has lower error rate values of 4.8167% when compared to Dec-Tree, KNN, R-Forest, Neu-Net and PSO-MDNN which scored 9.4257%, 11.8596%, 8.2820%, 7.0488% and 5.0158% respectively. ACO-IDCNN- LSTM method overcomes limitations of traditional models for producing enhanced crop yield accuracies as traditional model’s assumptions result in wide deviations in actual production and hypothetical values.

5.Conclusion and future work

In this work, a novel ACO-IDCNN-LSTM scheme combining IDCNN and LSTM with ACO was proposed for the prediction of crop yield and recommendation. Also, a series of hyperparametersof IDCNN-LSTM were selected and optimized using ACO. Experiments were conducted to evaluate the proposed scheme with traditional methods such as Dec-Tree, KNN, R-Forest, Neu-Net PSO-MDNN being baseline models. The hyper parameters of all the methods were optimized to obtain the best results. Due to the capability of extracting features on dataset and different time steps, better efficiency and accuracy were obtained by ACO-IDCNN-LSTM than baseline models. This study provides a potential direction of deep learning methods by integrating different architectures for individual advantages such that reduces the computational complexity to high extent that would be a beneficial contribution to the accurate and stable prediction of crop recommendation. The proposed ACO-IDCNN-LSTM recommender model is found to be effective in recommending a suitable crop.

Future work will focus on auto encoder based deep learning mechanism to obtain better results and explore the application of the proposed scheme on crop dataset.

References

1. Zhao, J. C., &Guo, J. X. (2018, April). Big data analysis technology application in agricultural intelligence decision system. In 2018 IEEE 3rd International Conference on Cloud Computing and Big Data Analysis (ICCCBDA) (pp. 209-212). IEEE.

2. Pudumalar, S., Ramanujam, E., Rajashree, R. H., Kavya, C., Kiruthika, T., &Nisha, J. (2017, January). Crop recommendation system for precision agriculture. In 2016 Eighth International Conference on Advanced Computing (ICoAC) (pp. 32-36). IEEE.

3. Rajak, R. K., Pawar, A., Pendke, M., Shinde, P., Rathod, S., &Devare, A. (2017). Crop recommendation system to maximize crop yield using machine learning technique. International Research Journal of Engineering and Technology, 4(12), 950-953.

4. Kussul, N., Lavreniuk, M., Skakun, S., &Shelestov, A. (2017). Deep learning classification of land cover and crop types using remote sensing data. IEEE Geoscience and Remote Sensing Letters, 14(5), 778-782.

5. Sun, J., Lai, Z., Di, L., Sun, Z., Tao, J., & Shen, Y. (2020). Multilevel deep learning network for county-level corn yield estimation in the us corn belt. IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, 13, 5048-5060.

6. Bhojani, S. H., & Bhatt, N. (2020). Wheat crop yield prediction using new activation functions in neural network. Neural Computing and Applications, 1-11.

7. Barbosa, A., Trevisan, R., Hovakimyan, N., & Martin, N. F. (2020). Modeling yield response to crop management using convolutional neural networks. Computers and Electronics in Agriculture, 170, 105197.

(12)

8. Elavarasan, D., & Vincent, P. D. (2020). Crop yield prediction using deep reinforcement learning model for sustainable agrarian applications. IEEE Access, 8, 86886-86901.

9. Q. Yang, L. Shi, J. Han, Y. Zha and P. Zhu, "Deep convolutional neural networks for rice grain yield estimation at the ripening stage using UAV-based remotely sensed images", Field Crops Res., vol. 235, pp. 142-153, Apr. 2019.

10. Yalcin, H. (2019, July). An Approximation for A Relative Crop Yield Estimate from Field Images Using Deep Learning. In 2019 8th International Conference on Agro-Geoinformatics (Agro-Geoinformatics) (pp. 1-6). IEEE.

11. Shetty, S. A., Padmashree, T., Sagar, B. M., & Cauvery, N. K. (2021). Performance Analysis on Machine Learning Algorithms with Deep Learning Model for Crop Yield Prediction.

In Data Intelligence and Cognitive Informatics (pp. 739-750). Springer, Singapore.

12. Chu, Z., & Yu, J. (2020). An end-to-end model for rice yield prediction using deep learning fusion. Computers and Electronics in Agriculture, 174, 105471.

13. Wang, M., Lu, S., Zhu, D., Lin, J., & Wang, Z. (2018, October). A high-speed and low- complexity architecture for softmax function in deep learning. In 2018 IEEE Asia Pacific Conference on Circuits and Systems (APCCAS) (pp. 223-226). IEEE.

14. Dorigo, M., &Stützle, T. (2019). Ant colony optimization: overview and recent advances. Handbook of metaheuristics, 311-351.

Referințe

DOCUMENTE SIMILARE

Multi-source social media data sentiment analysis using bidirectional recurrent convolutional neural networks. Deep learning for automated sentiment analysis of social

It is clear from this study that diversity in the studied genetic materials of Bambara groundnut exists in each country for genetic improvement of vigour and yield of the crop..

Seeding density is important for the wheat crop, because it directly affects the number of ears per unit area and as a consequence, other yield components such as the number of

The underlying motive of the current investigation is devoted to the efficient categorization of the kind of the soil, based on which the novel technique suggests the crop, in

The deep learning model can be used for crop classification, phenology recognition, disease detection, weed or pest detection, fruit counting and yield prediction.. Kussul

An app is developed using the android studios, that identifies the crop using the image of the field crop which is either directly taken from the field or uploaded from

To find the image classification of weather reports using a convolution neural network and suggest a deep learning algorithm using TensorFlow or Keras.. KEYWORDS: Computer

Multi-Level Thresholding for Image Segmentation on Medical Images Using Multi Otsu and Sine Cosine Optimization Algorithm.. Erukala Mahender 1* ,