1. Introduction
The accurate mapping of crop types using satellite imagery is critical for enhancing global food security and managing agricultural resources efficiently. It provides essential insights for precision agriculture, enabling optimized crop management, yield prediction, and land use planning. The use of low-resolution satellite images from Sentinel-1, Sentinel-2, and Landsat satellites (with resolutions between 10 and 30 m) for crop classification is becoming a focal point in scholarly research. The images from these satellites have been widely used for training machine learning models [
1]. A significant challenge in this field is the spatial dependency of data, which is affected by a range of factors like weather, soil quality, and elevation [
2]. These variables are not consistent across different locations and can change from one year to the next, potentially reducing the effectiveness of a model trained on data from a previous year when applied to subsequent years [
3]. Consequently, most research aims to either improve the accuracy of these crop classification models or to enhance their adaptability to diverse conditions, with an emphasis on maintaining spatial consistency and ensuring the models’ relevance over multiple years [
4,
5].
One of the common steps in this model enhancement is labelling (i.e., identifying the types of crops grown on each farm field for the model). Since collecting these data through field surveys or high-resolution images from drones or planes is costly, it is critical to make this process more efficient.
A common method to tackle the data labelling challenge is to fine-tune models trained on past data to match the current year’s conditions using some new data from the current year. This technique has been examined in prior research [
3,
5,
6], but a key detail is often overlooked: the amount of new data required to effectively and accurately update models for crop type classification. While larger new datasets can improve accuracy, it comes with an efficiency cost as gathering large datasets in this field of study requires large surveying or gathering high-resolution aerial imaging, which is cost-intensive labour. On the other hand, smaller-sized labelled datasets may result in low-accuracy models.
In this paper, as a stepping stone toward identifying optimal data size, we compare the different amounts of data needed to transfer a model to a new year while maintaining reliable accuracy. We also seek to find the point where it is more cost-effective to develop a new model instead of adjusting an existing one. Our goal is to specify the data quantity at which a new model surpasses the accuracy of an updated older model. As long short-term memory (LSTM) models are easy to transfer and are proven to be practical in this field [
7,
8], we primarily use this model.
Our approach serves as a valuable benchmark for determining the requisite amount of data for transferring crop type classification models, catering to both academic researchers and industry professionals.
For the completeness of our evaluation, we compare the result accuracy with a conventional random forest model trained using the same data. The random forest models have been used for a long time for crop type classification [
2,
9,
10], so we used them as a comparison to assess the effectiveness and efficiency of our proposed method.
Our paper is structured as follows: In related works, we review existing research on crop type classification, setting the stage for our study. In
Section 2, we detail our methodology, including data collection and the experimental setup. In
Section 3, we present our experimental results, showcasing the performance of our models. In
Section 4, we explain our results and discuss our findings. In
Section 5, we summarize our findings and suggest areas for future research, particularly focusing on improving model transferability and data handling.
1.1. Related Works
In agricultural management and harvest prediction, identifying and mapping crop types is crucial. This process supplies important data to agencies involved in agriculture and insurance. If performed manually, documenting field details like crop type classification is expensive. Remote sensing technology offers a cost-effective solution, enabling the collection of a large amount of data at once and reducing labour costs [
11]. However, on-site data are still needed to create and validate accurate classification models.
Recently, there has been a considerable amount of research work dedicated to crop detection using machine learning. These works can be categorized based on their emphasis on either specific features or specific models to use.
Feature selection: These research works focus on determining the optimal combination of information to enhance model accuracy. They aim to identify which data inputs or features most significantly impact prediction outcomes.
Model selection: These research works delve into experimenting with various models to identify those best suited for different scenarios. The emphasis in this area of study is on finding the most efficient and accurate algorithm or approach for crop classification.
Studies on enhancing generality of the models: In the third category, there are works with a focus on solving specific problems in crop type classification such as the spatial transferability of the models [
4].
In the subsequent three parts, we will review the related work according to the categories outlined above.
1.1.1. Feature Selection
Feature selection is a cornerstone in statistical machine learning. The right choice of features can enhance the performance of models [
10]. This holds for crop type classification as well, where the selection of appropriate features is crucial for accurate identification.
A multitude of papers have been dedicated to this subject, seeking the most effective combination of satellite bands and other pertinent information [
12,
13]. For instance, one of the works by Sonobe et al. [
10] investigated the crop classification potential of data from the Sentinel-1 and Sentinel-2 satellites for the year 2016. Their comprehensive approach included testing various sensors, bands, and models to evaluate the capability of these satellites in the realm of this task.
Another dimension of feature selection in crop classification is the amount of temporal information required for accurate results. The work by Vuolo et al. [
14] delved into this aspect, comparing the effectiveness of single-image versus multi-temporal image datasets for classification tasks. They show that using multi-temporal images improves the accuracy of the model. In other work, Johnson and Mueller [
15] introduced a method for large-scale early-stage crop classification and emphasized finding the earliest time that ensures an acceptable accuracy. Their method shows the importance of using previous data as ground truth to scale the result. Early-stage crop classification [
16,
17] has significant implications, especially for applications like food planning.
It has been shown by many that the combination of Sentinel-1 and Sentinel-2 imagery for crop classification can improve accuracy [
18,
19]. Notably, research by Van Tricht et al. [
13] demonstrated that certain crops are more accurately classified using Sentinel-1 imagery than Sentinel-2.
Unlike other studies in this field that concentrate on the specific features used for model training, our work focuses on the quantity of data required to train or fine-tune a model. This approach makes our method versatile, allowing it to be applied to any model regardless of the features it utilizes.
1.1.2. Model Selection
As mentioned in the previous section, an example of such efforts is the study by Sonobe et al. [
10]. Their work employed four distinct models—random forest (RF), support vector machine (SVM), multilayer feedforward neural networks, and kernel-based extreme learning machine (KELM)—to discern the most effective approach. They showed that the KELM model worked best for their study area. As research evolved, there was a noticeable inclination toward integrating neural network models into the crop classification paradigm. Zhao et al. [
7] undertook an effort in this domain. Their study evaluated three deep learning architectures—1D convolutional neural network (1D CNN), long short-term memory (LSTM), and gated recurrent unit (GRU)—for early-stage crop classification, offering a comparative analysis of their efficacies. They showed that the LSTM model was the best choice for their study area among the three architectures.
Further broadening the horizon of model selection, Zhong et al. [
8] presented a comprehensive comparison involving the XGBoost model and other models including multilayer perceptron, 1D CNN, LSTM, random forest, and SVM. They demonstrated that the best model based on overall accuracy was 1D CNN for their study area, but for specific crops, other models such as XGBOOST had better performance.
In a distinct exploration, Seydi et al. [
20] delved into the potential of the dual attention CNN model for crop type classification, bringing a fresh perspective to the field. One of the more recent contributions by Wang et al. [
21] tackled the challenge of unsupervised domain adaptation. Their innovative approach circumvented the issue of missing labels by adaptively harnessing information from alternate domains.
A major limitation of the previously mentioned studies on machine learning for crop detection is their reliance on data from a single year and a region with consistent conditions. Consequently, the models developed in these studies are only effective in the same year and area where they were trained. The lack of generality in these models has been addressed in various ways by a third group of research works.
1.1.3. Studies on Enhancing Generality of the Models
While the domains of feature and model selection form the backbone of many research endeavours in crop type classification, numerous seminal works transcend these categorizations, addressing specific challenges inherent to the field.
One of the foremost challenges is the potential nontransferability of models across different geographical terrains. It is widely recognized that a model fine-tuned for one specific area might not deliver comparable accuracy when applied to another [
4]. This gives rise to the substantial task of developing models robust enough to classify crops over expansive areas, such as entire countries or continents. The complexities involved in such endeavours are manifold, primarily due to the varied soil types, climatic conditions, and agricultural practices observed across large geographical expanses.
Song et al. [
22] studied large-scale crop type classification. Their effort culminated in the introduction of a novel methodology tailored to classify soybeans across the vast expanse of the United States at a national scale. Such innovations have been mirrored in other regions as well, with notable research being carried out in Brazil [
23] and Europe [
24], further emphasizing the global importance and relevance of this challenge.
Temporal variation presents a unique obstacle in crop type classification. Specifically, the growth patterns of a crop can vary significantly from one year to another, influenced by a multitude of factors such as weather, soil quality, and other agronomic variables. This intrinsic variability implies that a model trained using data from one particular year might fail when applied to data from a subsequent year, even if the geographical region remains consistent [
3].
This temporal transferability challenge remains relatively underexplored, with only a handful of research teams addressing it. Each has brought forth innovative solutions to mitigate the discrepancies caused by year-to-year variations.
A notable study in this domain was conducted by Bazzi et al. [
6]. They ventured into the world of deep learning and employed the concept of knowledge distillation to address this challenge. The essence of their approach laid in creating two models, a Teacher model and a Student model. This framework allowed them to efficiently integrate new data from subsequent years with previously trained models, ensuring continuity and relevance.
Along this direction, Hao et al. [
5] proposed a distinct approach, focusing on the random forest model. They harnessed the power of transfer learning and utilized the Cropland Data Layer (CDL) as training samples. Their findings were promising, demonstrating that the transfer learning method exhibited superior accuracy compared to the standalone training of random forest models.
Extending the conversations from the preceding section, numerous studies have focused on crop type classification within the same year, typically training and applying models on data from a single annual cycle. Distinguishing our work, we target the applicability to industry needs by training our model on data from a preceding year and deploying it for predictions in the following year. We introduce a novel method and demonstrate its efficacy. Also, central to our approach is the goal of minimizing the amount of new year’s data required. This goal has not been discussed by other related works such as [
5,
6]. Such data, typically obtained through surveys or high-resolution image classification techniques, is resource-intensive to gather. Our methodology seeks to optimize this process, ensuring accurate classification with a reduced data footprint.
2. Materials and Methods
Our objective is to determine the minimal amount of data necessary to adapt a machine learning model to a different year’s model. For this purpose, we trained an LSTM model using data from 340 fields in southern Alberta from 2020, and tested its performance on both the same year’s data and on data from 2021, which included 50 different fields representing about 15% of our dataset. The initial results indicated that the model trained only on 2020 data performed poorly on the 2021 data, achieving only 58% accuracy across three classes.
To improve the model’s adaptability, we fine-tuned it with varying amounts of 2021 data and evaluated its accuracy against a similar model that had no prior training. This process involved gathering batches of data with varying field counts per class for fine-tuning the 2020 model and measuring improvements in accuracy on the 2021 test data. For comparison, we also trained LSTM models from scratch with these same batches, and a random forest model to contrast with traditional methods. The LSTM model was selected for its proven suitability for such tasks, as validated by Zhao et al. [
7]. A visual representation of this experimental setup is shown in
Figure 1.
To conduct further experiments, we utilized the pretrained model of 2019 as the base for transferring to the years 2020 and 2021. We performed separate experiments for each year.
To be more precise, let us have the notation
for batches of the data for fine-tuning. The index
k is the number of the fields in the batch where
. We can denote the weights of the previous year’s model as
and
for fine-tuned model weights.
Our goal is to minimize the loss function L for different values on a pretrained LSTM and compare its accuracy with the accuracy of a new LSTM that is trained using the same data. All accuracies are gathered using the test data, which has no intersection with training and validation data.
2.1. LSTM
Long short-term memory recurrent neural networks (LSTM RNNs) are sophisticated frameworks for processing sequences in neural network models [
25]. These networks are ideal for crop classification as the pixel values of satellite images from different dates can be considered as time series. These models consist of two configurations: a many-to-many setup, which produces outputs at each interval in the sequence, and a many-to-one arrangement, yielding an output solely at the sequence’s end. Unlike conventional RNNs, LSTM networks can preserve information over extensive temporal intervals, addressing the traditional difficulties associated with gradient vanishing.
In the context of classification tasks, long short-term memory (LSTM) models excel by leveraging their ability to capture temporal dependencies in sequential data. To adapt an LSTM model for classification, the sequence of hidden states generated by the LSTM layers is typically followed by a fully connected (dense) layer that transforms the LSTM output to a dimensionality that matches the number of classes in the classification task. This transformation is crucial for mapping the rich, high-dimensional features learned by the LSTM to a more interpretable space relevant to the specific classification problem. The final layer of the model employs a softmax activation function, which converts the output of the fully connected layer into a probability distribution over the target classes. The softmax function ensures that the output values are non-negative and sum up to one, making them directly interpretable as class probabilities. This architectural arrangement allows the LSTM model to effectively process and classify sequential data, making informed predictions based on the temporal relationships it uncovers.
Figure 2 shows a visual representation of this architecture.
In the LSTM architecture, the state
at any given time
t is determined by the following formalisms, also visualized in
Figure 3:
The input is passed to the neuron;
The hidden state is derived by the formula ;
The state is updated by applying an activation function f to the hidden state, denoted as ;
The output is then obtained via the transformation ;
where U, V, and W are matrices that correspond to the weights of the network, while b and c serve as bias vectors. The functions f and g typically embody tanh and softmax activations, respectively.
Three distinct gates orchestrate the internal mechanics of the LSTM: the forget gate , the input gate , and the output gate , which are illustrated in the following equations:
Forget gate: ;
Input gate: ;
Cell candidate: ;
Update cell state: ;
Output gate: ;
Update hidden state: .
Here, represents the sigmoid function, and the cell state integrates the past cell state with the current candidate state , modulated by the forget gate and input gate , respectively. The output gate subsequently governs the final state by modulating the cell state with the tanh function.
The visuals in
Figure 3 encapsulate the data flow within an LSTM cell, delineating how the gates selectively filter information throughout the network’s iterative process.
Figure 3.
Diagram of a single LSTM neuron.
Figure 3.
Diagram of a single LSTM neuron.
2.2. Random Forests
Random forests are an ensemble learning method used for classification and regression tasks that operate by constructing a multitude of decision trees at training time. For classification tasks, the output of the random forest is the class selected by most trees. For regression tasks, it is the average prediction of the individual trees.
Each tree in the random forest is built from a sample drawn with replacement (bootstrap sample) from the training set. When splitting a node during the construction of the tree, the best split is chosen from a random subset of the features. This strategy of random feature selection when building trees ensures that the forest is diverse, which typically results in a more robust overall model.
A formal representation of the function employed by a random forest for a regression or classification problem might be given by the following:
where
Y is the output,
X represents the input vector,
f signifies the model built by the random forest, and
denotes the error term or the noise. The model
f itself is the aggregated collection of decision trees
, each contributing a vote or a value:
for a regression problem, or by a majority vote for classification:
Here,
B is the number of trees in the forest, and
is the prediction of the
i-th tree. The individual tree predictions
are either class labels for classification problems or real numbers for regression problems. The final prediction
Y is either the mean prediction (regression) or the mode of the predictions (classification) from all individual trees in the forest. A visual representation of the decision tree and random forest is provided in
Figure 4.
2.3. Dataset
We opted for Sentinel-1 due to its widespread popularity and extensive use in numerous applications, including crop classification and environmental monitoring [
10,
12,
13].
Sentinel-1 is a crucial satellite mission managed by the European Space Agency (ESA), consisting of a constellation of two polar-orbiting satellites. These satellites provide all-weather, day-and-night radar imaging, which is vital for a wide range of applications, from land and ocean monitoring to emergency response and disaster management.
Sentinel-1 operates in a conflict-free operation mode, completing a full cycle every 12 days. The satellite is outfitted with a C-band synthetic aperture radar (C-SAR). It offers four imaging modes: Strip Map (SM), Interferometric Wide-swath (IW), Extra Wide-swath (EW), and Wave (WV). Additionally, the C-SAR is capable of dual-polarization operation, supporting both HH (Horizontal Transmit/Horizontal Receive) + HV (Horizontal Transmit/Vertical Receive) and VV (Vertical Transmit/Vertical Receive) + VH (Vertical Transmit/Horizontal Receive) modes [
26].
We choose to use the IW, which provides dual polarization of VV and VH. This means that every pixel in the dataset images has two bands with the same name of VV and VH, which represents the power of the radar signal that has been reflected back to the satellite after hitting the Earth’s surface. These values are usually stored in digital numbers (DN) by quantizing the continuous analog raw signals into discrete digital values. Hereafter in this paper, the terms “VV” and “VH” will specifically refer to the pixel values measured in the VV and VH polarization bands of the Sentinel-1 imagery.
For our study, we gathered the Sentinel-1 images of 390 fields located in southern Alberta as shown in
Figure 5. This dataset spans three years: 2019, 2020, and 2021. Out of these fields, 50 were randomly selected as the test dataset with a balanced distribution of classes. In these fields, each class has a share of around one-third of the total. Additionally, we randomly designated 20% of the remaining data as the validation set. This validation set is utilized to determine the optimal number of training epochs to avoid overfitting. We monitored our models’ training procedure and stopped the training early when the performance on the validation set began to deteriorate while the training loss continued to decrease. Based on that, we used the epoch count of 10. After that, the entire dataset, comprising the rest of the 340 fields, was employed for further training and fine-tuning of the models.
The number of Sentinel-1 images available for the years 2019, 2020, and 2021 are varying, spanning from 1 March to 1 September. This timeframe covers the entire farming season in Alberta, dictated by the region’s climatic conditions. Available dates of Sentinel-1 images are listed in
Table 1.
As the ground truth, we leverage the Agriculture and Agri-Food Canada (AAFC) [
27] dataset, which provides a comprehensive crop inventory. This dataset, collected by the Government of Canada, is made publicly available on an annual basis and covers the whole agricultural area of Canada. It contains more than 10 different crop types being farmed in Canada. The data are presented as GeoTIFF images with a resolution of 30 m per pixel, as demonstrated in
Figure 6. In this work, we chose the three most-planted crops in south Alberta—canola, barley, and spring wheat—as they cover over 90% of the agricultural areas in this province.
2.4. Sampling
To create a representative sample for both training and testing our models, we employ a sampling strategy that focuses on the central areas of each farm field, which is generally more consistent in terms of crop type presence and avoids the noisier boundary regions where edge effects can occur.
Because our fields have almost the same amount of area, we need to have the same number of data points from each to have an unbiased dataset. On one hand, having a low number of data points will cause not enough variations of data points in different conditions, such as different elevations or soil conditions. On the other hand, having a lot of data points will cause redundancy of data, which can lead to overfitting. Thus, we standardized our approach by sampling 20 pixels from each field. These pixels are chosen randomly, but with a probability density that decreases as the distance from the centre of the field increases. This strategy helps to minimize the inclusion of outlier data that may not be representative of the main crop type within the field.
Figure 7 represents a visualization of the sampling method.
2.5. Features
Since the Sentinel-1 satellite imagery is not captured on consistent dates across different years, using a straightforward temporal array as our feature is not feasible. This is because the same index in a feature array for one year may not correspond to the same calendar day in the array for another year. To address this issue, we developed a uniform feature format that can accommodate data that spans multiple years.
Given the variable time intervals between the Sentinel-1 satellite images, it becomes necessary to fill in missing data to create a consistent model applicable to both years. To achieve this, we employed a linear interpolation method. While other interpolation methods could potentially impact the model’s accuracy, examining these alternatives is out of the scope of this work.
For every pixel and band (either VV or VH), we utilized an array comprising 365 elements, each representing a day of the year, and populated it with pixel values corresponding to specific days. Given that the revisit time of Sentinel-1 is more than six days, it is not possible to have images of the same field in two consecutive days. Therefore, to obtain more compact features, we halved the array’s size. Consequently, every array index i accounts for two days: and .
Also, as the models are sensitive to missing values and we want to use one model for multiple years, we need to interpolate the values for missing data. The problem comes from the fact that the visiting days of the Sentinel-1 satellite are different based on days as it is available in
Table 1. To standardize the data for different years, we linearly interpolated the values between the days to create a consistent representation. One example of available data vs. interpolated feature is visualized in
Figure 8. Additionally, a visual representation of the process is provided in
Figure 9.
Recognizing that farming activities in Alberta are dormant from January through March and September to December, we eliminated these periods from our feature set to further streamline its size. Therefore, the index 0 of the feature array corresponds to the 72nd day of the year (13 March) and the last index is for the 246th day of the year (3 September).
The feature array has a size of 88 (see
Figure 8), and as there are two different bands, the dimensions of the final tensor being passed to the model are 88 by 2.
Also, we created varying batch sizes to assess the impact on the performance of fine-tuned pretrained model. Specifically, we employed batches containing 1, 5, 10, and incrementally up to 40 fields per class, enabling a comprehensive evaluation of model adaptability and efficiency under different data scales.
2.6. Models
Our primary objective was to determine the optimal amount of data required to facilitate the transferability of models across different years. It is crucial, therefore, to employ a model inherently adept at such transfers. Given that artificial neural networks (ANNs) are well regarded for their transferability capabilities [
28], and considering the proven efficacy of long short-term memory (LSTM) models in crop classification tasks [
7], we chose to leverage LSTM for our experiments.
For a comprehensive evaluation, we compared the outcomes of the transferred model against results from the freshly trained LSTM model. This comparison was conducted using varying amounts of transferred data to provide insights into the efficacy and efficiency of each approach.
For our LSTM-based experiments, we adopted the same architecture as proposed by Zhao et al. [
7]. They used the same satellite with the same format of missing data and the number of classes they have is five, which is almost the same as our number of classes. The other reason that we use the same model is that they achieved high accuracy in early-stage crop type classification.
Our model comprises three LSTM layers, each housing 100 units, culminating in a softmax output layer. The number of layers and units is the result of trying different structures and choosing the best one due to the structure of the data [
7]. A visual representation of the model structure is available in
Figure 10.
2.7. Training Procedure
Our primary objective in the first experiment was to adopt a 2020-based model for 2021 crop classification, focusing on predominant crops in Alberta: barley, canola, and spring wheat.
The initial step involved training an LSTM model using the complete 2020 dataset, serving as our foundational model. For the 2021 model adaptation, we prepared distinct batches of data. The initial batch contained data from just one field for each of the three crop types, totalling three fields. Subsequent batches progressively expanded, with each encompassing an additional five fields per crop type, culminating in batches of 1, 5, 10, 15, 20, 25, 30, 35, and 40 fields for every crop. To overcome the bias in data, we repeated the experience four times with different randomization of the fields.
To fine-tune the 2020 model, we kept its original structure and parameters to preserve the learned features and retrained the model on a new batch of data. To achieve this, we employed a reduced learning rate of 0.0001, which is considerably lower than the initial rate of 0.001.
Using these 2021 data batches, we then fine-tuned the 2020 LSTM model. For a comprehensive evaluation, we also trained both an LSTM and a random forest model from scratch using these same batches. Ultimately, we gauged the efficacy of these models using the test dataset. The ensuing results and our conclusions are delineated in
Section 3.
To ensure the reliability of our findings, we repeated the experiment two more times. We fine-tuned a 2019 model using data from both 2020 and 2021 for the same region. We then compared these outcomes with models that were independently trained using 2020 and 2021 data. For each year, we also included two random forest models for comparative analysis.
2.8. Implementation
To implement the experience, we used the Python programming language version 3.10. The data were gathered from the Sentinel Hub website. We used the Keras library version 2.15.0 for LSTM training with the backend of Tensorflow version 2.15.0. Also, the scikit-learn version 1.2.2 was used for training the RF model. For easier maintenance, all the parts were implemented in the Google Colab [
29] environment. Training models from scratch on a parallel system equipped with graphics processing units (GPU) requires approximately 30 min. In contrast, fine-tuning a pretrained model on the same system takes roughly 10 min.
4. Discussion
Our research results show the effectiveness of fine-tuning LSTM models compared to training new models from scratch for annual crop type classification. The results indicate that fine-tuning leads to higher accuracy when fewer data points exist. Expectedly, we found that a fully-trained new model outperforms a fine-tuned model when a larger dataset is available. For example, comparing the transferred model of 2021 from 2020 versus training from scratch for 2021 (see
Figure 11) indicates that when the data are smaller than 20 fields per class (50%) the transferred model maintains higher accuracy levels. In contrast, larger datasets support the development of new models with better performance metrics. Our results for other experiments are generally consistent with this observation (see
Table 2,
Table 3,
Table 4,
Table 5 and
Table 6). Based on these results, using smaller new datasets for fine-tuning is preferred to reduce the cost of surveying and gathering new data. Our results offer a comprehensive understanding of the trade-off between using smaller datasets for per-class fine-tuning and the resulting accuracy. In comparison, Bazzi et al. [
6] used batch sizes of 60, 120, 180, and 240 for their training, which corresponded to an average of 30, 60, and 120 samples per class as they had two classes of irrigated and nonirrigated areas. They stated that for 30 samples per class, the model trained from scratch could not compete with the transferred models. In contrast, we demonstrated that for LSTM models, 30 samples per class are sufficient for training a model from scratch. This difference may arise from the structural differences between the models and the greater flexibility of LSTMs for this task. Unfortunately, they did not provide an analysis for smaller batch sizes.
Furthermore, the results of our study indicate that the accuracy of the 2021 model transferred from 2019 is higher than that of the model transferred from 2020 (as depicted in
Figure 11). This implies that the base model for fine-tuning does not necessarily need to be from the immediately preceding year. Hu et al. [
3] confirmed the same conclusion by training a model from 2020 to 2019. In their method, they fine-tuned RF models using 3741 samples from 2019 for 5 classes. The main model of 2020 was pretrained using 5225 samples. This also highlights the larger amount of data that RF models require for fine-tuning. In comparison, we demonstrate that LSTM models need significantly less data for fine-tuning. In another study by Hao et al. [
5], they transferred RF models using 500 training samples for a region in Alberta for two classes, spring wheat and canola, achieving an overall accuracy of 86%. This also demonstrates the substantial amount of data required for RF models to achieve acceptable accuracy.
Identifying the most appropriate year (or years) for knowledge transfer is a promising research area, especially when there is a more extensive history of remote sensing data. As an insight into this challenge, fine-tuning with smaller datasets is expected to be more effective and adaptable when there are minor changes in environmental and agricultural practices from year to year. This assumption is based on the idea that LSTM models can adapt to new data without the need for extensive retraining as long as the new data do not significantly differ from the original training data in their fundamental characteristics.
Results also indicated that although the random forest model, such as [
3,
5,
7], generally underperforms compared to the LSTM model, it may perform slightly better with small data volumes.
These findings highlight the need to evaluate data adequacy and model selection based on the specific accuracy requirements and available resources. Practically, this means that stakeholders in agricultural data analytics must carefully weigh the cost of data collection against the benefits of improved model performance through more extensive training or fine-tuning.
5. Conclusions
In this paper, we investigated the effectiveness of fine-tuning versus training LSTM models from scratch for crop classification, using several experiments. We fine-tuned several LSTM models using varying amounts of data, starting with models pretrained on 2019 and 2020 data, and then incorporating 2021 data. Additionally, to evaluate a different fine-tuning scenario, we conducted experiments by fine-tuning a model pretrained on 2019 data with 2020 data. In all experiments, we compared the results against LSTM and random forest (RF) models that were trained from scratch. Notably, the advantage of the transferred LSTM models over random forest models became less distinct as data volume increased after the threshold of 15 fields per class. Our analysis also revealed crop-specific trends, suggesting the potential for tailored approaches. This study emphasizes the importance of dataset size and specificity in optimizing model performance for agricultural applications.
While our research did not engage with feature transfer techniques, they represent a noteworthy direction for future exploration. Feature transfer often modifies only the final layers of a network, potentially preserving the majority of the pretrained model’s structure. This method may not induce sufficient model adaptation, particularly in regions like southern Alberta, where crops exhibit closely aligned growth patterns and may thus require more extensive retraining of the model to capture the subtle distinctions necessary for accurate classification. Future studies could investigate the viability of feature transfer in such nuanced agricultural settings. Also, there are several more avenues to explore. One possibility is to investigate other machine learning models and compare their fine-tuning capabilities with LSTMs. Another direction for extension could involve early-stage crop detection, incorporating a time-threshold parameter to introduce an additional dimension to the study. Also, the investigation of finding a method to determine the best base model for knowledge transfer may be a good area to explore.