Skip to main content

ORIGINAL RESEARCH article

Front. Plant Sci., 23 October 2023
Sec. Technical Advances in Plant Science
This article is part of the Research Topic Applications of Artificial Intelligence, Machine Learning, and Deep Learning in Plant Breeding View all 17 articles

Rice seed vigor detection based on near-infrared hyperspectral imaging and deep transfer learning

Hengnian Qi&#x;Hengnian Qi1†Zihong Huang&#x;Zihong Huang1†Zeyu SunZeyu Sun1Qizhe TangQizhe Tang1Guangwu ZhaoGuangwu Zhao2Xuhua ZhuXuhua Zhu3Chu Zhang*Chu Zhang1*
  • 1School of Information Engineering, Huzhou University, Huzhou, China
  • 2College of Advanced Agricultural Sciences, Zhejiang A&F University, Lin’an, China
  • 3Smart Agriculture Research Institute, Zhejiang Top Cloud-agri Technology Co., Ltd., Hangzhou, China

Vigor is one of the important factors that affects rice yield and quality. Rapid and accurate detection of rice seed vigor is of great importance for rice production. In this study, near-infrared hyperspectral imaging technique and transfer learning were combined to detect rice seed vigor. Four varieties of artificial-aged rice seeds (Yongyou12, Yongyou1540, Suxiangjing100, and Longjingyou1212) were studied. Different convolutional neural network (CNN) models were built to detect the vigor of the rice seeds. Two transfer strategies, fine-tuning and MixStyle, were used to transfer knowledge among different rice varieties for vigor detection. The experimental results showed that the convolutional neural network model of Yongyou12 classified the vigor of Yongyou1540, Suxiangjing100, and Longjingyou1212 through MixStyle transfer knowledge, and the accuracy reached 90.00%, 80.33%, and 85.00% in validation sets, respectively, which was better or close to the initial modeling performances of each variety. MixStyle statistics are based on probabilistic mixed instance-level features of cross-source domain training samples. When training instances, new domains can be synthesized, which increases the domain diversity of the source domain, thereby improving the generalization ability of the trained model. This study would help rapid and accurate detection of a large varieties of crop seeds.

1 Introduction

Rice is one of the most important crops in the world, serving as the main food crop in many countries around the world and acting as a fundamental food source for mankind (Jin et al., 2022a). Seed vigor is a crucial indicator of seeds, directly affecting their yield (Song et al., 2018). Studying seed vigor before seed germination can help identify high-vigor seeds with higher germination rates and faster growth potential, ultimately improving seed utilization and yield (Du et al., 2017; Zhang J. et al., 2020). Additionally, seed vigor also plays an essential role in evaluating the strengths and weaknesses of different varieties. By studying the seed vigor of various varieties, it is possible to identify excellent varieties that display good vigor. This provides a theoretical foundation for selecting and breeding high-quality rice varieties (Wu et al., 2021), which is conducive to the continuation of excellent varieties. Therefore, it is important to detect the vigor of rice seeds. However, the traditional germination experiment to detect seed vigor is time-consuming and laborious, and other detection methods, such as staining (Carvalho et al., 2017) and electronic conductivity test (Barbosa et al., 2021), will more or less damage and damage seeds, rely on chemical reagents, complex operation, affect seed reuse, at the same time, these detection methods are inefficient, unable to detect rice seed vigor efficiently and non-destructively.

Near-infrared hyperspectral imaging technology is a light-based nondestructive testing technology. It can obtain the spectral information of the object by analyzing the near-infrared energy spectrum reflected or transmitted by the object, so as to achieve rapid quantitative detection of the corresponding parameters of the object (Zhang and Guo, 2019). The specific principle is to use the strong penetration characteristics of near-infrared light, near-infrared light irradiates through the surface of the sample, and the chemical composition, tissue structure and morphology of the sample will have an impact on the absorption, scattering, reflection and other aspects of light (Jin et al., 2022a; Jin et al., 2022b). Near-infrared hyperspectral imaging systems can capture these reactions and present the data in the form of a 3D cube that integrates spectral and spatial information to obtain high-precision imaging results (Zhang L. et al., 2020). In recent years, some scholars have applied NIR-HSI to the detection of rice seed vigor: Jin et al. (2022a) combined NIR-HIS with machine learning and deep learning to predict the seed vigor of different varieties of rice, and the accuracy of most models was more than 85%, in addition, they (Jin et al., 2022b) also used NIR-HSI with LeNet, GoogLeNet, and Residual network (ResNet) to identify rice seed varieties. Among them, the classification effect of the ResNet model was the best. The classification accuracy rate of the test set was 86.08%. In addition, some scholars have also applied NIR-HIS to the detection of rice seed vigor, He et al. (2019) utilized Savitzky-Golay preprocessed extreme learning machine model to detect seed viability in 3 different years, using only 8 bands of spectral data, the classification accuracy was as high as 93.67%. Hong et al. (2022) used models such as partial least squares (PLS) discriminant analysis, support vector machine (SVM), PLS-SVM, PLS-artificial neural network, and one-dimensional convolutional neural network (CNN) to predict vigor using averaging and hyperspectral images. The results show that in most models, about 90% accuracy and a high F1 score can be obtained. The experimental results have proved that the method is efficient, accurate and feasible. However, none of the aforementioned studies addressed the generalization ability of the models, and the models established in these studies were trained from scratch, specifically designed for particular learning tasks.

Deep learning (DL) is an important artificial intelligence method that enables machines to autonomously acquire knowledge from data (Jordan and Mitchell, 2015), and DL is gradually being applied to the field of spectral analysis (Jin et al., 2018; He et al., 2019). In practice, it is not recommended to train neural networks from scratch because it is time-consuming and the performance of the model is not guaranteed. In addition, DL often requires a large amount of data to participate in the training process, and when the amount of data in building the model is not enough, the model may overfit or fall into local optimum (Pan and Yang, 2010; Marmanis et al., 2016; Suh et al., 2018; Lu et al., 2019). Unfortunately, some seed samples are challenging to obtain during germination, leading to high labeling costs and a difficulty in creating large-scale, high-quality datasets. Additionally, data acquired at significant cost is hard to reuse in new tasks, posing challenges for DL, which relies on numerous labeled samples for effective training (Zhang and Zhao, 2021). Transfer learning mainly studies the transfer of knowledge from the source domain to the target domain, allowing the training data and test data to be located in different feature spaces, which has a unique advantage in accelerating the training of the model and improving the generalization performance of the model, with which it can solve the learning problem in the case of small samples, low resources, and few labeled samples (Wu et al., 2021). Transfer learning has been used for the identification of agricultural varieties: Wu et al. (2021) used deep transfer to transfer knowledge to four datasets of rice, oats, wheat, and cotton, and Accuracies of the deep transferred model achieved 95, 99, 80.8, and 83.86% on the four datasets, respectively. Zhu et al. (2019) fine-tuned the pre-trained models (AlexNet, ResNet18, Xception, InceptionV3, DenseNet201, and NASNetLarge) for transfer training, and the results showed that the accuracy of all six models in the validation set reached 91%. Transfer learning is also used in the detection of agricultural pests and diseases: Chen et al. (2020) initialized the weight of the pre-trained network on the large labeled dataset ImageNet to classify and predict the images of rice leaf diseases and pests, with an average accuracy of 92.00%. Some scholars have also obtained good results in the detection of diseased leaves of tomatoes and grapes (Paymode and Malode, 2022). However, the application of transfer learning in the detection of rice seed vigor is still less studied. The main chemical components contained in different rice seeds are similar, so the NIR-HIS based depth model constructed can transfer the knowledge from the model to other varieties of rice seed models (He et al., 2019). In summary, the non-destructive assessment of rice seed vigor through near-infrared hyperspectral imaging technology holds significant value for the preservation of invaluable seed resources and pre-sowing screening. The utilization of transfer learning also presents the potential to conserve both time and resources, as there is no need to commence training an entirely novel model from scratch. This research amalgamates the domains of transfer learning and hyperspectral imaging technology, both at the forefront of modern computer science and agricultural science. It thereby offers intriguing avenues for further exploration and innovation.

In this study, the collected rice seed hyperspectral images were extracted from one-dimensional spectra, the one-dimensional spectrum was used as the input of the machine learning model to train the model, and then the knowledge was transferred by deep transfer to achieve the purpose of rice seed vigor detection. The main tasks of this study are to: (1) establish deep learning models for detecting rice seed vigor with high accuracy based on NIR-HIS for different varieties of rice seeds; (2) apply deep model knowledge transfer to the vigor classification of rice seeds of other varieties by deep transfer technology; (3) compare advantages and disadvantages of multiple transfer learning techniques in the detection of rice seed vigor; (4) use Grad-CAM++ to visualize the CNN model to identify the important wavelengths for seed vigor detection under different situations.

2 Materials and methods

2.1 Sample preparation and dataset description

In order to ensure the wide range of rice seed vigor, four rice varieties, Yongyou12, Yongyou1540, Suxiangjing100, Longjingyou1212, were selected for experimental analysis. The rice seeds used in this study were obtained from three different types, with a total of 7100 rice seed samples. The detailed distribution of the samples can be found in Table 1. We divided the dataset according to a 4:1:1 ratio. The rice seeds used in this study were provided by the College of Advanced Agricultural Sciences, Zhejiang A&F University, Lin’an, Zhejiang.

TABLE 1
www.frontiersin.org

Table 1 The number of different varieties of seeds.

Seeds aged under natural conditions are very rare, and the aging process is very long, which brings certain difficulties to the study of seed vigor. As a result, a growing number of studies have found that seeds can be artificially aged to mimic the natural aging process (Sena et al., 2017; Zhu et al., 2019; Yuan et al., 2022). In order to make a significant difference in seed vigor, the seeds were treated by high temperature and high humidity aging before the experiment. The rice seeds were placed in the LH-80 seed aging box (Top Cloud-agri Technology Co., Ltd., Hangzhou, China), the temperature was maintained at 45°C, the air moisture content was set to 100%, and the aging was 96 hours and 192 hours, respectively. Under high temperature and high humidity environment, a series of physiological and biochemical reactions such as membrane lipid peroxidation, soluble sugar and protein degradation, related gene expression disorders and nucleic acid degradation are accelerated, and the vitality of seeds is rapidly declining (Brar and Dudi, 2019).

In order to further verify the effect of artificial aging on seed vigor, standard germination experiments were performed on aged rice seeds (Seo et al., 2021). The seeds of the samples were placed on moist germination paper in the numbering order. The samples were subjected to a 14-day germination experiment under the conditions of 30°C light for 8 h and 20°C dark for 16 h every day. The experimental results showed that the number of not aged rice seeds after 96h aging was more than the number of not aged rice seeds after 192h aging, and the number of not aged seeds after 192h aging was the largest among the three aging gradients (not aged, aging 96h, aging 192h). In short, the seed vigor of rice after artificial aging was reduced, and the seed vigor decreased with the increase of aging time, which showed a linear negative correlation. The specific standard germination experiment results are shown in Table 2, where the non-viable rate is the ratio of the number of not aged seeds to the total number of seeds under this vigor gradient.

TABLE 2
www.frontiersin.org

Table 2 The number of non-viable seeds of different varieties of seeds.

2.2 Near-infrared hyperspectral image acquisition and correction

In this study, NIR-HIS was collected from four types of rice seeds. When acquiring hyperspectral images, the ambient room temperature was an average of 21°C and the average humidity was 73%. The ambient humidity and temperature at germination were similar to those when hyperspectral images were acquired. Images were acquired by the FX17 near-infrared hyperspectral camera (Specim, Spectral Imaging Ltd., Oulu, Finland) in conjunction with the hyperspectral image acquisition platform Lab Scanner (Specim, Spectral Imaging Ltd., Oulu, Finland). The FX17 near-infrared hyperspectral camera acquires a spectral range of 900-1700nm. Lab scanner is illuminated by two arrays of halogen lamps, each with a power of 35W. The sample stage on the stepper motor control Lab scanner pushes forward for imaging at a speed of 24.70mm/s and acquires spatial and spectral information of one row of data at a time; The sample stage surface is a high-gloss black surface with a white calibration whiteboard. The FX17 camera and Lab scanner are controlled by Lumo Scanner2020 (Specim, Spectral Imaging Ltd., Oulu, Finland) software. Hyperspectral images of 224 spectral channels were acquired per scan and then calibrated using the following equation:

R=IDWD  (1)

where R is the corrected image, I is the original image, W is the white reference image, and D is the dark reference image. The white reference image is obtained by shooting a white calibration whiteboard; Dark reference images are taken after the lens is completely covered with a lens cap. To avoid the instability of the system and the influence of noise in the spectral data on this study, the head and tail bands are removed and the wavelength range from 998 nm to 1631 nm was retained (Jin et al., 2022a). In this study, the average spectrum of each seed was obtained in the range of experimental accuracy: each seed in the hyperspectral image was treated as a region of interest (ROI), and the spectra of all cells in the ROI were averaged to obtain a spectral vector representing the seed sample.

2.3 Classification methods

2.3.1 Logistic regression

Logistic regression is a classic machine learning algorithm. The idea of logistic regression is to first fit the decision boundary (not limited to linearity, but also polynomial), and then establish the probability of this boundary and the classification, so as to obtain the probability in the classification case (Jin et al., 2022b). Logistic regression typically uses the sigmoid function as the prediction function. Logistic regression has the advantage of avoiding inaccurate hypothetical distributions. In this study, L2 regularization was selected for LR and C was selected 1000.

2.3.2 eXtreme Gradient Boosting

XGBoost (eXtreme Gradient Boosting) is a machine learning algorithm that demonstrates exceptional performance and serves as an extension of gradient boosting trees (Friedman, 2001). It enhances model performance by integrating multiple weak classifiers, resulting in outstanding predictive accuracy (Chen and Guestrin, 2016). XGBoost introduces regularization terms to control model complexity and incorporates penalty functions in the objective function for assessing model complexity, thereby preventing overfitting (Qiu et al., 2021). XGBoost has achieved remarkable success in various domains and tasks within the field of machine learning. During the training process of the XGBoost model, the parameter “reg_alpha” was set to 0.1, “reg_lambda” was set to 0.1, and “max_depth” was set to 2.

2.3.3 Support vector machine

Support vector machine is a machine learning method proposed in the 90s of last century, which can be used for classification and regression tasks with superior performance and is widely used in research (Zhao et al., 2018; Cui et al., 2021). Support vector machines based on the principle of marginal maximization are used as a special linear classifier (Arun Kumar and Gopal, 2009). When the SVM is trained, it maps the data to a multidimensional space called decision space and finds the decision boundary in this space to complete the classification. When the data is linearly divisible, the decision boundary is a two-dimensional straight line; When the linearity is inseparable, the kernel function is used to map the feature data to the high-dimensional space, so that it becomes linearly separable in the high-dimensional space, and the decision boundary is a three-dimensional plane (Gopinath et al., 2020). SVM is an efficient nonlinear classifier that has strong robustness in processing classification problems under small sample conditions and can effectively handle high-dimensional data problems. In this study, the RBF and Poly kernel functions were selected and a grid search was performed to select the optimal parameters in ‘C’: [1,10,100,1000,10000], ‘gamma’: [1, 0.1, 0.01, 0.001].

2.3.4 Convolutional neural network

Convolutional neural network is a special feedforward neural network integrated into convolution operations (Jin et al., 2022b), which not only has the characteristics that the neural network is composed of a large number of neurons, but also has excellent feature extraction and mapping capabilities because of convolution operations work with activation functions and normalization methods (Jin et al., 2022a). CNN algorithms essentially achieve input-to-output mapping by extracting features and reducing dimensionality (Voulodimos et al., 2018). CNNs consist of convolutional layers, pooling layers, and fully connected layers. The unit of the convolution layer is the feature graph, and each unit is related to the block of the previous feature graph by the filter group (Jin et al., 2018), the downsampling technique of the convolutional layer can capture the main spectral information (Xie et al., 2021). The main role of the pooling layer is dimensionality reduction. In the gradient-based optimization method, the ReLU activation function can reduce the effect of gradient vanishing, which has the advantage of preventing overfitting. The batch normalization layer (BN) can improve the efficiency of model training (Xie et al., 2021). Therefore, in the self-built CNN of this study, the ReLU activation function and BN are used in it. In addition, to further prevent overfitting, a dropout layer is added after the fully connected layer. Use the Adam optimizer for training and accelerated convergence. CNNs are widely used, have the ability to automatically learn features in images (Moujahid et al., 2022), and the trained CNN model can perform transfer learning in different tasks, which is where this institute especially needs it. However, the generalization ability of CNN is weak. In order to comprehensively explore the generalization ability of CNN, researchers (Sun et al., 2021) had set up three different experimental conditions for evaluation. The experimental results demonstrated the weak generalization ability of CNN-based methods. Therefore, it is of great significance to enhance the generalization ability of CNN through transfer learning.

In this study, four CNN with different structures were designed for four types of rice seeds, with a maximum of 4 layers and a minimum of 2 layers, as shown in Figure 1. Convolution kernels of 1 × 4 were used in the four CNN to extract features hidden in spectral vectors. Also, BN and ReLU activation functions were used after each convolution to reduce the risk of overfitting and speed up the convergence process. A maxpooling layer with a kernel size of 1 × 2 was added after the partial convolutional layer to reduce the feature dimension. The parameter of the Dropout layer was set to 0.4. Different batch size and learning rates were set for the four CNN models, 32,0.005; 32,0.001; 32,0.0005; and 32,0.0005. Stride is all set to 1.

FIGURE 1
www.frontiersin.org

Figure 1 CNN structure diagram for the detection of rice seed vigor by (A) Yongyou12, (B) Yongyou1540, (C) Suxiangjing100, and (D) Longjingyou1212.

2.4 Transfer learning strategy

Transfer learning is an emerging machine learning tool that is considered an important small-sample learning method (Xiao et al., 2019; She et al., 2021), and it has been proposed to alleviate the need for sufficient training data for the model by transferring the available knowledge in the relevant source domain to the target domain (Pan and Yang, 2010; Xie et al., 2021). For the detection of rice seed vigor in the agricultural field, transfer learning can greatly save time and resources, improve the generalization ability of the model, and also have obvious advantages in solving the problem of data scarcity. Transfer learning is expressed by the formula: let the source domain be Ds={xi,yi}iNs, and the target domain is Dt={xi,yi}iNt, where xi and  yi represent data samples and their corresponding labels, respectively. Given the Ds and learning task Ts, Dt, and learning task Tt, improve the performance of the prediction function ft(·)  in the Dt by acquiring knowledge in the Ds and Ts, DsDt, TsTt. The transfer process is shown in Figure 2.

FIGURE 2
www.frontiersin.org

Figure 2 Transfer learning process.

2.4.1 Fine-tuning

Fine-tuning is a simple and versatile strategy in transfer learning. The pre-trained depth models has been adapted to new tasks (Cetinic et al., 2018). It can effectively reduce modeling costs. Fine-tuning is: there is a pre-trained model Modelpre that has been trained on large-scale data with a set of parameters θpre, and now we have a specific task that aims to minimize a specific loss function Lθ, where θ represents the parameters of the model. The goal of fine-tuning is to fine-tune the parameters of a pre-trained model so that it performs well on specific tasks. The process of fine-tuning can be expressed as the following optimization problem: minLθ. The initial layer of the CNN retains abstract, generic features, while the top layer retains more specific features related to the task (Vrbancic and Podgorelec, 2020). Considering the characteristics of the above CNN, there are two main ideas for fine-tuning: (1) only adjust the last few fully connected layers; (2) Adjust all network layers (Zhen et al., 2017). The outcome of knowledge transfer depends on the similarity between the trained CNN and the target task we want to transfer knowledge. In this study, the distribution and features between the source domain data and the target domain data were similar, and the convolutional layer before the fully connected layer may have extracted the important feature information of the seed spectrum and can be reused in the target domain (Wu et al., 2021), so the parameters of each layer before the pre-trained CNN fully connected layer were frozen, and the last few fully connected layers were fine-tuned.

2.4.2 MixStyle

As the role of deep transfer is discovered by more and more people, more deep transfer strategies are proposed, such as BNM (Cui et al., 2020), MCC (Jin et al., 2020) and V-REx (Krueger et al., 2021) and so on. In order to cope with the data distribution problem in different domains, the above deep transfer methods can be roughly divided into domain adaptation and domain generalization. Domain adaptation refers to the process of transferring information to one or more source domains in order to improve the learning performance of target learners (Pan and Yang, 2010). Domain generalization aims to improve the generalization ability of models by leveraging useful information from multidomain data (Du et al., 2022). In view of the relatively similar spectral data distribution between rice varieties, MixStyle belonging to domain generalization was selected in this study (Zhou et al., 2021).

The method was proposed by Zhou et al. in 2021, a novel method based on probabilistically mixing instance level feature statistics of training samples across source domains. The method mixes the feature statistics of two instances with a random convex weight to simulate the new style.

A batch of data is sampled from each of the domaini and the domainj, xi and the xj form x=[xi,xj], swap the position of the batch to obtain x˜, and then shuffle each batch along the batch dimension. After shuffling, MixStyle computes the mixed feature statistics by:

γmix=λσ(x)+(1λ)σ(x˜)(2)
βmix=λμ(x)+(1λ)μ(x˜)(3)

where λB are instance-wise weights sampled from the Beta distribution, λ  Beta(α, α)  with α(0,) being a hyper-parameter, we set α  to 0.1. Finally, the mixed feature statistics are applied to the style-normalized x:

MixStyle(x)=γmixxμ(x)σ(x)+βmix(4)

2.5 Visualization method

CNNs are a “black box” model in the field of deep learning, and in order to make it easier to interpret CNN results, Gradient-weighted Class Activation Mapping++ (Grad-CAM++) was used to visualize CNN models in this study. Grad-CAM++ is a generalized approach based on Grad-CAM that better provides visualization results for CNNs (Cai et al., 2023). It uses the gradient of any target concept flowing into the final convolutional layer to generate a coarse localization map that highlights important areas of the image for predicting the concept (Moujahid et al., 2022). It can be adapted to any CNN model (Afify et al., 2023).

2.6 Model evaluation and software

Figure 3 is the experimental flow chart of this article. using a 1D spectrum with 181 features after noise reduction as input. This study used classification accuracy to evaluate the performance of the model. The SVM, LR and XGBosst used in this study was based on Python 3.8 and scikit learn 1.0.2; the deep learning model was built on pytorch 1.10.2. The deep model was trained using the NVIDIA GeForce RTX 3060 Laptop GPU for acceleration. Data analysis was performed on computers configured with Intel (R) Core (TM) i7-11800H (2.3GHz) and 16G RAM. All data analysis was performed on Windows 10.

FIGURE 3
www.frontiersin.org

Figure 3 Experimental flow chart.

3 Results

3.1 Spectral analysis

In this study, all the spectral data collected were averaged to obtain the average spectra and standard deviation of four types of rice seeds, as shown in Figure 4.

FIGURE 4
www.frontiersin.org

Figure 4 The average spectra with the standard deviation of four rice seeds: (A) Yongyou12; (B) Yongyou1540; (C) Suxiangjing100; (D) Longjingyou1212.

In general, the shape of the spectrum and the location of the peak of the four types of rice seeds were very similar, which indicated that there may be more common characteristics between the four types of rice seeds, which was conducive to the transfer learning. The spectral difference between Yongyou12 rice seeds under different aging gradients was the largest among the four types of rice seeds, and the wavelength differences were most obvious at 1150-1300 nm and 1400-1650 nm. Suxiangjing100 rice seeds had minimal spectral differences. The wavelengths of the four types of rice seeds with different vigor spectra were concentrated at 1400-1650 nm, and the band could be attributed to the first overtone of amide A (N–H stretch), which might be the critical band for protein detection (Wu et al., 2019). The 1100 nm band were caused by the second overtone of carbohydrates (C–H stretch) (Wu et al., 2021). The peak near 1300 nm was reported to be associated with the combinations of the first overtone of amide B (N–H stretch) and the fundamental vibrations of amide II and III (C–N stretch and N–H in-plane bend) (Daszykowski et al., 2008).

Standard deviation is a measure of how dispersed or dispersed a set of data is. The introduction of standard deviation helps to understand the degree of change in multiple spectral curves. The small standard deviation indicates that their spectral curves are relatively close and have similar fluctuation patterns. As can be seen from Figure 4, the standard deviation of all four types of rice seeds in the 1350-1400 nm band was small.

3.2 Classification results on source dataset

In this study, LR, XGBoost, SVM and CNN were used to determine the vigor of four types of rice seeds with different aging gradients. In our investigation, True Positives (TP) were defined as instances where the model accurately categorizes not aged seed as not aged. True Negatives (TN) referred to cases where the model correctly classifies seeds aging 96 hours and 192 hours as not aged. False Positives (FP) represented erroneous classifications where the model incorrectly labels some seeds aging 96 hours or 192 hours as not aged. False Negatives (FN) denoted situations where the model incorrectly classifies some not aged seeds as aging 96 hours or 192 hours. The same definitions applied to the cases of seeds aging 96 hours and 192 hours as well. The parameters for LR, XGBoost and SVM were described in 2.3.1, 2.3.2 and 2.3.3, respectively. The number of CNN training epochs was 2000, we selected the best round of results as a showcase. The models started fitting around 1500 rounds.

The categorization of rice seed vigor among the four distinct types using the LR model resulted in suboptimal outcomes, with an accuracy rate of approximately 65.00%. Notably, LR demonstrated better performance in classifying Yongyou1540 rice seed vigor, achieving a commendable test set accuracy of 72.33%. However, LR’s performance was inferior to that of SVM and CNN. This could be attributed to LR being a linear model, which may not fit the data well for complex nonlinear relationships, such as one-dimensional spectral data. Furthermore, the small sample size may have also contributed to the lower performance.

The experimental results indicated that the performance of XGBoost was rather disappointing, as it exhibited the poorest overall performance among all classifiers. The accuracy on both the validation and test sets remained around 60.00%, with the occurrence of overfitting.

When using SVM and CNN models for vigor detection, there were slight instances of overfitting in the models. This phenomenon could potentially be linked to the relatively limited quantity of training samples available. Both SVM and CNN consistently achieved an accuracy rate surpassing 90% when applied to the training dataset. Notably, the Yongyou12 rice seed variety demonstrated the most congruent accuracy levels between SVM and CNN, exhibiting remarkable stability across both classifiers.

SVM and CNN exhibited remarkable proficiency when employed to categorize Yongyou1540 rice seeds. The classification accuracy across the training, validation, and test datasets demonstrated notable consistency, with CNN achieving the highest accuracy among the four seed types on the test set, reaching an impressive 90.33%. However, it is worth noting that the classifier’s performance was comparatively less impressive when dealing with Suxiangjing100 and Longjingyou1212, falling short of the performance demonstrated on Yongyou12 and Yongyou1540. Nevertheless, the overall classification accuracy remained commendable.

In summary, CNN consistently outperformed SVM in terms of classification accuracy, owing to the convolution operation’s ability to extract more intricate feature information from the abundant spectral data. The architectural framework of the CNN model employed is depicted in Figure 1, and detailed classification accuracy metrics can be found in Table 3.

TABLE 3
www.frontiersin.org

Table 3 The results of detection of seeds vigor.

3.3 Results of fine-tuning

In order to verify the feasibility of transfer learning in rice seed vigor detection, this study used the most common fine-tuning in the field of transfer learning to adjust the pre-training model to adapt it to the vigor detection of other rice seeds. Our main idea was to design 4 different CNN models for specific rice seeds, and then fine-tuned the CNN models, frozen the layer before the fully connected layer, adjusted the fully connected layer, and transferred to the vigor identification of the other three rice seeds. The feasibility of fine-tuning was verified by taking the accuracy rate as the criterion, and the specific experimental results are shown in Table 4.

TABLE 4
www.frontiersin.org

Table 4 The results of detection of seeds vigor using fine-tuning.

From Table 4, it can be concluded that the overfitting phenomenon of each model after fine-tuning had improved compared with before fine-tuning. The CNN model fine-tuning of Longjingyou1212 performs best when used for other rice seed vigor and was closest to the accuracy of each CNN model before fine-tuning. When it was transferred to the detection of Yongyou12 rice seed vigor, the accuracy rate was improved by 2.33% compared with the original model, reaching 90.00%. When the CNN model fine-tuning of Yongyou12 and Yongyou1540 was used for other rice seed vigor detection, the performance was average, but the accuracy was similar to that before fine-tuning. The CNN model fine-tuning results of Suxiangjing100 were poor and there was a large negative transfer (Wu et al., 2021), which may be due to the fact that compared with other rice varieties, the spectrum of Suxiangjing100 had its own unique characteristics, that was, the difference between the source domain data and the target domain data was large, resulting in poor results.

The results in Table 4 shows that the overall fine-tuning can meet the requirements of model generalization, but there was a certain gap between the accuracy rate and the accuracy of each model before fine-tuning, and this gap was most obvious in the micro-sculpting of Suxiangjing100. When there were large differences in the data sets, fine-tuning may not achieve the desired effect. Therefore, we needed to find a more effective transfer learning strategy.

3.4 Results of MixStyle

MixStyle is designed to normalize CNN training by perturbing the style information of the training instance in the source domain. It is designed to be plugged between CNN layers as a plug-and-play module. The essence of the MixStyle approach lies in utilizing a CNN as a feature extractor. The process begins by passing the input sample through the feature extractor, which generates a specific feature map. Next, multiple style samples are inputted into the feature extractor to generate corresponding style feature maps. During the training process, a hybrid style feature map is created for classification prediction. This is achieved through linear interpolation and synthesis of the style feature maps. This blending of style features enables the model to capture a diverse range of styles and improve its ability to classify different samples effectively. The potential superiority of MixStyle arises from its ability to synthesize “new” styles, thereby regularizing the network to become more resilient to domain shifts. When using MixStyle for transfer learning, the Aadm optimizer was used, and the learning rate of all models was set between [0.0005, 0.000001]. To mitigate overfitting, L2 regularization was used, set to 0.0005. The training process consisted of 20,000 epochs, and the best result was selected.

MixStyle involves mixing feature statistics for two instances with random convex weights to simulate the new style. A reference batch is generated by swapping the locations of instances from different domains and applying a shuffle operation. In this study, the training sets of two types of rice seeds were mixed, and the vigor prediction was carried out with one of the rice seeds as the target domain. We added the MixStyle layer after the last convolutional layer. The model structure used is shown in Figure 1. Taking the transfer of Yongyou12 rice seed knowledge to Yongyou1540 as an example, Yongyou12 rice seed data is the source domain and Yongyou1540 rice seed data is the target domain. During model training, the Yongyou12 rice seed training set data and the Yongyou1540 rice seed training set data were extracted by the Figure 1A model, then mixed by MixStyle, and finally the rice seeds in the source domain were predicted. After the model training is completed, the target domain seed is used as the validation set and the test set to test the model performance, that is, the model is applied to the prediction of the target domain Yongyou1540 rice seed vigor.

As can be seen from Table 5, after MixStyle mixing, the performance of each model in the training set and the validation set was better, and the accuracy rate was generally higher than 80.00%. Among them, when the Yongyou12 rice seed data was used as the source domain, the performance of the model was the best. When mixed with other varieties, the accuracy rate was 86.00%, 84.07% and 81.33% on the test set, respectively. When Yongyou12 knowledge transfer was used to predict Yongyou1540 rice seed vigor, the model had the best performance, with 94.47%, 90.00% and 86.00% accuracy on the training set, validation set and test set, respectively, and the model performance was also better when Longjingyou1212 was used as the source domain for transfer. In conclusion, MixStyle can significantly improve the generalization performance of CNN in detecting rice seed vigor.

TABLE 5
www.frontiersin.org

Table 5 The results of detection of seeds vigor using MixStyle.

3.5 Model visualization

To demonstrate the model training process, we took the example of Yongyou1540 rice seeds. In Figures S1 (in Supplementary Materials), we showcased the variations in loss and accuracy during the training process of the original CNN model, fine-tuned CNN model, and the CNN model with MixStyle incorporated. These figures clearly depict a consistent decrease in loss and a progressive increase in accuracy, ultimately converging to indicate a good fit.

Figure 5 shows the visualization of each band when using CNN classification after transferring Yongyou12 to Yongyou1540 using Fine-tuning and MixStyle, with three top-to-bottom Grad-CAM++ plots of (A) not aged, (B) aging 96h, and (C) aging 192h. Among them, the curve represents the weight of each spectral wavelength on the model, and the higher the weight of the wavelength, the greater the contribution to the model classification result. The shaded area with the same color as the curve represents the corresponding standard deviation of the weight value for each wavelength. The weight values and standard deviations of each wavelength of the CNN using Fine-tuning and MixStyle were compared to the weight values and standard deviations of each wavelength of the original CNN. It could be seen from the figure that for the vigor classification of Yongyou12 knowledge transferred for Yongyou1540 rice seeds, the weight distribution of CNNs after transfer was similar to that of the original CNN classification, and the wavelengths with larger weights were mainly distributed in the 1100-1200 nm and 1400-1450 nm ranges. Compared with the weight distribution of CNNs after fine-tuning, the weight distribution of CNNs after knowledge transfer through MixStyle was more similar to that of the original CNNs, and the weights assigned by CNNs after Fine-tuning were higher in the wavelength range of 1450-1550 nm, which was far from the region where the original CNN assigns weights. Figures S2, S3 shows the knowledge transfer of Yongyou12 rice seeds for Suxiangjing100 and Longjingyou1212 rice seed vigor classification, respectively, with weight distribution similar to Figure 5, with higher weighted regions concentrated in the 1100-1200 nm and 1400-1450 nm intervals. Figures S4–S6 is the CNN visualization result of Yongyou1540 knowledge transfer for the vigor classification of other rice varieties, and it can be seen that the weight assigned in the wavelength range of 1400-1450 nm was higher, and the weight distribution of CNN after MixStyle knowledge transfer was closer to the weight distribution of the Fine-tuning. The wavelengths with higher weights in were also mainly distributed in the 1100-1200 nm and 1400-1450 nm ranges, and the transfer ability of MixStlye was similar to Fine-tuning from the wavelength weight distribution in Figures S7–S9. The weight distribution of CNN after knowledge transfer of Longjingyou1212 is shown in Figures S10–S12, the original CNN assigned higher weights in the wavelength range of 1100-1150 nm, but the CNNs after transfer learning did not assign higher weights in this interval. In the remaining interval, the weights assigned by the transfer-learned CNN and the original CNN were extremely similar, so when Longjingyou1212 was used for the vigor classification of Yongyou12, Yongyou1540 and Suxiangjing100, the classification accuracy was also higher in all cases.

FIGURE 5
www.frontiersin.org

Figure 5 Grad-CAM++ of each vigor gradient of CNN: Yongyou12 transfer to Yongyou1540: (A) the weights of not aged; (B) the weights of aging 96h; (C) the weights of aging 192h.

4 Discussion

The identification of rice seed vigor plays a crucial role in improving germination rates, increasing yields, reducing pests and diseases, and optimizing resource utilization. In this study, near-infrared hyperspectral imaging was utilized to detect the vigor of artificially aged rice seeds. Furthermore, transfer learning was employed to transfer knowledge and enhance the model’s generalization ability. The findings indicate that NIR-HIS is an effective method for detecting rice seed vigor. Moreover, employing transfer learning significantly improves the model’s ability to generalize. Previous research mainly focused on training models from scratch (Jin et al., 2022a; Wang et al., 2022), which is time-consuming and labor-intensive, especially for deep models that require a substantial number of samples. In this study, we adopted traditional machine learning methods and developed custom CNN to discriminate rice seed vigor. Transfer learning was then utilized to transfer knowledge to pre-trained models, enabling rice seed vigor detection across different varieties. While many scholars have explored transfer learning (Zhen et al., 2017; Cetinic et al., 2018; Wu et al., 2021), their approaches were limited to basic Fine-tuning, which often yielded unsatisfactory results. In contrast, our study not only employed Fine-tuning but also utilized the MixStyle transfer strategy to transfer knowledge between different rice seeds. The results demonstrate that the deep model outperformed the traditional machine learning model in terms of classification performance, highlighting the superior generalization ability offered by the deep transfer strategy. In the future, we plan to include more rice varieties in the study, with more generalized models adapted to more rice variety vigor detection. In addition, crop pest and disease data are also difficult to obtain, so in the future, we will also apply near-infrared hyperspectral imaging technology and transfer learning to pest detection to detect pests and diseases early and take corresponding control measures.

5 Conclusion

In this study, the potential of near-infrared hyperspectral imaging in seed vigor detection was discussed, and remarkable results were achieved by combining transfer learning methods, and the CNN model of Yongyou12 classifies the vigor of Yongyou1540, Suxiangjing100 and Longjingyou1212 through MixStyle transfer knowledge, and the accuracy reaches 90.00%, 80.33% and 85.00%, respectively. NIR hyperspectral imaging is a non-invasive means to capture the absorption and reflection properties of rice seeds at different wavelengths, providing useful information about the internal chemical composition of the seeds. Transfer learning effectively improves the generalization performance of the model by sharing similar spectral characteristics between different seed varieties, thereby improving the performance and robustness of the model. In the future, we plan to apply near-infrared hyperspectral imaging techniques and transfer learning to the field of crop diseases and pests. This study provides a viable approach to detect rice seed vigor and enhance the generalization ability of the model in situations with limited sample sizes. It also reduces the cost of seed testing, thereby contributing to the promotion of sustainability in agricultural products. These advancements hold positive and long-term implications for the agricultural sector and food production.

Data availability statement

The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.

Author contributions

HQ: Conceptualization, Funding acquisition, Project administration, Resources, Writing – review & editing. ZH: Conceptualization, Formal Analysis, Investigation, Methodology, Software, Writing – original draft, Writing – review & editing. ZS: Data curation, Writing – review & editing. QT: Data curation, Writing – review & editing. GZ: Investigation, Resources, Writing – review & editing. XZ: Methodology, Writing – review & editing. CZ: Conceptualization, Supervision, Validation, Writing – review & editing.

Funding

The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This work was funded by Zhejiang Key R&D Plan (2019C02013). Postgraduate Research and Innovation Project of Huzhou University (2023KYCX45).

Conflict of interest

Author XZ is employed by Zhejiang Top Cloud-agri Technology Co., Ltd.

The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fpls.2023.1283921/full#supplementary-material

References

Afify, H. M., Mohammed, K. K., Ella Hassanien, A. (2023). Novel prediction model on OSCC histopathological images via deep transfer learning combined with Grad-CAM interpretation. Biomed. Signal Process. Control 83, 104704. doi: 10.1016/j.bspc.2023.104704

CrossRef Full Text | Google Scholar

Arun Kumar, M., Gopal, M. (2009). Least squares twin support vector machines for pattern classification. Expert Syst. Appl. 36 (4), 7535–7543. doi: 10.1016/j.eswa.2008.09.066

CrossRef Full Text | Google Scholar

Barbosa, R. M., de Jesus, M. A., Pereira, R. A., Gomes, G. A. (2021). Electrical conductivity and ethanol release to assess red rice seed vigor1. Rev. Caatinga 34 (4), 791–798. doi: 10.1590/0103-8478cr20150705

CrossRef Full Text | Google Scholar

Brar, K., Dudi (2019). Assessment of natural ageing related physio-biochemical changes in onion seed. Agriculture 9 (8), 163. doi: doi: 10.3390/agriculture9080163

CrossRef Full Text | Google Scholar

Cai, Z., Huang, Z., He, M., Li, C., Qi, H., Peng, J., et al. (2023). Identification of geographical origins of Radix Paeoniae Alba using hyperspectral imaging with deep learning-based fusion approaches. Food Chem. 422, 136169. doi: 10.1016/j.foodchem.2023.136169

PubMed Abstract | CrossRef Full Text | Google Scholar

Carvalho, I. L., Meneghello, G. E., de Tunes, L. M., Jácome, C. C., Soares, V. N. (2017). Methodological adjustments to the tetrazolium test in rice seeds. J. Seed Sci. 39 (1), 41–49. doi: 10.1590/2317-1545v39n1169643

CrossRef Full Text | Google Scholar

Cetinic, E., Lipic, T., Grgic, S. (2018). Fine-tuning Convolutional Neural Networks for fine art classification. Expert Syst. Appl. 114, 107–118. doi: 10.1016/j.eswa.2018.07.026

CrossRef Full Text | Google Scholar

Chen, J., Chen, J., Zhang, D., Sun, Y., Nanehkaran, Y. A. (2020). Using deep transfer learning for image-based plant disease identification. Comput. Electron. Agric. 173, 105393. doi: 10.1016/j.compag.2020.105393

CrossRef Full Text | Google Scholar

Chen, T., Guestrin, C. (2016). “Xgboost: A scalable tree boosting system,” in Proceedings of the 22nd acm sigkdd international conference on knowledge discovery and data mining, 2016 Aug 13-17; New York, United States, 785–794.

Google Scholar

Cui, S., Wang, S., Zhuo, J., Li, L., Huang, Q., Tian, Q. (2020). “Towards discriminability and diversity: Batch nuclear-norm maximization under label insufficient situations,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. 2020 Jun 13-19; Seattle, United States., 3941–3950.

Google Scholar

Cui, Y., Wang, L., Su, J., Gao, S., Wang, L. (2021). Iterative weighted active transfer learning hyperspectral image classification. J. Appl. Remote Sens. 15 (3), 16. doi: 10.1117/1.JRS.15.032207

CrossRef Full Text | Google Scholar

Daszykowski, M., Wrobel, M. S., Czarnik-Matusewicz, H., Walczak, B. (2008). Near-infrared reflectance spectroscopy and multivariate calibration techniques applied to modelling the crude protein, fibre and fat content in rapeseed meal. Analyst 133 (11), 1523–1531. doi: 10.1039/b803687j

PubMed Abstract | CrossRef Full Text | Google Scholar

David, K., Ethan, C., Joern-Henrik, J., Amy, Z., Jonathan, B., Zhang, D., et al. (2021). “Out-of-distribution generalization via risk extrapolation (rex),” in International Conference on Machine Learning. 2021 Jul 18-24; Vienna, Austria. p. 5815–5826.

Google Scholar

Du, D., Chen, J., Li, Y., Ma, K., Wu, G., Zheng, Y., et al. (2022). Cross-domain gated learning for domain generalization. Int. J. Comput. Vision 130 (11), 2842–2857. doi: 10.1007/s11263-022-01674-w

CrossRef Full Text | Google Scholar

Du, L., Xia, X., Lan, X., Liu, M., Zhao, L., Zhang, P., et al. (2017). Influence of arsenic stress on physiological, biochemical, and morphological characteristics in seedlings of two cultivars of maize (Zea mays L.). Water Air Soil pollut. 228 (2), 55. doi: 10.1007/s11270-016-3231-2

CrossRef Full Text | Google Scholar

Friedman, J. H. (2001). Greedy function approximation: a gradient boosting machine. Ann. Stat, 1189–1232. doi: 10.1214/aos/1013203451

CrossRef Full Text | Google Scholar

Gopinath, G., Sasidharan, N., Surendran, U. (2020). Landuse classification of hyperspectral data by spectral angle mapper and support vector machine in humid tropical region of India. Earth Sci. Inf. 13 (3), 633–640. doi: 10.1007/s12145-019-00438-4

CrossRef Full Text | Google Scholar

He, X., Feng, X., Sun, D., Liu, F., Bao, Y., He, Y. (2019). Rapid and nondestructive measurement of rice seed vitality of different years using near-infrared hyperspectral imaging. Molecules 24 (12), 2227. doi: 10.3390/molecules24122227

PubMed Abstract | CrossRef Full Text | Google Scholar

Hong, S.-J., Yang, T., Kim, S. Y., Kim, E., Lee, C., Nurhisna, N. I., et al. (2022). Nondestructive prediction of rice seed viability using spectral and spatial information modeling of visible–near infrared hyperspectral images. J. ASABE 65 (5), 997–1006. doi: 10.13031/ja.14982

CrossRef Full Text | Google Scholar

Jin, Y., Wang, X., Long, M., Wang, J. (2020). Minimum class confusion for versatile domain adaptation. In Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020., p. 464–480.

Google Scholar

Jin, X., Jie, L., Wang, S., Qi, H., Li, S. (2018). Classifying wheat hyperspectral pixels of healthy heads and fusarium head blight disease using a deep neural network in the wild field. Remote Sens. 10 (3), 395. doi: 10.3390/rs10030395

CrossRef Full Text | Google Scholar

Jin, B., Qi, H., Jia, L., Tang, Q., Gao, L., Li, Z., et al. (2022a). Determination of viability and vigor of naturally-aged rice seeds using hyperspectral imaging with machine learning. Infrared Phys. Technol. 122, 104097. doi: 10.1016/j.infrared.2022.104097

CrossRef Full Text | Google Scholar

Jin, B., Zhang, C., Jia, L., Tang, Q., Gao, L., Zhao, G., et al. (2022b). Identification of rice seed varieties based on near-infrared hyperspectral imaging technology combined with deep learning. ACS Omega 7 (6), 4735–4749. doi: 10.1021/acsomega.1c04102

PubMed Abstract | CrossRef Full Text | Google Scholar

Jordan, M. I., Mitchell, T. M. (2015). Machine learning: Trends, perspectives, and prospects. Science 349 (6245), 255–260. doi: 10.1126/science.aaa8415

PubMed Abstract | CrossRef Full Text | Google Scholar

Lu, S., Lu, Z., Zhang, Y.-D. (2019). Pathological brain detection based on AlexNet and transfer learning. J. Comput. Sci. 30, 41–47. doi: 10.1016/j.jocs.2018.11.008

CrossRef Full Text | Google Scholar

Marmanis, D., Datcu, M., Esch, T., Stilla, U. (2016). Deep learning earth observation classification using imageNet pretrained networks. IEEE Geosci. Remote Sens. Lett. 13 (1), 105–109. doi: 10.1109/LGRS.2015.2499239

CrossRef Full Text | Google Scholar

Moujahid, H., Cherradi, B., Al-Sarem, M., Bahatti, L., Eljialy, A. A. M. Y., Alsaeedi, A., et al. (2022). Combining CNN and grad-cam for COVID-19 disease prediction and visual explanation. Intelligent Automation Soft Computing 32 (2), 723–745. doi: 10.32604/iasc.2022.022179

CrossRef Full Text | Google Scholar

Pan, S. J., Yang, Q. (2010). A survey on transfer learning. IEEE Trans. knowledge Data Eng. 22 (10), 1345–1359. doi: 10.1109/TKDE.2009.191

CrossRef Full Text | Google Scholar

Paymode, A. S., Malode, V. B. (2022). Transfer learning for multi-crop leaf disease image classification using convolutional neural network VGG. Artif. Intell. Agric. 6, 23–33. doi: 10.1016/j.aiia.2021.12.002

CrossRef Full Text | Google Scholar

Qiu, Y., Zhou, J., Khandelwal, M., Yang, H., Yang, P., Li, C. (2021). Performance evaluation of hybrid WOA-XGBoost, GWO-XGBoost and BO-XGBoost models to predict blast-induced ground vibration. Eng. Comput. 38 (5), 4145–4162. doi: 10.1007/s00366-021-01393-9

CrossRef Full Text | Google Scholar

Sena, D., Alves, E. U., Medeiros, D. (2017). Vigor tests to evaluate the physiological quality of corn seeds cv. 'Sertanejo'. Ciec. Rural 47 (3), e20150705. doi: 10.1590/0103-8478cr20150705

CrossRef Full Text | Google Scholar

Seo, Y., Kim, G., Lim, J., Lee, A., Kim, B., Jang, J., et al. (2021). Non-destructive detection pilot study of vegetable organic residues using VNIR hyperspectral imaging and deep learning techniques. Sensors 21 (9), 14. doi: 10.3390/s21092899

CrossRef Full Text | Google Scholar

She, L., Fan, Y., Xu, M., Wang, J., Xue, J., Ou, J. (2021). Insulator breakage detection utilizing a convolutional neural network ensemble implemented with small sample data augmentation and transfer learning. IEEE Trans. Power Delivery 37 (4), 2787–2796. doi: 10.1109/TPWRD.2021.3116600

CrossRef Full Text | Google Scholar

Song, P., Song, P., Yang, H., Yang, T., Xu, J., Wang, K. (2018). Detection of rice seed vigor by low-field nuclear magnetic resonance. Int. J. Agric. Biol. Eng. 11 (6), 195–200. doi: 10.25165/j.ijabe.20181106.4323

CrossRef Full Text | Google Scholar

Suh, H. K., Ijsselmuiden, J., Hofstee, J. W., van Henten, E. J. (2018). Transfer learning for the classification of sugar beet and volunteer potato under field conditions. Biosyst. Eng. 174, 50–65. doi: 10.1016/j.biosystemseng.2018.06.017

CrossRef Full Text | Google Scholar

Sun, H., Zheng, X., Lu, X. (2021). A supervised segmentation network for hyperspectral image classification. IEEE Trans. Image Process. 30, 2810–2825. doi: 10.1109/TIP.2021.3055613

PubMed Abstract | CrossRef Full Text | Google Scholar

Voulodimos, A., Doulamis, N., Doulamis, A., Protopapadakis, E. (2018). Deep learning for computer vision: A brief review. Comput. Intell. Neuroscience 2018. p, 1–13. doi: 10.1155/2018/7068349

CrossRef Full Text | Google Scholar

Vrbancic, G., Podgorelec, V. (2020). Transfer learning with adaptive fine-tuning. IEEE Access 8, 196197–196211. doi: 10.1109/ACCESS.2020.3034343

CrossRef Full Text | Google Scholar

Wang, Z., Huang, W., Tian, X., Long, Y., Li, L., Fan, S. (2022). Rapid and non-destructive classification of new and aged maize seeds using hyperspectral image and chemometric methods. Front. Plant Sci. 13, 849495. doi: 10.3389/fpls.2022.849495

PubMed Abstract | CrossRef Full Text | Google Scholar

Wu, N., Zhang, Y., Na, R., Mi, C., Zhu, S., He, Y., et al. (2019). Variety identification of oat seeds using hyperspectral imaging: investigating the representation ability of deep convolutional neural network. RSC Adv. 9 (22), 12635–12644. doi: 10.1039/c8ra10335f

PubMed Abstract | CrossRef Full Text | Google Scholar

Wu, N., Liu, F., Meng, F., Li, M., Zhang, C., He, Y. (2021). Rapid and accurate varieties classification of different crop seeds under sample-limited condition based on hyperspectral imaging and deep transfer learning. Front. Bioeng Biotechnol. 9, 696292. doi: 10.3389/fbioe.2021.696292

PubMed Abstract | CrossRef Full Text | Google Scholar

Xiao, D., Huang, Y., Qin, C., Liu, Z., Li, Y., Liu, C. (2019). Transfer learning with convolutional neural networks for small sample size problem in machinery fault diagnosis. Proc. Institution Mechanical Engineers Part C: J. Mechanical Eng. Sci. 233 (14), 5131–5143. doi: 10.1177/0954406219840381

CrossRef Full Text | Google Scholar

Xie, F., Gao, Q., Jin, C., Zhao, F. (2021). Hyperspectral image classification based on superpixel pooling convolutional neural network with transfer learning. Remote Sens. 13 (5), 16. doi: 10.3390/rs13050930

CrossRef Full Text | Google Scholar

Yuan, P., Pang, L., Wang, L., Yan, L. (2022). Application of hyperspectral imaging to discriminate waxy corn seed vigour after aging. Int. Food Res. J. 29 (2), 397–405.

Google Scholar

Zhang, J., Yang, Y., Feng, X., Xu, H., Chen, J., He, Y. (2020). Identification of bacterial blight resistant rice seeds using terahertz imaging and hyperspectral imaging combined with convolutional neural network. Front. Plant Sci. 11, 821. doi: 10.3389/fpls.2020.00821

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, Y., Guo, W. (2019). Moisture content detection of maize seed based on visible/near-infrared and near-infrared hyperspectral imaging technology. Int. J. Food Sci. Technol. 55 (2), 631–640. doi: 10.1111/ijfs.14317

CrossRef Full Text | Google Scholar

Zhang, L., Rao, Z., Ji, H. (2020). Hyperspectral imaging technology combined with multivariate data analysis to identify heat-damaged rice seeds. Spectrosc. Lett. 53 (3), 207–221. doi: 10.1080/00387010.2020.1726402

CrossRef Full Text | Google Scholar

Zhang, C., Zhao, Q. (2021). Deep discriminative domain adaptation. Inf. Sci. 575, 599–610. doi: 10.1016/j.ins.2021.07.073

CrossRef Full Text | Google Scholar

Zhao, Y., Zhu, S., Zhang, C., Feng, X., Feng, L., He, Y. (2018). Application of hyperspectral imaging and chemometrics for variety classification of maize seeds. RSC Adv. 8 (3), 1337–1345. doi: 10.1039/C7RA05954J

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhen, X., Chen, J., Zhong, Z., Hrycushko, B., Zhou, L., Jiang, S., et al. (2017). Deep convolutional neural network with transfer learning for rectum toxicity prediction in cervical cancer radiotherapy: a feasibility study. Phys. Med. Biol. 62 (21), 8246–8263. doi: 10.1088/1361-6560/aa8d09

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhou, K., Yang, Y., Qiao, Y., Xiang, T. (2021). Domain generalization with mixstyle. arXiv [preprint]. Available at: https://arxiv.org/abs/2104.02008 (Accessed Apr 5, 2021)

Google Scholar

Zhu, S., Zhang, J., Chao, M., Xu, X., Song, P., Zhang, J., et al. (2019). A rapid and highly efficient method for the identification of soybean seed varieties: hyperspectral images combined with transfer learning. Molecules 25 (1), 152. doi: 10.3390/molecules25010152

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: near-infrared hyperspectral imaging, seed vigor, convolutional neural network, fine-tuning, MixStyle

Citation: Qi H, Huang Z, Sun Z, Tang Q, Zhao G, Zhu X and Zhang C (2023) Rice seed vigor detection based on near-infrared hyperspectral imaging and deep transfer learning. Front. Plant Sci. 14:1283921. doi: 10.3389/fpls.2023.1283921

Received: 27 August 2023; Accepted: 09 October 2023;
Published: 23 October 2023.

Edited by:

Yuriy L. Orlov, I.M.Sechenov First Moscow State Medical University, Russia

Reviewed by:

Parvathaneni Naga Srinivasu, Prasad V. Potluri Siddhartha Institute of Technology, India
Kunjie Chen, Nanjing Agricultural University, China

Copyright © 2023 Qi, Huang, Sun, Tang, Zhao, Zhu and Zhang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Chu Zhang, chuzh@zjhu.edu.cn

These authors have contributed equally to this work and share first authorship

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.