Next Article in Journal
Integrating Machine Learning and MLOps for Wind Energy Forecasting: A Comparative Analysis and Optimization Study on Türkiye’s Wind Data
Previous Article in Journal
A Review on the Potential Use of Medicinal Plants from the Apiaceae and the Rosaceae Families in Cardiovascular Diseases—Experimental Evidence and Traditional Applications
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Technical Note

Fourier Domain Adaptation for the Identification of Grape Leaf Diseases

1
College of Engineering, Northeast Agricultural University, Harbin 150030, China
2
College of Arts and Sciences, Northeast Agricultural University, Harbin 150030, China
3
College of Electrical and Information, Northeast Agricultural University, Harbin 150030, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(9), 3727; https://doi.org/10.3390/app14093727
Submission received: 21 March 2024 / Revised: 25 April 2024 / Accepted: 26 April 2024 / Published: 27 April 2024

Abstract

:
With the application of computer vision in the field of agricultural disease recognition, the convolutional neural network is widely used in grape leaf disease recognition and has achieved remarkable results. However, most of the grape leaf disease recognition models have the problem of weak generalization ability. In order to overcome this challenge, this paper proposes an image identification method for grape leaf diseases in different domains based on Fourier domain adaptation. Firstly, Fourier domain adaptation is performed on the labeled source domain data and the unlabeled target domain data. To decrease the gap in distribution between the source domain data and the target domain data, the low-frequency spectrum of the source domain data and the target domain data is swapped. Then, three convolutional neural networks (AlexNet, VGG13, and ResNet101) were used to train the images after style changes and the unlabeled target domain images were classified. The highest accuracy of the three networks can reach 94.6%, 96.7%, and 91.8%, respectively, higher than that of the model without Fourier transform image training. In order to reduce the impact of randomness, when selecting the transformed image, we propose using farthest point sampling to select the image with low feature correlation for the Fourier transform. The final identification result is also higher than the accuracy of the network model trained without transformation. Experimental results showed that Fourier domain adaptation can improve the generalization ability of the model and obtain a more accurate grape leaf disease recognition model.

1. Introduction

As one of the four principal fruits in the world, the grape is a nutrient-rich source of minerals, amino acids, glucose, vitamin C, and fiber [1]. Notably, items made from grapes including wine, raisins, and juice are highly valuable commercially [2]. The demand for grapes is driven by rising economic levels and an expanding worldwide population. However, a number of leaf diseases impede the high-yield high-quality grape industry’s sustained expansion. As a result, effective prevention of grape leaf diseases is urgently needed.
In the field of grape leaf disease identification, image processing technologies play a crucial role. Currently, the predominant method relies on convolutional neural networks (CNNs) for effective feature extraction and classification from images. Apart from CNNs, other image processing techniques are also applied in grape leaf disease recognition. Traditional machine learning algorithms such as support vector machines (SVM), random forests, and k-nearest neighbors (KNN) can be effective, especially with smaller datasets and simpler feature sets. Image segmentation techniques are important for accurate localization and identification of disease areas by segmenting images into distinct regions or objects using methods like thresholding, region growing, and edge detection. In recent years, computer vision technology, especially convolutional neural networks (CNN), has achieved some satisfactory results in plant disease identification, when plant disease identification networks trained in the training dataset are applied in the test dataset in the case of a training dataset and test dataset all from the same domain [3]. However, the image distribution of the grape leaf diseases dataset collected in the fields is domain migration due to some factors such as different varieties, growth periods, locations, weather, etc. [4]. It leads to the grape leaf diseases identification network being trained on the one grape leaf diseases domain dataset that performs poorly on the other grape leaf diseases domain dataset, namely generalization problem in plant disease identification. Therefore, it is necessary to propose a grape leaf disease identification network with strong generalization ability to solve weak generalization due to domain migration.
Aiming at the weak generalization ability of grape leaf disease recognition, the research methods based on deep learning include data enhancement [5], model fine-tuning [6], and domain adaptation. The first method is to expand the dataset of rice leaf disease by data enhancement (such as flipping, translating, building an antagonistic network, etc.) to enhance the diversity of the original dataset of grape leaf disease. The recognition network trained on this kind of dataset of grape leaf disease learns richer data features and prevents over-fitting, thereby enhancing the generalization ability of the recognition network. However, the data on grape leaf diseases collected by the recognition network are not consistent with the data of the source domain, in other words, the accuracy of the recognition network will decrease when the data of the source domain are inconsistent with the data of the target domain, that is, the generalization ability will not improve significantly. The second model is based on the original grape leaf disease dataset, which is trained in the new grape leaf disease dataset to adjust the weights and parameters of the network. However, model fine-tuning can only improve the generalization ability on a single grape leaf disease dataset and needs to be trained again when applied to other fields. In order to improve the generalization ability of the grape leaf disease recognition model in many different fields, this chapter adopts the field adaptive method to improve the generalization ability. The third model maps the distributed datasets of grape leaf diseases into a special feature space, which makes the same disease data close to each other and then trains the target function in the feature space. There is no limit to the number of source domains and target domains, so the domain adaptive method can improve the generalization ability of the recognition model.
The shift between two distributions should be minimized through domain adaptation. Some classical methods minimize the distance between the transformed source domain and the target domain by finding a mapping function, such as transfer component analysis (TCA) [7], joint distribution adaptation (JDA) [8], and dynamic distribution adaptation (DDA) [9]. All of them are based on the common difference metric maximum mean difference (MMD). However, due to the limited expression ability of these metrics, even minimizing MMD cannot guarantee the alignment of the two domain datasets. Another popular method is generative adversarial network (GAN), which can enhance the generalization ability of the model by training the robustness of the model on adversarial samples. It minimizes domain differences by using trained discriminators to maximize confusion between source domain and target domain representations [10]. However, most of the target domains do not have manual labeling in reality. When the label distribution is inconsistent, adversarial training makes it very easy to close the features of different categories in different data domains, resulting in the negative effect of adversarial domain adaptation.
Thus, a grape leaf disease identification method based on Fourier domain adaptation is proposed in this paper that does not require any training to perform the domain alignment with a small number of target domain labels. The method includes a simple Fourier transform and its inverse and three convolutional neural networks, namely Alexnet [11], Vgg13 [12], and Resnet101 [13]. Firstly, the low-order frequency of the target image is replaced by the low-order frequency of the source image by calculating the fast Fourier transform (FFT) [14]; afterward, the transformed image is reconstructed by inverse FFT (iFFT) using the primitive annotation of the source domain. Then, the source domain images and generated images are constructed into a new dataset, which is then trained in three different networks. In order to reduce the trouble caused by the randomness of style transformation, this paper still uses the farthest point sampling method to select images with significant differences for transformation.
In this paper, a grape leaf disease identification method based on Fourier domain adaptation is proposed to identify the types of grape diseases. The main contributions of this paper are as follows:
  • A grape leaf disease identification method based on Fourier domain adaptation to identify three common types of grape diseases;
  • The (fast) Fourier transform (FFT) is used for the adaptive method of grape leaf disease identification from different domains;
  • Reducing the impact of randomness on experiments using the farthest point sampling method.
The organizational structure of this paper is as follows. In the next section, we introduce the materials and methods. Section 3 includes experiments and gives the results of experiments. Section 4 is the discussion on Fourier domain adaptation for identification of grape leaf diseases. Section 5 provides the conclusion.

Related Work

Due to factors like lighting, posture, and image quality, even identical models can exhibit significant performance disparities in similar tasks. Domain adaptation, a facet of transfer learning, seeks to mitigate the discrepancies between two distributions. Deep visual domain adaptation methods have historically been categorized into two groups, which are one-step DA and multi-step DA [15].
One-step DA can be further classified into three subcategories [16]. Discrepancy-based methods involve fine-tuning to reduce domain migration [17,18,19,20]. Adversarial-based approaches employ discriminators to foster confusion through adversarial objectives [21,22,23,24]. Instruction-based techniques utilize data reconstruction, which is used as an auxiliary task to guarantee feature consistency [25,26,27,28]. Many projects are based on the idea that the disparity between two domains can be reduced by improving deep network models with labeled or unlabeled target data. These works focus on employing several strategies to align the statistical distribution shift between the source and target domains. maximum mean discrepancy (MMD), correlation alignment (CORAL), Kullback–Leibler divergence (KLD), H divergence, and other methods are frequently used to measure and lessen distribution shifts. Another class of domain adaptation techniques that has lately gained interest is adversarial learning. This method uses a domain discriminator to determine if a data point comes from the source domain or the destination domain through an adversarial objective, which is intended to promote domain confusion while decreasing the discrepancy between the source domain and target domain mapping distributions. An example shows how to create simulated samples similar to the target sample while retaining source domain annotation data by using source images, noise vectors, or a combination of both. Alternatively, the feature extractor uses labels from the source domain to learn a discriminating representation. Using a domain-confusion loss, this representation is then utilized to translate target domain data into the unified space, producing domain-invariant representations. The aforementioned techniques fall under the one-step DA subcategory.
Similar to the single-step DA, multi-step DA has three subcategories [29]. With hand-crafted approaches, specialists identify intermediate domains based on their knowledge [30]. Instance-based techniques comprise intermediate domains by picking specific data segments from additional datasets, hence training the deep network [31]. By freezing previous trained networks and using their intermediate expressed as inputs for next networks, representation-based approaches promote transfer [32]. The multi-step DA technique starts from the intermediate domain where the correlation between the localization and the source domain and the target domain is stronger than their direct relationship. One-step DA is then used to transfer knowledge between the source, intermediate, and destination domains, minimizing information loss. It is important for multi-step DA to select the intermediate domain and use it efficiently. The common approach is to extract central data portions from auxiliary datasets to form meta-structure domains, subsequently training the deep learning network. The selective learning algorithm (SLA) serves as a notable technique, gradually choosing relevant unlabeled data from intermediate domains. This approach functions as a bridge to bridge the substantial distribution gap, enabling knowledge transfer between distant domains. SLA is adeptly employed to address the distant domain transfer learning (DDTL) challenge. It leverages supervised autoencoders or supervised convolutional autoencoders as base models, accommodating various input types.
With image-to-image translation carried out via low-frequency spectra components exchange (amplitudes only), Fourier domain adaptation (FDA) supplies a workable substitute for the aforementioned techniques while still achieving the same outcomes on natural images. The outcomes of adapting this technique for cityscapes, medical imaging, digit recognition, item recognition, and adaption between the actual world and the virtual world are all excellent [33]. However, its use in agricultural modernization has not been very widespread.

2. Materials and Methods

This paper mainly studies the identification of grape leaf diseases by Fourier domain adaptation. In this section, the paper first introduces the data used in the experiment and then introduces the methods proposed in this study.

2.1. Materials

The images of grape leaf diseases acquired in this paper are from the AI Challenger 2018. To download this data, please visit the link in the Data Availability Statement at the end of the article. We obtained 2808 RGB images of total data and classified two domains according to the severity of the disease and the general condition of the disease, as shown in Table 1. The subjects were black measles fungus, black rot fungus, and leaf blight fungus, as seen in Figure 1.
Among them, the source domain dataset entails the data with more serious diseases and the image disease of the target domain dataset is general. In subsequent experiments, the images will be processed according to the needs of each experiment. The source domain dataset is allocated in a ratio of 8:2 as the training set and the validation set. The target domain dataset is used as the test set and the accuracy obtained in this paper is the recognition accuracy of the test set. Black measles fungus can be easily identified as brown streaking lesions on any part of the leaf. Black rot fungus appears as a small spot on the leaves and then becomes round and white tan, often surrounded by brown rings. Blight fungus is characterized by the presence of a white powdery (ash-like) coating in patches on both sides of the leaves and the affected leaves turn pale and curl up.

2.2. Methods

2.2.1. Motivation and Intuition

In recent years, much of the ongoing work in grape leaf disease identification has relied heavily on training within the same dataset. Nonetheless, real-world agricultural scenarios present certain challenges: (1) securing a significant volume of grape leaf disease data is arduous, particularly in the confines of a single grape planting base. (2) Model generalization, even when trained on identical datasets, necessitates enhancement. This entails that despite optimal training, the model may not deliver satisfactory outcomes when applied to datasets with diverse environmental contexts.
During our quest to enhance model generalization, we uncovered the potential of domain adaptation. This technique has demonstrated success across various domains in improving model generalization. However, certain methodologies rely on sensor-derived features to address the statistical distribution shift. Unfortunately, merely matching means and covariances falls short in consistently aligning distinct domains. Moreover, some methods, although effective, entail intricate computational processes that are not particularly user-friendly for practical agricultural applications.
Our intuition in doing so stems from the observation when image classification maintains a high level of performance; a low level of spectrum (amplitude) can change significantly. No matter whether something in the picture is a plant leaf or a disease, it should not be affected by sensors, light sources, or other factors. Fourier transform is simpler than other methods and they can be registered.
To handle the case where the model’s generalization capability needs to be enhanced and the dataset for grape leaf disease is difficult to obtain, Figure 2 depicts the suggested Fourier transfer’s processing flow. Images of three different grape leaf diseases that were captured in a field location serve as the input. They separated the leaves from the captured photos and categorized each sick leaf into severe and general categories. The classification of three CNN identification models for grape leaf diseases was conducted and the outcomes were compared. The target domain data from the grape leaf disease dataset are visualized using the most accurate VGG13 identification finding and then the farthest point sampling method is used to reduce the chance of model success.

2.2.2. Fourier Domain Adaptation

To facilitate discussion, we first introduce some notation. The source dataset is defined as D s = { ( x i s , y i s ) ~ P ( x s , y s ) } i = 1 N s , where x s H × W × 3 is a color image of grape leaves and y s is the category label related to x s described as having two domains, S for the source and T for the target. The target dataset, which lacks category labels, is denote as D t = { ( x i t ) } i = 1 N t . Typically, when the recognition network trained on D s tries on D t , its performance will decrease. In order to diminish the domain gap between the two domains, we propose Fourier domain adaptation for the identification of grape leaf diseases.
A : H × W × 3 and P : H × W × 3 represent the amplitude and phase of an RGB image Fourier transform , respectively. For the image x , the transformation is shown in Formula (1) as follows:
( x ) ( m , n ) = h , w x ( h , w ) , j 2 π ( h H m + w W n ) , j 2 = 1
which the FFT method may implement effectively. 1 is the inverse Fourier transform that returns the phase and amplitude of spectral signals to picture space. All images are in RGB format, so the red channel, green channel, and blue channel are used as independent two-dimensional signals, respectively, and then 2D FFT is applied to each channel. In this way, the characteristics and spectral information of each color channel can be analyzed in the frequency domain to support subsequent image processing and analysis. Additionally, we represent a mask with M β , whose value is zero except for the central region where β ( 0 , 1 ) .
M β ( h , w ) = 1 ( h , w ) [ β H : β H , β H : β H ]
here, we will suppose that (0,0) is the image’s center. Because β is not measured in pixels, selecting β is independent of the size or resolution of the image. There are two randomly selected photo definitions of x s ~ D s ,   x t ~ D t ; Fourier domain adaptation is represented by the following Formula (3):
x s t = 1 ( [ M β A ( x t ) + ( 1 M β ) A ( x s ) , P ( x s ) ] )
in the formula, x t is the target image, which takes the place of the source image’s low-frequency portion of its amplitude. A ( x s ) is the source image. The picture x s t , whose content is identical to x s but will resemble the appearance of a sample from D t , is then projected back to the changed spectral representation of x t , with its phase component unaltered. The mask M β , which is depicted in green in Figure 2, shows the procedure.
According to Equation (3), β = 0 , x s t will be rendered exactly as the original source image x s . On the other hand, the amplitude of x s will be replaced by that of x t when β = 1.0 . Figure 3 shows how β is an impact. The image x s t approaches the goal image x t as β approaches 1.0 but also shows noticeable artifacts, as can be seen from the enlarged blue and yellow boxes area in Figure 3. We choose β 0.15 . But in Table 1, similar to a straightforward multi-scale pooling strategy, we display the impact of various β selections along with the average of the generated models.

2.2.3. FDA for Image Identification

We proposed our identification approach of grape leaf diseases based on the Fourier domain adaptation technique. Firstly, it consists of swapping the low-frequency amplitudes of the source image spectrum with those of those of the target image, the style of which should be borrowed. Then, the generated new image and the source domain image are combined into a new dataset, which is put into AlexNet, VGG13, and ResNet101 for image identification training and tested with the target domain dataset to obtain the identification results. It shows an image identification model for grape leaf diseases based on Fourier domain adaptation with VGG13 as an example in Figure 4.

2.2.4. Farthest Point Sampling

Farthest point sampling (FPS) is a widely utilized sampling algorithm recognized for its capability to ensure uniform sampling of samples. This methodology operates by iteratively selecting the furthest point from the existing set of sampled points. The algorithm follows the following detailed steps:
  • Select a point, which is denoted by p 0 , from the data point as the initial point to form the initial sampling point set: s = { p 0 } ;
  • By calculating the distance from all points to p 0 , an N-dimensional array called l is generated. Select the point corresponding to the maximum value in l as p 1 . Update the sampling point set: s = { p 0 , p 1 } ;
  • Calculate the distances from all points to p 1 . For each point p i , the distance from it to p 1 is compared with the value in l [ i ] . If the distance from p 1 to p i is less than the value in l [ i ] , the distance is used to update l [ i ] . Therefore, the array l always stores the nearest distance from each point to the sampling point set s ;
  • Proceed by selecting the point consistent with the maximum value in the array l as p 2 . Renew the sampling point set: s = { p 0 , p 1 , p 2 } . Repeat Step 2 to Step 4 iteratively until the quantity required of n target sampling points is achieved.
This process ensures a gradual selection of points that maximizes the spatial spread, effectively achieving uniform and diverse sampling.

3. Results

In this section, we introduce the training details, parameter adjustment experiments, and comparative experiments of the grape leaf disease recognition model based on Fourier domain adaption and discuss the experimental results.

3.1. Training Details

The experiment uses Pytorch as the deep learning framework for Python and uses NVIDIA GeForce RTX 3080 Ti to build and implement the network model. The acceleration process of this experiment is realized by calling a graphics processing unit (GPU). Table 2 shows the workstation specifications.
With the purpose of the availability of the proposed grape leaf disease identification method based on Fourier domain adaptation, we conducted three types of experiments. The first experiment is the parameter adjustment experiment about the Fourier transform. The training set consists of the source domain image and the style transformation image containing the features from the target domain and label from the source domain after one Fourier transform; the test set is the target domain dataset. There are two sub-experiments in this experiment: (1) β selected 0.01, CNN network selected Alexnet. The learning rate has four parameters of 0.0001, 0.0005, 0.001, and 0.01 and the batch_size has four parameters of 4, 8, 16, and 32, which are one-to-one correspondence. After 16 experiments, two groups of batch_size and learning rate combinations with better training effects were obtained; (2) β has three parameters of 0.01, 0.05, and 0.09, epochs have three parameters of 50, 100, and 200, and the CNN network has three networks of Alexnet, Vgg13, and Resnet101. Combined with the two combined parameters obtained in the experiment, (3) the best grape leaf disease identification model with single-scale Fourier domain adaptation was obtained after 54 groups of experiments.
The second experiment is a comparative experiment. The source domain image without Fourier transform is trained in the same Vgg13 network under the same parameters and conditions. The results obtained are compared with the results of Fourier transform training, which proves that the proposed method has practical significance and effects.
In the third experiment, in order to eliminate the randomness of the model, we propose a fusion farthest point sampling algorithm. Three images with far feature distance are selected in the target domain dataset and their features are adaptively transferred to the source domain dataset through the Fourier domain. In total, 1434 images are obtained and 478 images in the source domain are added to obtain 1912 training set images, which are put into Vgg13 for training and tested with target domain images.
In the grape leaf disease identification experiment, the performance of the method was evaluated by accuracy, which is the percentage of the predicted correct sample in the total sample.

3.2. Parameter Adjustment Experiment

The first test is the proposed grape leaf diseases identification network based on the Fourier domain adaptation with a single scale on the source domain: 956 images of each category → target domain; 239 images of each category. In order to experiment with better performance of the model, we choose different hyper-parameter configurations (learning rate, batch size, and epochs) to adjust the identification performance of the model. The learning rate is selected as 0.0001, 0.0005, 0.001, and 0.01, the batch size is selected as 4, 8, 16, and 32, and the epoch is selected as 50, 100, and 200. The experiment is divided into two parts. Firstly, two groups with higher accuracy are selected through the combination of learning rate and batch size. They are a learning rate of 0.005 and batch size 8 as well as a learning rate of 0.01 and batch size 4. All networks use Alexnet, shown as in Table 3. Then, we used these two sets of parameters to train on the three classical networks of CNN, combined with epochs selected as 50, 100, and 200. In addition, three kinds of β were selected for experiments.
When β is selected as 0.01, 0.05, and 0.09, the experimental process is shown in Table 4, Table 5 and Table 6. After 54 experiments, the final results are as follows: when β = 0.01, Vgg13 network is selected for training, epochs = 100, learning rate = 0.0005, epoch = 8, and the accuracy is the highest, which can reach 96.2%. When β = 0.05, select the Vgg13 network for training, set epochs = 200, learning rate = 0.0005, epoch selection 8, and the highest accuracy can also reach 96.2%. When β = 0.09, the Vgg13 network is selected for training. When epochs = 100, learning rate = 0.01, epoch 4 is selected, the accuracy is the highest, and the highest accuracy can be achieved, which is 96.7%.

3.3. Contrast Test

The grape leaf disease identification model based on the Fourier domain adaptation was compared with the method without Fourier domain adaptation, using the same identification network. This experiment uses the same number of source domain datasets and target domain datasets. The network selects Vgg13 and other parameters are shown in Table 7. From Table 7, we can see that the prediction results of our model are better.
In order to further analyze the recognition effect of the Fourier domain adaptation method proposed in this chapter on grape leaf diseases, this experiment uses the confusion matrix to compare and analyze the recognition effect of the grape leaf disease recognition model with Fourier domain adaptation and the grape leaf disease recognition model without Fourier domain adaptation on grape leaf diseases, mainly analyzing the recognition accuracy of the three diseases, when β = 0.09, learning rate = 0.01, batch_size = 4, and epoch = 100.
According to Figure 5 and Figure 6, the number of correct recognitions of black measles fungus, black rot fungus, and leaf blight fungus by the recognition model without Fourier domain adaptation is 184, 185, and 187, respectively. After adding Fourier domain adaptation, the number of correct recognitions is 195, 193, and 194. It can be seen from the confusion matrix that the recognition accuracy of various grape leaf diseases based on the adaptive recognition method in the Fourier domain adaptation has been significantly improved and the recognition accuracy of black measles fungus has been improved the most, indicating that the domain adaptive effect of black measles fungus is the best.

3.4. FPS for FDA

In previous experiments, we used a single image to perform Fourier transform. In order to reduce the contingency of the method, we use the farthest point sampling method to take the features of the image as input and obtain three images with unrelated features. Then, they are adapted to the Fourier domain with the source domain images, respectively, and 1912 style-transformed images are obtained and then put into the network for training. The parameters used are Learning rate = 0.005, batch size = 8, epochs = 100, respectively. The results are compared with the proposed method, as shown in Table 8. At the same time, the random sampling method is also used to select any three images to perform the same experiment and the results are shown in Table 8.

4. Discussion

Fourier domain adaptation is a promising approach for identifying grape leaf diseases and has the potential to improve the precision and robustness of disease detection in a wide range of environments and grape varieties. This discussion explores the impact, advantages, possible problems, and future associated with the use of the FDA.
FDA may be able to extract more discriminating characteristics from grape leaf images by exploiting the Fourier domain, thereby allowing a more precise diagnosis of the disease than conventional approaches. The ability to detect minute changes in the spectrum related to disease increases the sensitivity and specificity of detection. FDA’s intrinsic adaptability makes it possible for this model to be extended to all types of wine and environments. This robustness is critical in agricultural environments where variations in lighting, soil composition, and grape varieties are common. Traditionally, a large number of supervised learning methods are based on tagged data. FDA’s Domain Adaptive Ability allows for less reliance on large-scale annotation datasets in the destination field, which can be used in real-world situations that might be difficult or costly to acquire.
However, FDA’s effectiveness depends on obtaining high-quality and sufficient diversity of data in the origin and destination areas. The provision of representative datasets covering different disease phases, environment, and varieties of wine is crucial for robust model performance. While FDA solves the problem of domain displacement, it is difficult to adapt to the underlying domain, especially when there are significant domain differences. It is necessary to optimize the adaptive intensity in order to avoid over-fitting to the features of the source domain but also to keep the key data of the object domain. While FDA’s models are effective, they tend to be a black box, which presents a challenge to the interpretation of acquired representations and decision making. It is crucial to make the model transparent and readable, especially in the field of agriculture when interested parties are looking for workable ideas and interpretations.
Furthermore, future work could concentrate on enhancing the granularity of disease detection within grape leaves. Specifically, researchers could aim to identify and segment individual disease spots or lesions on the leaf surface. This would involve advancing techniques beyond simple disease detection to achieve instance segmentation, where each distinct disease spot is identified and delineated separately. By moving toward instance segmentation, the FDA approach can provide more detailed and precise information about the distribution and severity of diseases on grape leaves.
In the future, research of Fourier domain adaptation, exploring the influence of different color spaces, can help to select a color space with the best performance. By comprehensively utilizing the advantages of different color spaces, researchers can optimize the performance of disease recognition systems and improve the accuracy and reliability of different diseases.
In addition to disease-specific advancements, integrating the FDA with state-of-the-art image processing methods such as semantic segmentation holds promise. Semantic segmentation enables the labeling of each pixel in an image with its corresponding class, facilitating a more comprehensive understanding of the spatial distribution of diseases on grape leaves. By leveraging these advanced image processing techniques alongside the FDA, researchers can further refine disease detection capabilities, enhance model interpretability, and ultimately contribute to more effective and robust disease management strategies in viticulture.
In summary, the FDA demonstrates tremendous potential in the field of plant disease detection due to its capability to detect the presence of different regions. Future directions include expanding datasets to encompass a wider range of disease types and classes, advancing toward instance-level disease spot identification and integrating with state-of-the-art image processing techniques like semantic segmentation. These directions not only expand the applicability of the FDA but also have the potential to lead innovation in crop disease diagnosis and management practices.

5. Conclusions

A grape leaf disease recognition model with strong generalization ability is proposed based on Fourier domain adaptation. By exchanging the low-frequency amplitude of the source image spectrum with the low-frequency amplitude of the target image spectrum, the Fourier transform designed in this study is applied to the adaptive method of grape leaf disease recognition in different domains, which does not require any large amount of calculation and complex model and improves the generalization ability of the recognition model. The results showed that the accuracy of the model trained by the selected three β values to identify grape leaf diseases in the target domain can reach 96.2%, 96.2%, and 96.7%.
In the research of agricultural disease image classification, how to improve the generalization ability of image classification conveniently is still a difficult problem. Fourier domain adaptation can solve this problem in some cases. The low-level statistical data of the image can change greatly without affecting the underlying scene. This preprocessing can replace complex architecture or laborious data enhancement, so as to solve some problems in image recognition of grape leaf diseases and improve the recognition generalization ability. In the future, it is hoped that this method can be applied to actual production.

Author Contributions

Conceptualization, J.W. and Q.W.; Formal analysis, Y.W.; Investigation, Z.J.; Methodology, J.W., T.L. and Z.J.; Project administration, Q.W.; Software, J.W., Y.W., P.L. and T.Y.; Supervision, Q.W.; Validation, T.L., Y.W. and P.L.; Visualization, T.Y.; Writing—original draft, J.W.; Writing—review and editing, Q.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by The National Social Science Foundation of China, grant number No. 19BJY036 and The Excellent Young Teachers Basic Research Support Program for Provincial Undergraduate Universities in Heilongjiang Province, grant number No. YQJH2023200.

Data Availability Statement

The data that support the findings of this study are openly available in the 2018 AI Challenge pest classification dataset. The URL is currently disabled. To download the data, please visit the link https://github.com/baliwaka/grape-leaf-disease (accessed on 25 April 2024).

Acknowledgments

This work was supported by the National Social Science Foundation of China No. 19BJY036.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Kandylis, P. Grapes and their derivatives in functional foods. Foods 2021, 10, 672. [Google Scholar] [CrossRef] [PubMed]
  2. Kokkinomagoulos, E.; Kandylis, P. Sustainable exploitation of by-products of vitivinicultural origin in winemaking. Proceedings 2020, d, 5. [Google Scholar]
  3. Liu, B.; Ding, Z.; Tian, L.; He, D.; Li, S.; Wang, H. Grape leaf disease identification using improved deep convolutional neural networks. Front. Plant Sci. 2020, 11, 1082. [Google Scholar] [CrossRef] [PubMed]
  4. Mzoughi, O.; Yahiaoui, I. Deep learning-based segmentation for disease identification. Ecol. Inform. 2023, 75, 102000. [Google Scholar] [CrossRef]
  5. Jin, H.; Li, Y.; Qi, J.; Feng, J.; Tian, D.; Mu, W. Grapegan: Unsupervised image enhancement for improved grape leaf disease recognition. Comput. Electron. Agric. 2022, 198, 107055. [Google Scholar] [CrossRef]
  6. Nagaraju, Y.; Swetha, S.; Stalin, S. Apple and grape leaf diseases classification using transfer learning via fine-tuned classifier. In Proceedings of the 2020 IEEE International Conference on Machine Learning and Applied Network Technologies (ICMLANT), Hyderabad, India, 20–21 December 2020; IEEE: Piscataway, NJ, USA; pp. 1–6. [Google Scholar]
  7. Gretton, A.; Borgwardt, K.M.; Rasch, M.J.; Schölkopf, B.; Smola, A. A kernel two-sample test. J. Mach. Learn. Res. 2012, 13, 723–773. [Google Scholar]
  8. Long, M.; Wang, J.; Ding, G.; Sun, J.; Yu, P.S. Transfer feature learning with joint distribution adaptation. In Proceedings of the IEEE International Conference on Computer Vision, Sydney, Australia, 1–8 December 2013; pp. 2200–2207. [Google Scholar]
  9. Wang, J.; Chen, Y.; Feng, W.; Yu, H.; Huang, M.; Yang, Q. Transfer learning with dynamic distribution adaptation. ACM Trans. Intell. Syst. Technol. (TIST) 2020, 11, 1–25. [Google Scholar] [CrossRef]
  10. Tzeng, E.; Hoffman, J.; Saenko, K.; Darrell, T. Adversarial discriminative domain adaptation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 7167–7176. [Google Scholar]
  11. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Adv. Neural Inf. Process. Syst. 2012, 25, 84–90. [Google Scholar] [CrossRef]
  12. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  13. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  14. Reddy, B.S.; Chatterji, B.N. An fft-based technique for translation, rotation, and scale-invariant image registration. IEEE Trans. Image Process. 1996, 5, 1266–1271. [Google Scholar] [CrossRef]
  15. Wang, M.; Deng, W. Deep visual domain adaptation: A survey. Neurocomputing 2018, 312, 135–153. [Google Scholar] [CrossRef]
  16. Csurka, G. Domain adaptation for visual applications: A comprehensive survey. arXiv 2017, arXiv:1702.05374. [Google Scholar]
  17. Tzeng, E.; Hoffman, J.; Darrell, T.; Saenko, K. Simultaneous deep transfer across domains and tasks. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 4068–4076. [Google Scholar]
  18. Long, M.; Zhu, H.; Wang, J.; Jordan, M.I. Deep transfer learning with joint adaptation networks. In Proceedings of the International Conference on Machine Learning, Sydney, Australia, 6–11 August 2017; pp. 2208–2217. [Google Scholar]
  19. Motiian, S.; Piccirilli, M.; Adjeroh, D.A.; Doretto, G. Unified deep supervised domain adaptation and generalization. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 5715–5725. [Google Scholar]
  20. Li, Y.; Wang, N.; Shi, J.; Liu, J.; Hou, X. Revisiting batch normalization for practical domain adaptation. arXiv 2016, arXiv:1603.04779. [Google Scholar]
  21. Isola, P.; Zhu, J.-Y.; Zhou, T.; Efros, A.A. Image-to-image translation with conditional adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1125–1134. [Google Scholar]
  22. Liu, M.-Y.; Tuzel, O. Coupled generative adversarial networks. Adv. Neural Inf. Process. Syst. 2016, 29, 2–8. [Google Scholar]
  23. Tzeng, E.; Devin, C.; Hoffman, J.; Finn, C.; Abbeel, P.; Levine, S.; Saenko, K.; Darrell, T. Adapting deep visuomotor representations with weak pairwise constraints. In Algorithmic Foundations of Robotics XII: Proceedings of the Twelfth Workshop on the Algorithmic Foundations of Robotics; Springer: Berlin/Heidelberg, Germany, 2020; pp. 688–703. [Google Scholar]
  24. Peng, K.-C.; Wu, Z.; Ernst, J. Zero-shot deep domain adaptation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 764–781. [Google Scholar]
  25. Ghifary, M.; Kleijn, W.B.; Zhang, M.; Balduzzi, D.; Li, W. In Deep reconstruction-classification networks for unsupervised domain adaptation. In Proceedings of the Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings Part IV 14. Springer: Berlin/Heidelberg, Germany, 2016; pp. 597–613. [Google Scholar]
  26. Yi, Z.; Zhang, H.; Tan, P.; Gong, M. Dualgan: Unsupervised dual learning for image-to-image translation. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2849–2857. [Google Scholar]
  27. Zhu, J.-Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2223–2232. [Google Scholar]
  28. Zhuang, F.; Cheng, X.; Luo, P.; Pan, S.J.; He, Q. Supervised representation learning: Transfer learning with deep autoencoders. In Proceedings of the Twenty-Fourth International Joint Conference on Artificial Intelligence, Buenos Aires, Argentina, 25–31 July 2015. [Google Scholar]
  29. Pan, S.J.; Tsang, I.W.; Kwok, J.T.; Yang, Q. Domain adaptation via transfer component analysis. IEEE Trans. Neural Netw. 2010, 22, 199–210. [Google Scholar] [CrossRef] [PubMed]
  30. Xie, M.; Jean, N.; Burke, M.; Lobell, D.; Ermon, S. Transfer learning from deep features for remote sensing and poverty mapping. In Proceedings of the AAAI Conference on Artificial Intelligence, Phoenix, AZ, USA, 12–17 February 2016. [Google Scholar]
  31. Tan, B.; Zhang, Y.; Pan, S.; Yang, Q. Distant domain transfer learning. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  32. Rusu, A.A.; Rabinowitz, N.C.; Desjardins, G.; Soyer, H.; Kirkpatrick, J.; Kavukcuoglu, K.; Pascanu, R.; Hadsell, R. Progressive neural networks. arXiv 2016, arXiv:1606.04671. [Google Scholar]
  33. Zakazov, I.; Shaposhnikov, V.; Bespalov, I.; Dylov, D.V. Feather-light fourier domain adaptation in magnetic resonance imaging. In MICCAI Workshop on Domain Adaptation and Representation Transfer; Springer: Berlin/Heidelberg, Germany, 2022; pp. 88–97. [Google Scholar]
Figure 1. Examples of grape leaf disease image.
Figure 1. Examples of grape leaf disease image.
Applsci 14 03727 g001
Figure 2. Spectral transfer of grape disease leaf image.
Figure 2. Spectral transfer of grape disease leaf image.
Applsci 14 03727 g002
Figure 3. Effect of the size of the domain β.
Figure 3. Effect of the size of the domain β.
Applsci 14 03727 g003
Figure 4. FDA for image identification, taking VGG13 as an example.
Figure 4. FDA for image identification, taking VGG13 as an example.
Applsci 14 03727 g004
Figure 5. Confusion matrix without Fourier domain adaptation.
Figure 5. Confusion matrix without Fourier domain adaptation.
Applsci 14 03727 g005
Figure 6. Confusion matrix with Fourier domain adaptation.
Figure 6. Confusion matrix with Fourier domain adaptation.
Applsci 14 03727 g006
Table 1. The number of each class of diseases.
Table 1. The number of each class of diseases.
DiseaseSource DatasetTarget DatasetTotal
Black Measles Fungus4785771055
Black Rot Fungus528435963
Blight Fungus72070790
Total172610822808
Table 2. Workstation specifications.
Table 2. Workstation specifications.
HardwareSoftware
CPU: Intel Core i9-10900KWindows10
RAM: 128 GBCUDA12.1.112 + CUDNN8.0
GPU: NVIDIA GeForce RTX 3080 TiPytorch Stable (2.3.0)
Table 3. Parameter adjustment experiment.
Table 3. Parameter adjustment experiment.
Learning RateBatch_SizeAccuracy
0.0001465%
845.5%
1627.0%
3233.3%
0.0005479.8%
888.1%
1665.4%
3260.4%
0.001481.9%
878.7%
1676.4%
3265.7%
0.01493.2%
891.4%
1692.6%
3291.4%
Table 4. The experimental process when β = 0.01.
Table 4. The experimental process when β = 0.01.
Learning RateEpochsModelsAccuracy
0.000550Alexnet90.9%
Vgg1395.8%
Resnet10190.8%
100Alexnet88.1%
Vgg1396.2%
Resnet10183.8%
200Alexnet92.1%
Vgg1395.5%
Resnet10184.5%
0.0150Alexnet94.7%
Vgg1395.5%
Resnet10190.7%
100Alexnet93.2%
Vgg1395.5%
Resnet10189.0%
200Alexnet92.5%
Vgg1393.6%
Resnet10189.7%
Table 5. The experimental process when β = 0.05.
Table 5. The experimental process when β = 0.05.
Learning RateEpochsModelsAccuracy
0.000550Alexnet89.8%
Vgg1394.6%
Resnet10188.6%
100Alexnet91.6%
Vgg1393.3%
Resnet10191.8%
200Alexnet90.7%
Vgg1396.2%
Resnet10190.7%
0.0150Alexnet93.7%
Vgg1395.7%
Resnet10187.4%
100Alexnet91.6%
Vgg1393.4%
Resnet10190.1%
200Alexnet91.8%
Vgg1393.4%
Resnet10188.7%
Table 6. The experimental process when β = 0.09.
Table 6. The experimental process when β = 0.09.
Learning RateEpochsModelsAccuracy
0.000550Alexnet91.1%
Vgg1395.1%
Resnet10188.8%
100Alexnet89.1%
Vgg1394.3%
Resnet10191.2%
200Alexnet94.6%
Vgg1394.4%
Resnet10187.0%
0.0150Alexnet90.4%
Vgg1396.5%
Resnet10190.0%
100Alexnet94.0%
Vgg1396.7%
Resnet10190.1%
200Alexnet91.5%
Vgg1393.2%
Resnet10190.8%
Table 7. Contrast Test.
Table 7. Contrast Test.
ModelβLearning RateBatch_SizeEpochsAccuracy
Model without FDA0.010.005810086.9%
    Model with FDA96.2%
Model without FDA0.050.005820090.7%
    Model with FDA96.2%
Model without FDA0.090.01410092.6%
    Model with FDA96.7%
Table 8. Comparison of FDA’s results with other methods using a random sampling method.
Table 8. Comparison of FDA’s results with other methods using a random sampling method.
βModelAccuracy
0.01FPS for FDA89.7%
random sampling for FDA93.7%
FDA96.2%
0.05FPS for FDA92.5%
random sampling for FDA83.8%
FDA96.2%
0.09FPS for FDA91.2%
random sampling for FDA90.2%
FDA96.7%
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, J.; Wu, Q.; Liu, T.; Wang, Y.; Li, P.; Yuan, T.; Ji, Z. Fourier Domain Adaptation for the Identification of Grape Leaf Diseases. Appl. Sci. 2024, 14, 3727. https://doi.org/10.3390/app14093727

AMA Style

Wang J, Wu Q, Liu T, Wang Y, Li P, Yuan T, Ji Z. Fourier Domain Adaptation for the Identification of Grape Leaf Diseases. Applied Sciences. 2024; 14(9):3727. https://doi.org/10.3390/app14093727

Chicago/Turabian Style

Wang, Jing, Qiufeng Wu, Tianci Liu, Yuqi Wang, Pengxian Li, Tianhao Yuan, and Ziyang Ji. 2024. "Fourier Domain Adaptation for the Identification of Grape Leaf Diseases" Applied Sciences 14, no. 9: 3727. https://doi.org/10.3390/app14093727

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