Next Article in Journal
Spatiotemporal Dynamics of Trunk-Injected Pesticide Residue for Management of Pine Wilt Disease in Pinus koraiensis
Previous Article in Journal
Construction of a Wi-Fi System with a Tethered Balloon in a Mountainous Region for the Teleoperation of Vehicular Forestry Machines
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improved Prototypical Network Model for Classification of Farmland Shelterbelt Using Sentinel-2 Imagery

1
Aerospace Information Research Institute, Chinese Academy of Sciences, Beijing 100094, China
2
University of Chinese Academy of Sciences, Beijing 100049, China
*
Authors to whom correspondence should be addressed.
Forests 2024, 15(11), 1995; https://doi.org/10.3390/f15111995
Submission received: 30 September 2024 / Revised: 31 October 2024 / Accepted: 4 November 2024 / Published: 12 November 2024

Abstract

:
Farmland shelterbelt plays an important role in protecting farmland and ensuring stable crop yields, and it is mainly distributed in the form of bands and patches; different forms of distribution have different impacts on farmland, which is an important factor affecting crop yields. Therefore, high-precision classification of banded and patch farmland shelterbelt is a prerequisite for analyzing its impact on crop yield. In this study, we explored the effectiveness and transferability of an improved Prototypical Network model incorporating data augmentation and a convolutional block attention module for extracting banded and patch farmland shelterbelt in Northeast China, and we analyzed the potential of applying it to the production of large-scale farmland shelterbelt products. Firstly, we classified banded and patch farmland shelterbelt under different sample window sizes using the improved Prototypical Network in the source domain study area to obtain the optimal sample window size and the optimal classification model. Secondly, fine-tuning transfer learning and learning from scratch directly were used to classify the banded and patch farmland shelterbelt in the target domain study area, respectively, to evaluate the extraction model’s migratability. The results showed that classification of farmland shelterbelt using the improved Prototypical Network is very effective, with the highest extraction accuracy under the 5 × 5 sample window; the accuracies of the banded and patch farmland shelterbelt are 92.16% and 90.91%, respectively. Using the fine-tuning transfer learning method in the target domain can classify the banded and patch farmland shelterbelt with high accuracy, above 95% and 89%, respectively. The proposed approach can provide new insight into farmland shelterbelt classification and farmland shelterbelt products obtained from freely accessible Sentinel-2 multispectral images.

1. Introduction

A farmland shelterbelt is banded or patch forest stand created in or along the edges of farmland and is a type of planted forest ecosystem that can provide a variety of utilities [1,2]. Farmland shelterbelts can not only improve the microclimate of farmland and reduce the adverse effects of natural disasters on farmland through the influence of forest belts on airflow, temperature, moisture, soil, and other environmental factors, but also create an environment conducive to the growth and development of crops and ensure stable and high crop yields [3,4,5,6]. In the process of agricultural modernization, countries around the world regard the farmland shelterbelt system as a key component, especially in the development of ecological agriculture. The construction of farmland shelterbelts plays a crucial and long-term role in improving ecological security and food security [7,8]. Farmland shelterbelt is usually distributed in the form of bands or patches, and their distribution form, area, and structure have different effects and roles on farmland, which are the main factors affecting crop yield [9,10,11,12]. Therefore, rapid and accurate access to the distribution of different forms of farmland shelterbelt is a prerequisite for exploring and analyzing their impact on crop yields and is of great significance for evaluating the protective role of farmland shelterbelts and their effect on improving crop yields.
Field survey is the most accurate method for differentiating farmland shelterbelt, but it consumes huge human, material, and financial resources, especially for differentiating farmland shelterbelt on a large scale. The advantages of remote sensing technology in observing a wide area over a short time and obtaining a large amount of information have caused it gradually to replace the traditional field survey as the main way to identify farmland shelterbelt [13,14,15,16]. In the early stages, farmland shelterbelt was identified by visual interpretation of medium-resolution Landsat imagery [17,18]. Later, with the emergence of high-resolution remote sensing data, this has become the mainstream method to classify farmland shelterbelt by the comprehensive use of spectral, spatial texture, and shape features [19,20,21,22]. At present, the extraction of farmland shelterbelt mainly adopts classification methods, including pixel-based methods such as maximum likelihood, decision tree, and support vector machine, as well as object-oriented classification methods. Wiseman et al. [23] accurately extracted farmland shelterbelt with a 95.8% accuracy by using an object-oriented approach and combining spectral features, shape, texture, and other features of high-resolution aerial images. Liknes et al. [24] utilized 1-m resolution remote sensing imagery combined with an integrated method of image segmentation and random forest to achieve automatic extraction of information on farmland shelterbelt with an accuracy of 84.8%. Based on ZY-3 and Landsat 8 data, combined with spectral and spatial geometric features, Xing et al. [25] comprehensively utilized mathematical morphology and object-oriented methods to realize the rapid and automatic extraction of farmland shelterbelt, and the extraction accuracy was 89.89%. However, the current methods for extracting farmland shelterbelt have certain limitations. Object-oriented approaches have not yet achieved fully automated extraction, while commonly used pixel-based classification methods fail to adequately consider the spatial characteristics of shelterbelt and surrounding features. Both methods lack sufficient transferability and are ineffective in distinguishing between banded and patch farmland shelterbelt. In addition, research on the extraction of farmland shelterbelt is still relatively limited and concentrated on the small scale, and there are few methods applicable to large-scale extraction.
Few-shot learning (FSL) refers to a deep learning task that learns to make accurate predictions by training with a very small number of labeled examples [9,26]. Unlike deep learning networks that are based on a large number of training samples, FSL requires a smaller number of samples. A Prototypical Network is a few-shot algorithm based on metrics, which is mainly used for feature extraction by training a convolutional neural network (CNN), and then the Prototypical Network classifier is utilized to complete the work of few-shot image classification [27]. In the task of classification of farmland shelterbelt, the farmland area is extremely large, which will limit the acquisition of uniformly distributed farmland shelterbelt samples; therefore, the Prototypical Network with its simple structure, fast fitting speed, and transferable learning is suitable for the classification of farmland shelterbelt [28,29]. In the task of classification of farmland shelterbelt, it is difficult to obtain a large number of uniformly distributed samples of farmland shelterbelt due to the very large area of the farmland; therefore, the Prototypical Network with its simple structure, fast training speed, and transferable learning, which is an FSL network, is suitable for the classification of farmland shelterbelt. However, models trained through FSL are particularly susceptible to overfitting [30], which poses a challenge in achieving accurate classification of farmland shelterbelt. Therefore, this study starts from expanding the sample richness and adding feature enhancement to the network model in order to minimize the overfitting phenomenon in the process of extracting farmland shelterbelt.
Here, by comprehensively analyzing the distribution characteristics of two forms of farmland shelterbelt, the advantages and disadvantages of FSL, the issue of model overfitting, and the demand for farmland shelterbelt products, we propose an improved Prototypical Network model, which incorporates data augmentation and a convolutional block attention module, to explore the feasibility of efficiently identifying banded and patch farmland shelterbelt, as well as the potential for producing large-area farmland shelterbelt products. The main objectives of this study are as follows: (a) extract banded and patch farmland shelterbelt with high precision using the proposed improved Prototypical Network; (b) analyze the optimal sample window size for extracting banded and patch farmland shelterbelt; (c) explore the transferability of the extraction model and analyze the feasibility of classification of farmland shelterbelt under different farmland environments to produce a large-scale farmland shelterbelt distribution map.

2. Materials

2.1. Study Area

In this study, Fujin, Youyi, Yi’an, and Hailun in Heilongjiang Province and Fuyu in Jilin Province were used as the study area, as shown in Figure 1. Heilongjiang Province and Jilin Province are located in the northeast of China, with rich arable land resources and fertile land, and are the main distribution areas of black soil in China. In the northeast of Heilongjiang Province is the Sanjiang Plain, and in the west is the Songnen Plain, with a cultivated area of about 17,195,400 hectares. The central part of Jilin Province is the Songliao Plain, with a cultivated area of 7.03 million hectares [31]. Both provinces have a temperate monsoon climate with four distinct seasons and simultaneous rain and heat. Heilongjiang Province and Jilin Province, with corn, rice, and soybeans as the main food crops, are important grain production bases in China [32]. Farmland shelterbelt is widely distributed in the cultivated areas, in the form of banded or patch farmland shelterbelt, and the tree species of the farmland shelterbelt are mainly poplars (Populus L.).
Fujin is used as the study area for the source domain for model training, and Youyi, Yi’an, Hailun, and Fuyu are used as the study areas for the target domain for transfer learning. The complexity of farmland scenarios in different study areas varies; the farmland environment is highly differentiated, and the distribution of farmland shelterbelt has some similarity but is characterized by its own features.

2.2. Satellite Data and Pre-Processing

Satellite images from Sentinel-2 were used to identify banded farmland shelterbelt and patch farmland shelterbelt in complex farmland environments. The Sentinel-2 data has 13 bands covering the visible and near-infrared regions, with resolutions ranging from 10 m to 60 m. In this study, we used bands with spatial resolutions of 10 m (blue, green, red, and near infrared) and 20 m (red-edge 1, red-edge 2, red-edge 3, narrow NIR, short-wave infrared 1, and short-wave infrared 2).
Cloud-free Sentinel-2 Level-1C images were acquired from the Copernicus Open Access Hub (CSDB, https://scihub.copernicus.eu/ (accessed on 11 October 2023)) over the five study areas. The image acquisition dates covering the study areas of Fujin, Youyi, Fuyu, Hailun, and Yi’an are as follows: 29 May 2020; 17 May 2021; 28 May 2023; 9 June 2022; and 28 May 2023. The Level-1C products provided Top-of-Atmosphere reflectance after ortho-rectification and sub-pixel multispectral registration. The Level-2A products giving Bottom-of-Atmosphere reflectance were obtained by atmospheric correction, and the bands with 20-m resolution were resampled to 10-m resolution. Then, the image covering the study area was obtained by splicing and clipping.

2.3. Sample Point Collection

The field survey was conducted in April 2022 in the study area. Samples of banded farmland shelterbelt, patch farmland shelterbelt, road, water, building, crop, and other land-use types were collected, among which all categories except banded and patch farmland shelterbelt were classified into the others category. Combined with the field survey sample points and visual interpretation, sample points of banded farmland shelterbelt, patch farmland shelterbelt, and others were selected in each of the five study areas. The specific number of sample points is shown in the Table 1. Details of the sample data construction method based on the sample points are described in Section 3.2 and Section 3.4.

3. Method

3.1. Overview

In this study, we carried out the classification of farmland shelterbelt based on the improved Prototypical Network constructed; the main research process was as follows: First, in the source domain, the improved Prototypical Network was used to classify banded and patch farmland shelterbelt under different sample windows, aiming to identify the optimal sample window size and the best model. Then, the optimal model was transferred to the target domain to explore the transferability of the constructed network. The specific technical flowchart is shown in Figure 2.

3.2. Architecture of the Improved Prototypical Network

We constructed a classification framework suitable for classifying farmland shelterbelt, which was based on the classification principles of the Prototypical Network and incorporated methods such as data augmentation and a convolutional block attention module (CBAM). Our overall framework is shown in Figure 3.

3.2.1. Prototypical Network

The Prototypical Network is a simple and efficient metric-based classification method for few-shot learning based on the idea of embedding, where the points of each class are clustered around a prototype. The Prototypical Network is modeled by subsampling classes and data points to simulate multiple one-shot tasks; that is, it can be thought of as an N-way K-shot classification problem, where N denotes the class and K denotes the number of samples in each class [27]. In the Prototypical Network, the sample data are divided into a support set and a query set. The support set is used to update the parameters of the prototype, that is, to calculate the prototype. The query set is used to verify the strengths and weaknesses of the algorithm and determine the best algorithm, that is, the optimization prototype.
The basic principle of the Prototypical Network is to map the data to a representation space by training an encoder, and then classify them using a parameter-free decoder. Specifically, each image in the support set is processed through an encoder to extract information, resulting in an embedding vector representation for each image. Then, the embedding of each class in the support set is averaged to obtain a prototype representation for each category, referred to as the class prototype [30]. The same encoder is applied to the query set images, producing an embedding vector for each query image. The similarity between the query image’s embedding and the class prototype is then calculated, which constitutes the parameter-free decoding process. The Softmax function is used to convert the similarity into a probability distribution, and the class with the highest similarity is predicted as the class of the query set.

3.2.2. Data Augmentation

Models trained for FSL are particularly prone to overfitting, and addressing overfitting to improve model generalization potential is a central theme in small-sample modeling. Data augmentation directly exploits important invariants of the data to improve model performance [33,34]; commonly used data augmentation methods are SamplePairing, CutOut, RandomErasing, GridMask, MixUp, and CutMix. Analyzing the distribution characteristics of farmland shelterbelt, this study adopted MixUp and the improved CutMix method for data augmentation, aiming at enriching the farmland scene around the farmland shelterbelt target, improving the representativeness and richness of the sample data of the banded farmland shelterbelt and patch farmland shelterbelt, and obtaining a model with good generalization performance.
MixUp is a data-independent and simple data enhancement method, which randomly selects two vectors of training samples and their corresponding labels and uses linear interpolation to generate a new vector and the corresponding label as the enhanced data, that is, to construct a virtual sample [35]. The specific formula is as follows:
x ˜ = λ x i + ( 1 λ ) x j
y ˜ = λ y i + ( 1 λ ) y j
where x i , x j are raw input vectors, y i , y j are one-hot label encodings ( x i , y i ) , and ( x j , y j ) are two samples randomly selected from the training data and λ ∈ [0, 1].
MixUp can be used both between samples of the same class and can operate between samples of a different class. In this study, MixUp was only used between samples of the same class to ensure that the new samples generated retained the original labels. In addition, the value of λ was set to 0.5.
The CutMix method involves mixing two samples directly at the pixel level of the image, randomly selecting two images, and randomly cropping a rectangular region from each image, exchanging the two cropped regions to synthesize a new image, and the new image labels are computed using the weighted average of the area of the two original image-labeled cropped regions [36]. The CutMix is a randomly cropped rectangular region for exchange synthesis. However, the samples in this study were all labeled at the center point, so we used an improved CutMix method [37]. This method retains the center pixel and sets the cropped rectangular region as the center, as shown in Figure 4. This increases the richness of the samples and helps to improve the stability and generalization of the model. In this study, the size of the rectangular region is set to be (z − 2) × (z − 2), and z is the size of the sample window.

3.2.3. Convolutional Block Attention Module

A convolutional block attention module (CBAM) can be applied to any CNN. The CBAM is able to pay attention to both the channel and spatial dimensions of the deep feature map, and achieves adaptive feature refinement by multiplying the input features with the attention maps obtained by sequential inference in the two dimensions [38]. A CBAM can be seamlessly integrated into other CNNs for efficient feature extraction and end-to-end model training [39], and, due to its lightweight nature, the model inference overhead from module integration is negligible [40,41]. The application of a CBAM to the classification of farmland shelterbelt aims to spatially realize fine and efficient feature extraction, improve the efficiency of feature extraction on images, and enhance the classification performance. A CBAM divides the attentional process into two separate parts, in the order of the channel attention module followed by the spatial attention module. In this study, the CBAM is placed directly in the convolutional block and is used to enhance feature extraction.

3.2.4. Improvement of the Prototypical Network Algorithm

The improved Prototypical Network model constructed in this study consists of three parts, that is, data augmentation, image encoder, and loss function. Among them, the data augmentation part uses MixUp and improved CutMix methods; the order of MixUp and improved CutMix is randomized, and all the data augmentation methods are only applicable to the query set and not to the support set. The image encoder part is composed of multiple convolutional blocks; the number of convolutional blocks (Layer 1… Layer N) depends on the window size of the input data. Each convolutional block consists of two convolutional layers (Conv2d) with 3 × 3 windows, two batch normalization layers (Batch_norm), two nonlinear activation functions (Relu), one maximal pooling layer (Max_pool2d), and one CBAM. The fully connected layer (Flatten), which takes the output of the last convolutional block (1 × 1 × F) as input, is transformed into F eigenvalues by the Flatten. The Euclidean distance from the query set to each class prototype in the projection space is computed, and the probability of belonging to each class is computed as a basis for categorization using the Softmax activation function. Taking a sample with a window size of 5 × 5 as an example, the network structure is shown in Table 2. The loss function is shown in Equations (3) and (4) [37]:
L l o s s = log exp d f x i , c x i k = 1 N c exp d f x i , c k
c k = 1 N s x i S k f x i
where c k represents the prototype of each class; S k is the support set of the class k; f represents the embedding function; c x i is the prototype to which class sample x i belongs; N c , N s represent samples and support samples of each class, respectively; and d is the squared Euclidean distance.
In this study, the improved Prototypical Network was trained using Fujin as the source domain (Experiment A) to evaluate the effectiveness of the constructed Prototypical Network for the classification of farmland shelterbelt. At the same time, to better demonstrate the effectiveness of the used architecture incorporating data augmentation and the CBAM (Experiment B), we also conducted experiments comparing different Prototypical Network architectures (Table 3).
Considering the shape (width, length, etc.) of the banded and patch farmland shelterbelts and their location in relation to the surrounding features, window size starts from 3 × 3 and increases sequentially in 20-m steps to 15 × 15, comparing the effects of different window samples on extraction accuracy and finding the optimal window applicable to the classification of banded and patch farmland shelterbelt.
The sample dataset is based on the remote sensing image used, centered on the screen coordinate of the longitude and latitude of the sample point and clipped with different window sizes from 3 × 3 to 15 × 15. Then, a sample data set consistent with the number of sample points was obtained in different window sizes.
The sample data of Fujin were divided into training samples and test samples in a ratio of 3:1. The initial learning rate was set to 5 × 10−4, and at every 2000 training iterations the learning rate was halved.

3.3. Random Forest and Support Vector Machine

Random forest (RF) is a commonly used non-parametric machine learning algorithm. When RF deals with classification problems, each decision tree (DT) in RF is a classification tree, and for each test sample, each DT in the forest will give the final category; then, the output categories of each DT within the forest are considered together to decide the category of the sample by voting.
A support vector machine (SVM) is a supervised learning algorithm commonly used for classification and regression, with unique advantages in handling few-shot sample, non-linear, and high-dimensional pattern recognition. The core idea is to find an optimal hyperplane in the feature space that separates samples of different classes. An SVM uses a kernel function to map input data into a high-dimensional feature space, making data that were originally linearly inseparable become linearly separable in the new space. Commonly used kernel functions include the polynomial function, neural network kernel function, Gaussian radial basis function, and sigmoid function.
In this study, the same training and validation sets were used in the study area of Fujin in the source domain, and the RF algorithm and SVM algorithm were used for the classification of banded and patch farmland shelterbelt (Experiment C). The two parameters for the RF algorithm, the number of variables preselected at the tree node (mtry) and the number of trees in a forest (ntree), were set to 2 and 2000, respectively.
For the SVM, we used the Gaussian radial basis function and set gamma in the kernel function and the penalty parameter to 0.025 and 100, respectively.

3.4. Transfer Learning

There are two ways of model training, learning from scratch and transfer learning. Transfer learning, as the name suggests, is transferring the parameters of an already learned and trained model to a new model to help train the new model [42]. The benefit is that instead of starting over to design and train a completely new network, the training is based on an already trained network model, on which parameter and knowledge migration is performed, requiring only a small amount of computational resource overhead and training time to achieve support for new tasks [43,44]. The core methods of transfer learning mainly include feature reuse, fine-tuning, and domain adaptation. Fine-tuning refers to adjusting some parameters of a pre-trained model to adapt it to a new task. This is the transfer learning of the model, typically faster and more accurate.
In this study, a fine-tuning transfer learning approach was used to migrate the model for classification of farmland shelterbelt obtained from training in Fujin City, which was the source domain, to the target domain including Hailun, Yi’an, Youyi, and Fuyu (Experiment D). The specific implementation method was as follows:
(1) Construct the sample set of the target domain. Based on the optimal window size s obtained from the training in the source domain (Fujin), the images of the four target regions were cropped according to the s × s window to construct the sample set, and the sample set was divided into a training set and a validation set in the ratio of 1:2.
(2) Model fine-tuning. The optimal model obtained based on source domain training was fine-tuned using the training set of the target region. All parameters of Convolution Block 1 were frozen and the parameters of Convolution Block 2 were fine-tuned.
(3) Accuracy evaluation. The accuracy of the fine-tuned model was evaluated using the validation set of the target domain, and the distribution map of the farmland shelterbelt in the target domain was obtained.
In addition, in order to evaluate the effect of transfer learning, this study conducted model training by learning from scratch in each of the four target regions, and evaluated the classification accuracies of banded and patch farmland shelterbelt in each target region.

3.5. Validation

In order to evaluate the accuracy of the model in classifying the banded and patch farmland shelterbelt, OA, kappa coefficient (Kappa), producer accuracy (PA), and average accuracy (AA) were utilized as the evaluation indexes.
O A = i = 1 n N i i M
K a p p a = M i = 1 n N i i i = 1 n N i + × i = 1 n N + i M 2 i = 1 n N i + × i = 1 n N + i
P A = N i i N i +
A A = i = 1 N P A n
where M and n represent the total number of samples and categories in the dataset, respectively. For the i-th category, Nii, N+i, and Ni+ represent the number of correctly classified samples, reference samples, and total classified samples (including correctly classified samples and misclassified samples), respectively.

4. Results

4.1. Performance of the Farmland Shelterbelt Extraction

The results for farmland shelterbelt using the improved Prototypical Network are shown in Table 4. The classification accuracy is good regardless of the window size, where OA and kappa are greater than 90% and 0.85, respectively. In the classification results, the accuracy of banded farmland shelterbelt, patch farmland shelterbelt, and others varies with the change of window size. The overall trend of other and patch farmland shelterbelt is that with the increase of window size, the precision (PA) first increases, then decreases, and then increases to a stable state. The precision of banded and patch farmland shelterbelt first increases and then decreases, and then tends to be stable with the increase of the window size. Among them, the classification accuracy of others is the highest, and for farmland shelterbelt, with 3 × 3 to 11 × 11 window size, the accuracy of banded farmland shelterbelt is higher than that of patch farmland shelterbelt. The result is reversed with windows size greater than 11 × 11 (13 × 13, 15 × 15). Considering that the objective of this study is to achieve the classification of farmland shelterbelt, that is, the classification of different forms of farmland shelterbelt, we take the accuracy of banded and patch farmland shelterbelt as the main criterion, and also take into account the accuracy of other land types; therefore, 5 × 5 is determined as the best sample window size for farmland shelterbelt classification, and the model obtained under this sample window size is the optimal classification model, with banded and patch farmland shelterbelt having an accuracy of 92.16% and 90.91%, respectively.
Table 4, Table 5, Table 6 and Table 7 show the classification results of farmland shelterbelt using different Prototypical Network architectures. The improved Prototypical Network achieves the highest accuracy in extracting banded and patch farmland shelterbelt, while the Prototypical Network without the integration of data augmentation and CBAM performs the worst. On the whole, whether integrating data augmentation alone or the CBAM alone, the classification accuracies for banded and patch farmland shelterbelt are all significantly improved, especially the integration of data augmentation. All of these demonstrate the effectiveness of the improved Prototypical Network in the classification of farmland shelterbelt.
Based on the obtained optimal classification model, the farmland shelterbelt of the whole of Fujin was classified, and the distribution map is shown in Figure 5. The classification results of banded and patch farmland shelterbelt are basically consistent with the actual situation, indicating that banded and patch farmland shelterbelt are effectively distinguished. As can be seen by observing the detailed magnified map, the method used in this study is able to identify banded farmland shelterbelt with different lengths such as a single tree, several trees, and a row of trees, as well as patch farmland shelterbelt with different area sizes.

4.2. Extraction Results for RF and SVM

We used the same sample training set and testing set to classify banded and patch farmland shelterbelt using RF and the SVM in the source domain, Fujin study area, as shown in the Table 8. The results show that not only the overall classification accuracies of the two algorithms are lower (OA, Kappa), but also the accuracies of banded farmland shelterbelt, patch farmland shelterbelt, and others are all low. For RF, the accuracies for banded and patch farmland shelterbelt were 83.72% and 80%, respectively; for the SVM, the accuracies for banded and patch farmland shelterbelt were 82.61% and 73.17%, respectively. These figures indicate that banded and patch farmland shelterbelt cannot be effectively distinguished and classified using the RF and SVM algorithms.

4.3. Effectiveness of Transfer Learning in Different Regions

Based on the analysis that the optimal sample window size is 5 × 5, the sample datasets for each of the four target regions were constructed. On this basis, the optimal classification model obtained from the source domain training was utilized for fine-tuning transfer learning, as well as training from scratch directly; the results of the two methods for classifying the farmland shelterbelt are shown in Table 9.
Using a small number of samples to fine-tune the obtained model in the four target regions for the classification of farmland shelterbelt, the overall classification accuracy remained high, with high accuracy for both banded and patch farmland shelterbelt. The accuracy of banded and patch farmland shelterbelt using the transfer learning method was significantly higher than the accuracy of learning from scratch in the target area, except for the banded farmland shelterbelt in the Youyi study area, which indicates that the transfer learning method through fine-tuning can effectively identify the banded and patch farmland shelterbelt, and that the transfer learning method through fine-tuning can learn more, which can help to improve the classification of farmland shelterbelt. The classification accuracy of the four target study areas was over 96% for banded farmland shelterbelt and over 89% for patch farmland shelterbelt. This indicates that the improved Prototypical Network is a practical tool for large-scale monitoring of farmland shelterbelt, enabling rapid, high-accuracy monitoring at the regional scale and providing data support for the management and configuration of farmland shelterbelt.
The distribution maps of the four target areas are shown in Figure 6, Figure 7, Figure 8 and Figure 9. By comparing the classification results with the Sentinel-2 image data, the extracted banded farmland shelterbelt and patch farmland shelterbelt are basically consistent with the actual distribution, which further illustrates that the transfer capability of our proposed method is strong, and that this method is fast and suitable for the production of fine products related to large-scale farmland shelterbelt.

5. Discussion

The improved Prototypical Network constructed in this study belongs to FSL, which relies on only a small number of samples to complete the training of a model, and is applicable to the situation where it is difficult to obtain a large number of farmland shelterbelt samples in a regional-scale farmland scenario; it reduces the workload of sample data collection, and helps the classification model to be applied to practical production work. In the task of classification of farmland shelterbelt, due to the complexity of the farmland scene and the large differences in distribution patterns of different forms of farmland shelterbelt, the representativeness and richness of the small amount of sample data obtained may not be good enough, which leads to overfitting of the classification model. In this study, improvements were made in terms of data augmentation and feature enhancement to alleviate the overfitting problem of the model, especially the inclusion of data augmentation methods. The MixUp and improved CutMix methods used in this study, compared with the commonly used methods such as rotation and flipping, fully consider the distribution characteristics of banded and patch farmland shelterbelt, which helps to increase the scenarios of farmland shelterbelt samples and enrich the representativeness and diversity of the sample data in order to enhance the generalizability of the model.
For the improved Prototypical Network constructed, the size of the input sample window is variable, and the number of layers of the network increases or decreases with the size of the input sample window. The sample window not only considers the spectral information of the sample point itself, but also fully considers the spatial information of the sample point and the surrounding features. The size of the sample window has a great influence on classification accuracy [30]. Different features have their own unique spatial distribution characteristics, and an appropriate sample window size can effectively reflect the features and improve classification accuracy. In this study, by comparing and analyzing the extraction accuracy of different sample window sizes, it was determined that the 5 × 5 sample window is the optimal window size for extracting the banded farmland shelterbelt and patch farmland shelterbelt, which also indicates that the 5 × 5 window range, corresponding to a ground range of 50 m × 50 m, can effectively reflect the spatial distribution information of banded and patch farmland shelterbelt and the surrounding features.
Other researchers have also conducted studies on the classification of farmland shelterbelt. Deng et al. [45] utilized the decision tree method to extract the farmland shelterbelt through spectral curve analysis, principal component transform analysis, and shape index analysis based on the TM image in Dehui city of Jilin Province, and the results showed that the accuracy was 85.52%. Wang et al. [46] used the multispectral data of a UAV to extract farmland shelterbelt based on the Deeplabv3+ semantic segmentation model in the 3rd Division of Xinjiang Production and Construction Crops; the MIoU of farmland shelterbelt derived from the Deeplabv3+ was 85.54%. Lei et al. [47] used four quarters of Landsat 8 OLI time series data as the data source and mixed vegetation phonological characteristics, water, and vegetation index together, gradually extracting and masking other land features and combining the idea of hierarchical classification in the study area, and ultimately achieved the extraction of farmland shelterbelt; the accuracy of farmland shelter forest reached 85.93%. The performance of banded and patch farmland shelterbelt extracted by our proposed method is obviously better. This shows the superiority of our method in distinguishing and extracting the banded and patch farmland shelterbelt, and realizes for the first time the classification of farmland shelterbelt with end-to-end automation, which is helpful for the subsequent detailed analysis of the distribution, morphology, and other factors of the farmland shelterbelt on the impact of yield at a large scale. However, there are still some limitations in our method, and it was found from the obtained distribution map of the farmland shelterbelt that the edge of the patch farmland shelterbelt was more likely to be incorrectly classified into the banded farmland shelterbelt because its distribution characteristics were similar to those of the strip shelterbelt. Therefore, further optimization should be carried out in relation to this problem in subsequent research.
Based on the optimal model obtained by training in the source domain, this study carried out transfer learning in the target domain using a small number of samples for fine-tuning, and all obtained very good extraction results, with the accuracies of banded and patch farmland shelterbelt above 95% and 89%, respectively, and basically higher than that of the model learned from scratch directly in the target domain. This indicates that the improved Prototypical Network model that we constructed has strong transferability, and also further indicates that the improved Prototypical Network is almost free of the overfitting phenomenon. The workload of sample data collection as well as the training time of the model can be greatly reduced by transfer learning, which is beneficial to the production of farmland shelterbelt maps at a large scale, such as at provincial scale and above. The high-quality production of farmland shelterbelt maps is the basis for exploring the role of banded and patch farmland shelterbelt in regional crop yield, and the timely understanding of the distribution of farmland shelterbelt rationally adjusts the configuration structure of banded and patch farmland shelterbelt, improves the protective benefits of farmland shelterbelt, supports the continuous improvement of the comprehensive production capacity of food, and safeguards national food security.

6. Conclusions

In this work, we propose an improved Prototypical Network model incorporating data augmentation and a CBAM for the classification of farmland shelterbelt based on Sentinel-2 data. The improved Prototypical Network was utilized to classify banded and patch farmland shelterbelt under different sample window sizes, and the optimal sample window size of 5 × 5 was determined, under which the banded and patch farmland shelterbelt were classified with the highest accuracy of 92.16% and 90.91%, respectively. This indicates that the few-shot method used can effectively realize the classification of farmland shelterbelt and solve the problem of sample data collection limitation. On this basis, the best classification model was transferred to the target domain, and the fine-tuning method was used to optimize the model; the results showed that the transfer learning method of classifying the farmland shelterbelt was all very effective, and the accuracies of the banded and patch farmland shelterbelt in the four target study areas were above 95% and 89%, which were significantly higher than the results obtained by training from scratch directly in the target domain. This suggests that the proposed model has strong transferability, alleviates overfitting problems, and has the potential to produce fine products on farmland shelterbelt at a large scale. Overall, this study proposes a feasible method for classification of farmland shelterbelt, which can increase the richness of sample data and alleviate the overfitting problem by utilizing data augmentation and a CBAM. In the future, based on the large-scale banded and patch farmland shelterbelt products obtained by this method, our work will focus on exploring the specific influence of banded and patch farmland shelterbelt on crop yields, in order to further adjust the configuration structure of the farmland shelterbelt and to improve the protective effect.

Author Contributions

Y.W. proposed the methods, completed the experiments, and wrote the paper. Y.Z. and X.D. modified the manuscript and proposed comments related to the experimental design. Y.S. and Y.D. provided valuable suggestions on the writing of the paper. Q.L. and H.W. modified and directed the writing of the paper. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Key R&D Program of China (2021YFD1500103), the Strategic Priority Research Program of the Chinese Academy of Sciences (XDA28070504), the National Science Foundation of China (42071403), and the Key Program of the High-Resolution Earth Observation System (71-Y50G10-9001-22/23).

Data Availability Statement

Data are contained within the article.

Acknowledgments

The authors would like to thank Sichen Zhang, Yunqi Shen, and Sifeng Yan from the University of Chinese Academy of Sciences for their assistance in data collection.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

FSL: few-shot learning; CNN: convolutional neural network; CBAM: convolutional block attention module; RF: random forest; DT: decision tree; OA: overall accuracy; Kappa: kappa coefficient; PA: producer accuracy; AA: average accuracy.

References

  1. Kort, J. Benefits of windbreaks to field and forage crops. Agric. Ecosyst. Environ. 1988, 22–23, 165–190. [Google Scholar] [CrossRef]
  2. Yang, D.; Liu, W.; Wang, J.; Liu, B.; Fang, Y.; Li, H.; Zou, X. Wind erosion forces and wind direction distribution for assessing the efficiency of shelterbelts in northern China. Aeolian Res. 2018, 33, 44–52. [Google Scholar] [CrossRef]
  3. Abdalazeem, M.E.; Hassan, H.; Asawa, T.; Mahmoud, H. Impact of windbreak design on microclimate in hot regions during cold waves: Numerical investigation. Int. J. Biometeorol. 2024, 68, 1315–1326. [Google Scholar] [CrossRef] [PubMed]
  4. Fang, H. Quantifying farmland shelterbelt impacts on catchment soil erosion and sediment yield for the black soil region, northeastern China. Soil Use Manag. 2021, 37, 181–195. [Google Scholar] [CrossRef]
  5. Grala, R.K.; Colletti, J.P. Estimates of additional Maize (Zea mays) yields required to offset costs of tree-windbreaks in Midwestern USA. Agrofor. Syst. 2003, 59, 11–20. [Google Scholar] [CrossRef]
  6. Haddaway, N.R.; Brown, C.; Eales, J.; Eggers, S.; Josefsson, J.; Kronvang, B.; Randall, N.P.; Uusi-Kämppä, J. The multifunctional roles of vegetated strips around and within agricultural fields. Environ. Evid. 2018, 7, 14. [Google Scholar] [CrossRef]
  7. Smith, M.M.; Bentrup, G.; Kellerman, T.; MacFarland, K.; Straight, R.; Ameyaw, L. Windbreaks in the United States: A systematic review of producer-reported benefits, challenges, management activities and drivers of adoption. Agric. Syst. 2021, 187, 103032. [Google Scholar] [CrossRef]
  8. Weninger, T.; Scheper, S.; Lackóová, L.; Kitzler, B.; Gartner, K.; King, N.W.; Cornelis, W.; Strauss, P.; Michel, K. Ecosystem services of tree windbreaks in rural landscapes—A systematic review. Environ. Res. Lett. 2021, 16, 103002. [Google Scholar] [CrossRef]
  9. Baker, T.P.; Moroni, M.T.; Hunt, M.A.; Worledge, D.; Mendham, D.S. Temporal, environmental and spatial changes in the effect of windbreaks on pasture microclimate. Agric. For. Meteorol. 2021, 297, 108265. [Google Scholar] [CrossRef]
  10. Liu, Y.; Li, H.; Yuan, F.; Shen, L.; Wu, M.; Li, W.; Wang, A.; Wu, J.; Guan, D. Estimating the impact of shelterbelt structure on corn yield at a large scale using Google Earth and Sentinel 2 data. Environ. Res. Lett. 2022, 17, 044060. [Google Scholar] [CrossRef]
  11. Tian, H.; Wang, H.; Lyu, X.; Li, X.; Yang, Y.; Zhang, Y.; Liu, J.; Lu, Y.; Zhao, X.; Qu, T.; et al. Construction and optimization of ecological security patterns in Dryland watersheds considering ecosystem services flows. Ecol. Indic. 2024, 159, 111664. [Google Scholar] [CrossRef]
  12. Zheng, X.; Zhu, J.; Xing, Z. Assessment of the effects of shelterbelts on crop yields at the regional scale in Northeast China. Agric. Syst. 2016, 143, 49–60. [Google Scholar] [CrossRef]
  13. Deng, R.X.; Li, Y.; Xu, X.L.; Wang, W.J.; Wei, Y.C. Remote estimation of shelterbelt width from SPOT5 imagery. Agrofor. Syst. 2017, 91, 161–172. [Google Scholar] [CrossRef]
  14. Ghimire, K.; Dulin, M.W.; Atchison, R.L.; Goodin, D.G.; Shawn Hutchinson, J.M. Identification of windbreaks in Kansas using object-based image analysis, GIS techniques and field survey. Agrofor. Syst. 2014, 88, 865–875. [Google Scholar] [CrossRef]
  15. Thompson, J.B.; Symonds, J.; Carlisle, L.; Iles, A.; Karp, D.S.; Ory, J.; Bowles, T.M. Remote sensing of hedgerows, windbreaks, and winter cover crops in California’s Central Coast reveals low adoption but hotspots of use. Front. Sustain. Food Syst. 2023, 7, 1052029. [Google Scholar] [CrossRef]
  16. Yang, X.; Yu, Y.; Fan, W. A method to estimate the structural parameters of windbreaks using remote sensing. Agrofor. Syst. 2017, 91, 37–49. [Google Scholar] [CrossRef]
  17. Liu, X.; Zhang, B. Application of TM images in the remote sensing survey of the “Three Norths” shelterbelt forests—A case study of western Jilin Province. Dyn. Remote Sens. Technol. 1990, 25–29. [Google Scholar]
  18. Chen, J.; Zhang, S.; Tang, J.; Zhang, Y. Remote sensing survey of shelterbelt based on Landsat 7 ETM+ imagery in Daqing City. J. Northeast For. Univ. 2003, 31, 101–102. [Google Scholar] [CrossRef]
  19. Czerepowicz, L.; Case, B.S.; Doscher, C. Using satellite image data to estimate aboveground shelterbelt carbon stocks across an agricultural landscape. Agric. Ecosyst. Environ. 2012, 156, 142–150. [Google Scholar] [CrossRef]
  20. Deng, R.; Guo, Q.; Jia, M.; Wu, Y.; Zhou, Q.; Xu, Z. Extraction of farmland shelterbelts from remote sensing imagery based on a belt-oriented method. Front. For. Glob. Chang. 2023, 6, 1247032. [Google Scholar] [CrossRef]
  21. Deng, R.X.; Li, Y.; Wang, W.J.; Zhang, S.W. Recognition of shelterbelt continuity using remote sensing and waveform recognition. Agrofor. Syst. 2013, 87, 827–834. [Google Scholar] [CrossRef]
  22. Hu, J. The Farmland Shelterbelts Extraction Based on HJ-1 and ZY-3 Satellite Images. Master’s Thesis, Beijing Forestry University, Beijing, China, 2014. [Google Scholar]
  23. Wiseman, G.; Kort, J.; Walker, D. Quantification of shelterbelt characteristics using high-resolution imagery. Agric. Ecosyst. Environ. 2009, 131, 111–117. [Google Scholar] [CrossRef]
  24. Liknes, G.C.; Meneguzzo, D.M.; Kellerman, T.A. Shape indexes for semi-automated detection of windbreaks in thematic tree cover maps from the central United States. Int. J. Appl. Earth Obs. Geoinf. 2017, 59, 167–174. [Google Scholar] [CrossRef]
  25. Xing, Z.; Li, Y.; Deng, R.; Zhu, H.; Fu, B. Extracting Farmland Shelterbelt Automatically Based on ZY-3 Remote Sensing Images. For. Sci. 2016, 52, 11–20. [Google Scholar] [CrossRef]
  26. Vilalta, R.; Drissi, Y. A Perspective View and Survey of Meta-Learning. Artif. Intell. Rev. 2002, 18, 77–95. [Google Scholar] [CrossRef]
  27. Snell, J.; Swersky, K.; Zemel, R.S. Prototypical Networks for Few-shot Learning. In Proceeding of Advances in Neural Information Processing Systems, NIPS 2017, Long Beach, CA, USA, 4–9 December 2017; pp. 4077–4087. [Google Scholar]
  28. Liu, Q.; Peng, J.; Ning, Y.; Chen, N.; Sun, W.; Du, Q.; Zhou, Y. Refined Prototypical Contrastive Learning for Few-Shot Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2023, 61, 1–14. [Google Scholar] [CrossRef]
  29. Ma, S.; Tong, L.; Zhou, J.; Yu, J.; Xiao, C. Self-Supervised Spectral–Spatial Graph Prototypical Network for Few-Shot Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2023, 61, 1–15. [Google Scholar] [CrossRef]
  30. Tian, X.; Chen, L.; Zhang, X.; Chen, E. Improved Prototypical Network Model for Forest Species Classification in Complex Stand. Remote Sens. 2020, 12, 3839. [Google Scholar] [CrossRef]
  31. Yang, Y.; Jing, L.; Li, Q.; Liang, C.; Dong, Q.; Zhao, S.; Chen, Y.; She, D.; Zhang, X.; Wang, L. Big-sized trees and higher species diversity improve water holding capacities of forests in northeast China. Sci. Total Environ. 2023, 880, 163263. [Google Scholar] [CrossRef]
  32. You, N.; Dong, J.; Huang, J.; Du, G.; Xiao, X. The 10-m crop type maps in Northeast China during 2017–2019. Sci. Data 2021, 8, 41. [Google Scholar] [CrossRef]
  33. Acquarelli, J.; Marchiori, E.; Buydens, L.M.C.; Tran, T.; Laarhoven, T.V. Convolutional Neural Networks and Data Augmentation for Spectral-Spatial Classification of Hyperspectral Images. Networks 2017, 16, 21–40. [Google Scholar] [CrossRef]
  34. Hu, X.; Li, T.; Zhou, T.; Peng, Y. Deep Spatial-Spectral Subspace Clustering for Hyperspectral Images Based on Contrastive Learning. Remote Sens. 2021, 13, 4418. [Google Scholar] [CrossRef]
  35. Zhang, H.; Cisse, M.; Dauphin, Y.N.; Lopez-Paz, D. mixup: Beyond Empirical Risk Minimization. arXiv 2017, arXiv:1710.09412. [Google Scholar]
  36. Yun, S.; Han, D.; Oh, S.J.; Chun, S.; Choe, J.; Yoo, Y. CutMix: Regularization Strategy to Train Strong Classifiers with Localizable Features. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; Clova AI Research: Seoul, Republic of Korea, 2019. [Google Scholar] [CrossRef]
  37. Chen, L.; Wu, J.; Xie, Y.; Chen, E.; Zhang, X. Discriminative feature constraints via supervised contrastive learning for few-shot forest tree species classification using airborne hyperspectral images. Remote Sens. Environ. 2023, 295, 113710. [Google Scholar] [CrossRef]
  38. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. CBAM: Convolutional Block Attention Module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; Springer: Cham, Germany, 2018. [Google Scholar] [CrossRef]
  39. Ma, L.; Liu, Y.; Zhang, X.; Ye, Y.; Yin, G.; Johnson, B.A. Deep learning in remote sensing applications: A meta-analysis and review. ISPRS J. Photogramm. Remote Sens. 2019, 152, 166–177. [Google Scholar] [CrossRef]
  40. Song, G.; Tao, Z.; Huang, X.; Cao, G.; Yang, L. Hybrid Attention-Based Prototypical Network for Unfamiliar Restaurant Food Image Few-Shot Recognition. IEEE Access 2020, 8, 14893–14900. [Google Scholar] [CrossRef]
  41. Gao, T.; Han, X.; Liu, Z.; Sun, M. Hybrid Attention-Based Prototypical Networks for Noisy Few-Shot Relation Classification. Proc. AAAI Conf. Artif. Intell. 2019, 33, 6407–6414. [Google Scholar] [CrossRef]
  42. Zhuang, F.; Qi, Z.; Duan, K.; Xi, D.; He, Q. A Comprehensive Survey on Transfer Learning. Proc. IEEE 2020, 109, 43–76. [Google Scholar] [CrossRef]
  43. Yang, B.; Hu, S.; Guo, Q.; Hong, D. Multisource Domain Transfer Learning Based on Spectral Projections for Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 15, 3730–3739. [Google Scholar] [CrossRef]
  44. Wang, B.; Xu, Y.; Wu, Z.; Zhan, T.; Wei, Z. Spatial–Spectral Local Domain Adaption for Cross Domain Few Shot Hyperspectral Images Classification. IEEE Trans. Geosci. Remote Sens. 2022, 60, 1–15. [Google Scholar] [CrossRef]
  45. Deng, R.; Li, Y.; Zhang, S.; Wang, W. Research on Extracting Infomation of Shelterbelt Based on TM Remote Sensing Images. Syst. Sci. Compr. Stud. Agric. 2011, 27, 12–16. [Google Scholar] [CrossRef]
  46. Wang, X.; Zhao, Q.; Han, F.; Ma, Y.; Long, X.; Jiang, P. Application of Airborne Multispectral Image Semantic Segmentation Model in Farmland Shelterbelt Extraction. J. Geo-Inf. Sci. 2020, 22, 12. [Google Scholar] [CrossRef]
  47. Lei, S.; Sun, H.; Liu, H.; Jiang, F.; Chen, S.; Wu, T.; Xie, Y. Study on extraction method of farmland shelterbelt supported by Landsat 8 time series image. J. Cent. South Univ. For. Technol. 2020, 40, 7. [Google Scholar] [CrossRef]
Figure 1. (a) Location of the study areas and the distribution of the sample points, (b) Fujin, (c) Fuyu, (d) Hailun, (e) Yi’an, (f) Youyi.
Figure 1. (a) Location of the study areas and the distribution of the sample points, (b) Fujin, (c) Fuyu, (d) Hailun, (e) Yi’an, (f) Youyi.
Forests 15 01995 g001
Figure 2. Technical flowchart of this study.
Figure 2. Technical flowchart of this study.
Forests 15 01995 g002
Figure 3. Overall classification framework of the improved Prototypical Network.
Figure 3. Overall classification framework of the improved Prototypical Network.
Forests 15 01995 g003
Figure 4. Schematic diagram of the improved CutMix.
Figure 4. Schematic diagram of the improved CutMix.
Forests 15 01995 g004
Figure 5. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Fujin.
Figure 5. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Fujin.
Forests 15 01995 g005
Figure 6. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Hailun.
Figure 6. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Hailun.
Forests 15 01995 g006
Figure 7. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Youyi.
Figure 7. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Youyi.
Forests 15 01995 g007
Figure 8. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Yi’an.
Figure 8. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Yi’an.
Forests 15 01995 g008
Figure 9. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Fuyu.
Figure 9. Distribution map and localized zoomed map of banded and patch farmland shelterbelt in Fuyu.
Forests 15 01995 g009
Table 1. Acquisition of sample points from the five study areas.
Table 1. Acquisition of sample points from the five study areas.
RegionClass NameTrainingTesting
FujinBanded farmland shelterbelt15050
Patch farmland shelterbelt10035
Others15050
YouyiBanded farmland shelterbelt3580
Patch farmland shelterbelt3065
Others4095
HailunBanded farmland shelterbelt3590
Patch farmland shelterbelt3585
Others45100
Yi’anBanded farmland shelterbelt4585
Patch farmland shelterbelt3580
Others4595
FuyuBanded farmland shelterbelt45135
Patch farmland shelterbelt3075
Others40120
Table 2. The network structure of our image encoder backbone.
Table 2. The network structure of our image encoder backbone.
Improved Prototypical NetworkCBAM Layer
Convolution BlockLayerInput ShapeOutput ShapeLayerInput ShapeOutput Shape
Convolution Block 1Conv2d[10, 5, 5][64, 5, 5]Channel attention module
BatchNorm2d[64, 5, 5][64, 5, 5]AdaptiveAvgPool2d[64, 3, 3][64, 1, 1]
ReLU[64, 5, 5][64, 5, 5]Flatten[64, 1, 1][64]
Conv2d[64, 5, 5][64, 5, 5]Linear[64][16]
BatchNorm2d[64, 5, 5][64, 5, 5]ReLU[16][16]
ReLU[64, 5, 5][64, 5, 5]Linear/avg_fc[16][64]
MaxPool2d[64, 5, 5][64, 3, 3]AdaptiveMaxPool2d[64, 3, 3][64, 1, 1]
CBAM layer[64, 3, 3][64, 3, 3]Flatten[64, 1, 1][64]
Convolution Block 2Conv2d[64, 3, 3][64, 3, 3]Linear[64][16]
BatchNorm2d[64, 3, 3][64, 3, 3]ReLU[16][16]
ReLU[64, 3, 3][64, 3, 3]Linear/max_fc[16][64]
Conv2d[64, 3, 3][64, 3, 3]avg_fc + max_fc-[64]
BatchNorm2d[64, 3, 3][64, 3, 3]Sigmoid[64][64]
ReLU[64, 3, 3][64, 3, 3]Spatial attention module
MaxPool2d[64, 3, 3][64, 1, 1]−/avg_out[64, 3, 3][1, 3, 3]
−/max_out[64, 3, 3][1, 3, 3]
Concatenate-[2, 3, 3]
CBAM layer[64, 1, 1][64, 1, 1]Conv2d[2, 3, 3][1, 3, 3]
FlattenFlatten[64, 1, 1][64]Sigmoid[64, 3, 3][1, 3, 3]
Table 3. Experiment plan.
Table 3. Experiment plan.
ExperimentDescription
APerformance of the improved Prototypical Network in the classification of farmland shelterbelt
BComparison of different Prototypical Network architecturesB1: Prototypical Network without data augmentation, without CBAM
B2: Prototypical Network integrating CBAM, without data augmentation
B3: Prototypical Network integrating data augmentation, without CBAM
CClassification of farmland shelterbelt using RF and SVM
DTransfer learning in the target domainD1: Transfer learning using a fine-tuning method
D2: Learning from scratch in the target domain
Table 4. Classification results of farmland shelterbelt under different sample windows in Fujin (Experiment A).
Table 4. Classification results of farmland shelterbelt under different sample windows in Fujin (Experiment A).
Evaluation Index3 × 35 × 57 × 79 × 911 × 1113 × 1315 × 15
OA90.3793.3393.3392.5993.3392.5992.59
Kappa0.85470.89850.89910.88760.89870.88710.8871
AA89.8693.0592.6591.9892.8492.4992.49
PAOther94.2396.089896.0896.0897.9697.96
Banded farmland shelterbelt95.3592.1695.7493.7593.8888.8988.89
Patch farmland shelterbelt8090.9184.2186.1188.5790.6290.62
Table 5. Classification results of farmland shelterbelt using the Prototypical Network without data augmentation and CBAM in Fujin (Experiment B1).
Table 5. Classification results of farmland shelterbelt using the Prototypical Network without data augmentation and CBAM in Fujin (Experiment B1).
Evaluation Index3 × 35 × 57 × 79 × 911 × 1113 × 1315 × 15
OA88.8991.1190.3787.4187.4188.8987.41
Kappa0.83210.86470.85360.80730.80780.83020.8071
AA88.3290.7289.8087.2386.9388.6587.22
PAOther92.3092.4594.1290.5792.3194.1292.30
Banded farmland shelterbelt93.1891.849084.9184.6285.1683.64
Patch farmland shelterbelt79.4987.8885.2986.2183.8786.6785.71
Table 6. Classification results of farmland shelterbelt using the Prototypical Network integrating CBAM without data augmentation in Fujin (Experiment B2).
Table 6. Classification results of farmland shelterbelt using the Prototypical Network integrating CBAM without data augmentation in Fujin (Experiment B2).
Evaluation Index3 × 35 × 57 × 79 × 911 × 1113 × 1315 × 15
OA88.1589.6388.8989.6389.6388.1589.62
Kappa0.82040.84210.83100.84190.84170.81930.8424
AA87.5889.6288.5689.1789.4387.6589.3
PAOther90.7487.5089.0997.969692.3195.92
Banded farmland shelterbelt90.9193.4891.3085.1985.1986.2786.27
Patch farmland shelterbelt81.0887.8885.2989.1787.1084.3885.71
Table 7. Classification results of farmland shelterbelt using the Prototypical Network integrating data augmentation, without CBAM in Fujin (Experiment B3).
Table 7. Classification results of farmland shelterbelt using the Prototypical Network integrating data augmentation, without CBAM in Fujin (Experiment B3).
Evaluation Index3 × 35 × 57 × 79 × 911 × 1113 × 1315 × 15
OA89.6392.5993.3391.1192.5991.1889.71
Kappa0.84270.88760.89870.86520.88740.86620.8441
AA89.1391.9892.8490.3692.1090.7089.28
PAOther90.7496.0896.0896.0896.0896.0095.83
Banded farmland shelterbelt93.3393.7593.8891.679286.1188.24
Patch farmland shelterbelt83.3386.1188.5783.3388.2490.0083.78
Table 8. Classification results of farmland shelterbelt using RF and SVM in Fujin (Experiment C).
Table 8. Classification results of farmland shelterbelt using RF and SVM in Fujin (Experiment C).
RegionAlgorithmOAKappaAAPA
OtherBanded Farmland ShelterbeltPatch
Farmland Shelterbelt
FujinRF80.740.705780.9279.0383.7280.00
FujinSVM82.220.732081.7989.5882.6173.17
Table 9. Classification results of farmland shelterbelt in the target domain.
Table 9. Classification results of farmland shelterbelt in the target domain.
MethodRegionOAKappaAAPA
OtherBanded Farmland ShelterbeltPatch
Farmland Shelterbelt
Transfer learningFuyu97.200.956997.2998.2096.3297.33
Youyi98.750.981098.8010096.39100
Hailun98.910.983698.9099.0198.8998.81
Yi’an96.270.943395.7498.9598.7389.55
Learning from scratchFuyu96.580.947496.5099.0795.6294.81
Youyi97.500.962197.1810097.4494.12
Hailun97.450.961797.3410096.6395.40
Yi’an95.020.924694.4598.9298.7285.71
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Wang, Y.; Li, Q.; Wang, H.; Zhang, Y.; Du, X.; Shen, Y.; Dong, Y. Improved Prototypical Network Model for Classification of Farmland Shelterbelt Using Sentinel-2 Imagery. Forests 2024, 15, 1995. https://doi.org/10.3390/f15111995

AMA Style

Wang Y, Li Q, Wang H, Zhang Y, Du X, Shen Y, Dong Y. Improved Prototypical Network Model for Classification of Farmland Shelterbelt Using Sentinel-2 Imagery. Forests. 2024; 15(11):1995. https://doi.org/10.3390/f15111995

Chicago/Turabian Style

Wang, Yueting, Qiangzi Li, Hongyan Wang, Yuan Zhang, Xin Du, Yunqi Shen, and Yong Dong. 2024. "Improved Prototypical Network Model for Classification of Farmland Shelterbelt Using Sentinel-2 Imagery" Forests 15, no. 11: 1995. https://doi.org/10.3390/f15111995

APA Style

Wang, Y., Li, Q., Wang, H., Zhang, Y., Du, X., Shen, Y., & Dong, Y. (2024). Improved Prototypical Network Model for Classification of Farmland Shelterbelt Using Sentinel-2 Imagery. Forests, 15(11), 1995. https://doi.org/10.3390/f15111995

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop