Skip to main content

Classification of multi-year and multi-variety pumpkin seeds using hyperspectral imaging technology and three-dimensional convolutional neural network

Abstract

Background

Pumpkin seeds are major oil crops with high nutritional value and high oil content. The collection and identification of different pumpkin germplasm resources play a significant role in the realization of precision breeding and variety improvement. In this research, we collected 75 species of pumpkin from the Zhejiang Province of China. 35,927 near-infrared hyperspectral images of 75 types of pumpkin seeds were used as the research object.

Results

To realize the rapid classification of pumpkin seed varieties, position attention embedded three-dimensional convolutional neural network (PA-3DCNN) was designed based on hyperspectral image technology. The experimental results showed that PA-3DCNN had the best classification effect than other classical machine learning technology. The classification accuracy of 99.14% and 95.20% were severally reached on the training and test sets. We also demonstrated that the PA-3DCNN model performed well in next year’s classification with fine-tuning and met with 94.8% accuracy.

Conclusions

The model performance improved by introducing double convolution and pooling structure and position attention module. Meanwhile, the generalization performance of the model was verified, which can be adopted for the classification of pumpkin seeds in multiple years. This study provided a new strategy and a feasible technical approach for identifying germplasm resources of pumpkin seeds.

Background

Pumpkin is a cucurbit crop with a wide range of plantings and a wide variety of resources [1]. Excavating high-yielding pumpkin germplasm resources will greatly enrich the edible oil market, which is of practical significance to increase the added value of pumpkin. In addition, pumpkin seeds are rich in amino acids, proteins and trace elements, which have high nutritional value and momentous research value [2,3,4,5]. However, due to the late start of breeding research and the narrow genetic background of germplasm resources, the breeding efficiency of seed-used pumpkins whose seeds as the main edible organs or processing objects needs to be improved urgently. The classification of pumpkin seed varieties is an important link in the identification of germplasm resources, which can effectively improve the purity of varieties, increase crop yield and promote breeding improvement [6, 7]. At the same time, it is of great significance to further realize the rapid screening of high-quality trait genes.

Traditional manual inspection and machine vision techniques for variety classification and grading are time-consuming and labor-intensive. It no longer meets the current requirements of high efficiency, accuracy and no damage [8, 9]. Hyperspectral imaging (HSI) technology can get rich spectral data and spatial information of seed spectral images at the same time, which is widely employed in the seed classification field [10,11,12,13]. In particular, compared with the visible light bands, the mid-infrared bands, etc., the near-infrared (NIR) spectral region is consistent with the absorption region of the combination frequency and double frequency of the vibration of hydrogen-containing groups (O–H, N–H, C–H) in organic molecules [14]. By obtaining the NIR spectrum of pumpkin seeds, the characteristic information of hydrogen-containing groups can be acquired, so as to precisely reflect the composition and properties of the seeds for accurate classification. Traditional methods usually took advantage of principal component analysis and other methods to select or transform original spectral features, and then adopted traditional machine learning methods such as support vector machine (SVM) to train classifier models [15,16,17,18,19]. The separation of feature learning and classifiers easily led to the ineffective extraction of features. The compressed features thereby may not guarantee the classification accuracy. Additionally, traditional machine learning generally assumes that the samples for training and testing have no relation and have the same distribution, which is why the model obtained on the training set can be equally effective on the test set. As a consequence, in the case of different domains and tasks, such as the classification of multi-year seeds, traditional machine learning is limited.

As a new study direction in machine learning, deep learning can automatically learn features through computers and has excellent feature extraction capabilities [20,21,22,23,24,25,26]. Convolutional Neural Network (CNN) is one of the typical and commonly used models and has been gradually applied to spectral analysis recently [27,28,29]. At present, CNN constructed based on HSI can be roughly divided into one-dimensional convolutional neural networks (1DCNN), two-dimensional convolutional neural networks (2DCNN) and three-dimensional convolutional neural networks (3DCNN) [30]. 1DCNN is constructed from one-dimensional (1D) averaged spectra because spectral information is the most important feature of HIS [31, 32]. Although such models had achieved good results, the classification accuracy still depended on the adequacy of manually extracted features. Moreover, keeping only average spectra may also result in suboptimal model performance. 2DCNN is specially designed for RGB images, so it pays attention to extracting spatial features from raw spectral images [33]. Although the seed classification performance of 2DCNN was better than that of 1DCNN in some studies [34]. But extracting and compressing classification features using two-dimensional (2D) convolutions hardly took into account the spatial and spectral dimensions of HSI data, which made it difficult for deep learning models to fully mine features required for classification.

HSI is presented in the form of three-dimensional (3D) data cubes that exhibit correlations in both spatial and spectral dimensions. It is troublesome for 2D convolution to completely exploit the feature coupling relationship between different bands in 3D HSI data. 3D convolution was first applied for human action recognition, which can extract features in both spatial and temporal dimensions. Compared with 2D convolution, it had better recognition and classification effect in the vast majority of cases [35,36,37]. Therefore, 3DCNN can straightly gain integrated deep spectral and spatial information from raw HSI in an end-to-end manner, which would validly ameliorate model accuracy [38,39,40]. Jung et al. designed 2DCNN and 3DCNN to identify susceptible areas, asymptomatic areas and healthy areas of strawberry leaves [41]. The classification accuracy of the latter was 84%, which was 10% higher than that of the former. Gao et al. used SVM and 3DCNN to classify heat-shocked rice seeds and normal rice seeds, and 3DCNN received a higher accuracy of 97.5% [42]. As a consequence, 3DCNN has enormous latent capacity in the identification and classification of crop seed varieties based on HSI.

From another perspective, deep networks need enough samples for each type of seed to fully learn to extract features hidden in redundant spectral data. When the amount of data required to build models is not available, the model may overfit or fall into a local optimum. In addition, due to the influence of various external environmental factors, spectral characteristics of seeds vary widely from year to year. Whether the model has the same excellent classification effect for multi-year seeds is a major indicator to test its generalization ability. Transfer learning, such as fine-tuning, provides an efficient solution [43, 44]. Zhu et al. fine-tuned pretrained models including AlexNet, ResNet18, Xception, InceptionV3, DenseNet201 and NASNetLarge to categorize 10 types of soybean seeds [45]. Among them, NASNetLarge reached up to the best classification accuracy of 97.2%. Wu et al. designed a deep learning model called VGG-MODEL and transferred it to 4 crop seeds for classification, all of which attained higher performance than traditional methods [46]. To sum up, transfer learning can be successfully utilized in the fast and accurate classification of crop seeds that are multi-year, multi-variety and sample-scarce.

Under such context, this paper aimed to develop a method for classifying pumpkin seeds based on NIR hyperspectral technology for automated and intelligent germplasm identification. We first verified the feasibility of classification through regression analysis of chemical components and spectral clustering analysis. Additional objectives were: (1) to construct a superior model called position attention embedded 3D convolutional neural network (PA-3DCNN) to classify 75 classes of pumpkin seeds; (2) to build a PA-3DCNN transfer model to classify pumpkin seeds in the second year to explore its transferability and generalization ability.

Methods and materials

The main research process of this study included six parts: sample preparation, data collection, feasibility analysis, construction of classification model, transfer study and visualization (Fig. 1). Above all, the feasibility of classification was verified by collecting the chemical composition data and NIR spectral data of pumpkin seeds for two years. Subsequently, deep learning methods were exploited to build the pumpkin seed classification model. And the transferability of our model was verified by fine-tuning. Eventually, visualization was applied to explore the essence of spectral image classification.

Fig. 1
figure 1

Flow chart of data analysis in this study

Sample preparation

The pumpkin seeds of 75 varieties belonging to different geographical locations in Zhejiang Province of China were collected by the Zhejiang Academy of Agricultural Sciences during 2017–2022. After the pumpkins in 2020 and 2021 were planted, their 75 and 56 types of seeds were separately collected as samples for this experiment.

All samples were uniformly packaged in kraft paper bags and stored in a dry room at a constant temperature of 23 °C. During the experiment, pumpkin seed samples with obvious defects such as damage, shriveled, and insect pests were excluded. And this study was conducted on the whole seed, including the shell.

Physiological and biochemical data collection

The contents of physiological and biochemical components in different varieties of pumpkin seeds are different, which stimulates the diverse spectral fingerprints. Analyzing the degree of correlation between chemical composition content and spectral features of seeds is the premise of classification. The important components of pumpkin seeds are starch, soluble sugar, fat and protein. In addition, they contain rich amino acids, which are essential nutrients needed by the human body. Therefore, the chemical composition content including starch, fat, soluble sugar, total protein and 16 amino acid components (Asparagine, Threonine, Serine, Glycine, Alanine, Valine, Methionine, Isoleucine, Leucine, Tyrosine, Phenylalanine, Lysine, Histidine, Glutamine, Arginine, Proline) of 75 pumpkin seeds in 2020 were analyzed by liquid chromatography mass spectrometry (LC-MS1000; Jiangsu Skyray Instrument Co., Ltd., Kunshan City, China).

Near-infrared hyperspectral imaging system

In this research process, the hyperspectral information of pumpkin seeds was acquired by near-infrared hyperspectral imaging system from 870 to 1740 nm. The system mainly consists of an imaging spectrometer (ImSpectorN17E; Spectral Imaging Ltd., Oulu, Finland), and a camera lens (OLES22; Specim, Spectral Imaging Ltd., Oulu, Finland). The specific structure is shown in Fig. 1. Other devices were introduced comprehensively in Feng et al. [47]. Before the formal experiment, the equipment was preheated for 30 min and the experimental parameters were adjusted and corrected. The exposure time was 3 ms. The distance between the lens and experimental sample was 19 cm. The speed of the displacement platform was 15 mm/s. The light intensity knob of the halogen lamp was adjusted to a stable state to ensure the integrity and clarity of the image information. After the acquisition, original spectral images were corrected in the HSI-Analyzer software using corrected images of black and white plates and the correction calculation formula described by Nie et al. [48].

In 2020, the valid samples number of 75 kinds of pumpkin seeds was 35,927. In 2021, that of 56 kinds of pumpkin seeds was 12,111. There was little difference in the effective sample size of different pumpkin varieties. The pumpkin seeds in 2020 were divided into training set and test set (7:3) at random in order to build classification models with excellent generalization ability. Figure 1 shows the visual distribution of geographic locations of various seeds in 2020 and 2021. The height of bars in the graph was proportional to the number of samples.

Spectral data acquisition and preprocessing

Spectral data is provided by the near-infrared hyperspectral equipment in the form of a data cube. Therefore, the data can be analyzed in two different patterns, 1D spectral data and 3D spectral images. The pixels of all seeds were defined as regions of interest (ROI) and used as extraction targets to reduce the interference of background signals. The average spectrum of each pumpkin seed ROI was 1D spectral data. The smallest rectangular area used to extract and segment each seed ROI was 3D spectral images. The size of 3D spectral images of each seed was unified to 100 \(\times\) 80 \(\times\) 256 (length, width and number of bands of the image respectively) by symmetric zero-padding on both sides.

Feasibility analysis methods for pumpkin seed classification based on NIR spectral characteristics

In order to explore the corresponding relationship between the spectral data and chemical components, the partial least squares (PLS) regression model was constructed to demonstrate feasibility of using NIR spectral information to identify pumpkin seeds. Correlation analysis and normal distribution analysis were carried out on 20 kinds of physiological and biochemical data of 75 kinds of pumpkin seeds. Normality was checked using the Kolmogorov–Smirnov test. The average spectrum was treated as independent variable in that regression model. The chemical components with a large proportion, strictly obeying the normal distribution and no obvious correlation were selected as the dependent variables.

At the same time, in order to further evaluate whether the spectral information was identifiable for pumpkin varieties, linear discriminant analysis (LDA) was employed to reduce the dimension and cluster the average spectral data of 75 pumpkin varieties. The above methods laid the foundation for building seed classification models.

Construction of classification models based on average spectrum and traditional machine learning methods

In order to comply with the qualitative classification of 75 kinds of pumpkin seeds based on the average spectrum, LDA, SVM and extreme learning machine (ELM) machine learning methods were used to construct classification models respectively. LDA achieves the maximum distinguishability of samples in another space by calculating the correct projection direction and establishing a suitable linear discriminant function.

SVM distinguishes samples by building a nonlinear classification model and increasing the distance from the support vector to the hyperplane. In this study, the extremely stable radial basis function was selected. Penalty coefficient c and kernel parameter g were determined to be 1024 and 0.5 by using the toolbox function libsvm inside Matlab R2016a and grid search optimization.

ELM is a feedback-forward algorithm based on neural network. It contains three layers. The neurons number in the input, output layer was determined by the input and output of the original data itself. The number of hidden nodes was changed from 1 to 3000 in steps of 100, and the discriminative accuracy was computed. The final hidden nodes number n was determined to be 100.

Construction of pumpkin seed classification models based on pretrained models

Using transfer learning to fine-tune pretrained models is faster and easier than randomly training weights from scratch. And it doesn’t require plenty of images. Accordingly, this study attempted to transfer six pretrained models including Vgg16, Vgg19, ResNet50, ResNet101, InceptionV3, and Xception to build classification models based on pumpkin seed spectral images. They are all classic two-dimensional convolutional neural networks formed by the continuous development of image classification in recent years. The depth and width of the networks are different, but they all have strong robustness and generalization performance.

To match three channels of RGB images, this study made use of principal component analysis to extract main components from 256 bands of original spectral images and retained the first three principal components. The target domain of this study was the HSI of pumpkin seeds, which was quite different from the source domain ImageNet dataset. Therefore, the weights in the first k layers of the pretrained model were respectively frozen, and the fully connected layer and output layer were adjusted for retraining. The above models all added two fully connected layers. The first layer consisted of 2048 neurons, and the second layer consisted of 1024 neurons. In order to alleviate the overfitting problem, L2 regularization and dropout layers were applied after the fully connected layers. The dropout ratio was 0.5, and L2 regularization was 0.001. The output layer was processed by the softmax multi-classification function. In addition, the six classification models all employed the multi-class cross-entropy loss function and stochastic gradient descent optimization algorithm to fairly compare model performance. The learning rate and momentum decay coefficients were 0.0001 and 0.94, respectively. The number of samples fed into the network at a time was 32. The number of iterations epoch was 100. The number of frozen layers k was determined according to multiple trainings, so that the model did not overfit and the classification accuracy was optimal. The specific parameters are listed in Table 1.

Table 1 The parameters of pretrained models to build pumpkin seed classification models

Construction of pumpkin seed classification model PA-3DCNN based on double convolution and pooling structure and position attention module

In contrast to 1DCNN or 2DCNN, 3DCNN directly processes the spectral data cube, thereby simultaneously processing spatial and spectral dimensions of pumpkin seed images. A three-dimensional convolution-based pumpkin seed classification model PA-3DCNN was constructed (Fig. 2). The input to the neural network was 16 spectral images of pumpkin seeds with a spatial dimension of 100 \(\times\) 80 and a channel of 16.

Under the condition of network depth increased, the model classification accuracy decreases with the addition of convolutional layers. But limiting the model depth may reduce classification accuracy. Therefore, this study adopted 2 double convolution and pooling structures, which consisted of two convolutional layers, two batch normalization layers and one maxpooling layer. The pooling layers (M1, M2) were set after the double convolutional layer, and the batch normalization layer was set after each convolution for data normalization. Maxpooling3D pooling with a size of 2 \(\times\) 2 \(\times\) 2 was adopted for downsampling, which can effectively reduce the number of parameters and be more conducive to model convergence while maintaining feature invariance. However, frequent use would cause certain damage to spatial information. Hence, the double convolution design realized the maintenance and transmission of features. Moreover, experiments revealed that the 3 \(\times\) 3 \(\times\) 3 convolution kernel was a valid 3D convolution kernel for processing 3D spatiotemporal features [49]. So, 3 \(\times\) 3 \(\times\) 3 convolution kernels were utilized in this model. And the number of convolution kernels was continuously reduced as the depth of the neural network increased. According to experience and experiments, the first 2 convolutional layers (C1, C2) both used 128 channels, the third convolutional layer (C3) used 64 channels, and the fourth convolutional layer (C4) used 32 channels.

After four times of 3D convolution and two times of pooling, the spectral dimension was compressed to 1, and 3D convolution cannot be performed again. At this time, the size of feature map A is 22 \(\times\) 17 \(\times\) 32. Inspired by Fu et al. this study drew on the position attention module in the dual attention networks (DANet) [50]. By weighting all spatial features and selectively aggregating spatial features, the spatial interdependence of features was learned and the classification accuracy was improved. As shown in Fig. 2, feature map A was convolved three times to acquire three feature maps B, C, and D. Multiply the transpose of B by C, and then obtain the spatial attention map S through softmax. Then perform matrix multiplication on the transpose of D and S, and finally add to A to obtain the final feature map E. The output was flattened and input into a fully connected layer with 100 neurons. The dropout layer was applied to avoid overfitting. In this study, the dropout ratio was 0.5, and the output layer was processed by the softmax multi-classification function. The weights of convolution kernels were initialized by Xavier. And the multi-class cross-entropy loss function and stochastic gradient descent optimization algorithm were utilized. To verify the superiority of the model’s classification performance, PA-3DCNN and 3DCNN without position attention module were respectively trained and compared. Other parameters such as learning rate were the same as pretrained models.

Fig. 2
figure 2

Model structure diagram of PA-3DCNN. The model consisted of 2 double convolution and pooling structures, the position attention module, fully connected layers, etc. Conv3D referred to the three-dimensional convolution operation. C1–C4 referred to the first to fourth convolutional layers. M1–M2 referred to the first and second pooling layers. A–E, S were the code names of the feature maps in the position attention module. Before @ was the number of feature maps, after which was the size of the feature map. Specific details were described in the paper

Transfer of pumpkin seed classification model PA-3DCNN

Due to the influence of various external environmental factors, the spectral characteristics of pumpkin seeds in 2021 and 2020 are quite dissimilar. The classification model constructed from the previous year’s images directly recognizes the seeds of the second year, which will inevitably lead to a significant drop in classification accuracy. In this study, the fine-tuning method of transfer learning was adopted, and spectral images of pumpkin seeds in 2021 were fed into PA-3DCNN at different scales. It allowed the model to re-adapt to new spectral features through low samples, thereby verifying the model’s generalization ability and realizing efficient classification of pumpkin seeds. All weights before the first double convolution and pooling structure of PA-3DCNN were frozen. Two fully connected layers and the output layer were retrained. The first and second fully connected layer’s neurons number was set to 1024 and 512. The output layer output 56 categories. In order to alleviate the overfitting problem, the dropout layer was applied after the fully connected layer, and the dropout ratio was 0.5. The number of samples input to the network at a time was 8. The settings of other parameters were the same as PA-3DCNN.

Data visualization

Feature visualization can intuitively explore the feature extraction mode of CNN. The feature maps of the convolutional and pooling layers of PA-3DCNN were visualized as a single graph in each channel to explore the main points that the model concentrated on. In addition, the feature maps of the PA-3DCNN transfer model with a scale of 0.5 in the pumpkin seed training set in 2021 were in comparison with the original model feature maps to investigate the interpretability of feature extraction.

In order to visualize the classification process of 3D spectral images by deep learning, t-SNE was used to perform nonlinear dimensionality reduction on the feature data of the flattening layer, and subsequent layers. The t-SNE visualization of PA-3DCNN was compared with 3DCNN to explore the interpretability of the classification performance improvement by position attention mechanism.

Software tools

Data analysis and model building were performed using a laboratory computer with Win10 64-bit operating system, Intel(R) Xeno(R) Gold 6242 CPU, 2.80 GHz, 128 GB RAM and Tesla V100. The extraction of the averaged spectrum and the construction of traditional machine learning models were performed in MATLAB R2016a. The deep learning framework Keras was adopted for the construction and training of convolutional network models. Figures were drawn based on OriginPro 9.0 (OriginLab Corporation, Northampton, MA, USA).

Results and discussions

Near-infrared spectroscopy of pumpkin seeds

The average NIR spectra of 75 types of pumpkin seeds ranging from 921.34 to 1676.33 nm are shown in Fig. 3. On the overall trend, these NIR spectral curves behaved consistently, but different species of seeds have distinct spectral reflectance due to genetic differences. The NIR spectral reflection is mainly generated by the vibration and rotation in the compound, including the biological macromolecular compound except for the fat of saturated higher fatty acid glyceride. Correspondingly, total protein and fat content in pumpkin seeds accounted for 60–70%. Soluble sugar and amino acid contented 20–30%. Starch content was less than 10%. Therefore, the mechanism of NIR action of pumpkin seeds and the absorption bands of spectral fingerprints were also very complicated. The molecular activity of specific spectral fingerprints was denoted on the straight line with marked concavities and convexities in Fig. 3. The peak around 960 nm was associated with the second-order frequency doubling of N–H bond stretching [51]. The peak at 1119 nm and the trough at 1204 nm had relation to that of C–H bond stretching [52]. The peak at 1308 nm was related to the combined frequency of C–H bond vibrations [53]. The trough at 1477 nm was related to the first-order frequency doubling of O–H bond and N–H bond stretching autocorrelation [54, 55]. The peak at 1640 nm had relation to the first-order frequency doubling of C–H bond [56]. It was the above-mentioned specific spectral features that made it possible to classify pumpkin seeds by NIR spectroscopy. However, due to the similar chemical composition of seeds and the lack of fundamental specific molecular differences, it was impossible to find specific spectral fingerprints of 75 kinds of pumpkin seeds from the single spectral curve. For this reason, further quantitative research was needed to achieve the classification and identification of seeds.

Fig. 3
figure 3

Average near-infrared spectral curves of 75 kinds of pumpkin seeds

Feasibility analysis results

Descriptive statistical analysis was performed on the physiological and biochemical information of 75 kinds of pumpkin seeds. The normal distribution diagram is shown in Fig. 4 and data results are shown in Table 2. According to statistical results, the content of fat and total protein was the highest. Soluble sugar and starch accounted for a certain proportion. Amino acids occupied a small amount. The skewness coefficient of Asparagine was greater than 1.96, indicating that it did not obey the normal distribution. The significance level P of Threonine, Methionine and total protein was less than 0.05, which also believed that they did not obey the normal distribution. Correspondingly, other components obeyed the normal distribution.

Fig. 4
figure 4

Normal distribution of 20 physiological and biochemical components of pumpkin seeds. a Asparagine, b Threonine, c Serine, d Glycine, e Alanine, f Valine, g Methionine, h Isoleucine, i Leucine, j Tyrosine, k Phenylalanine, l Lysine, m Histidine, n Glutamine, o Arginine, p Proline, q Starch, r Fat, s Soluble sugar, t Total protein

Table 2 Statistical table and Kolmogorov–Smirnov test of physiological and biochemical components of pumpkin seeds

Correlation analysis was carried out on the physiological and biochemical information of 75 kinds of pumpkin seeds (Fig. 5). Among them, the highest correlation coefficient between starch, fat, soluble sugar and total protein was less than 0.3. The correlation coefficients of starch and soluble sugar with each amino acid were less than 0.2 or less, and there was no significant correlation. The overall correlation coefficient among the 16 amino acids was as high as 0.9, indicating a strong linear correlation. Locally, the average correlation coefficient between glycine and other amino acids was about 0.66, which was relatively low. In summary, four physiological and biochemical components with large proportions, strictly obeying normal distribution and no obvious correlation were selected for the establishment of PLS regression model. These four components were Glycine, starch, fat, and soluble sugar.

Fig. 5
figure 5

Correlation heat map of 20 physiological and biochemical components of pumpkin seeds

The PLS regression model was constructed for four chemical components on the average NIR spectrum of pumpkin seeds in the 921.34–1676.33 nm band. Figure 6 showed the scatter plot of the correlation between model predicted value and true value of the four components. On the whole, the coefficient of determination R2 of the regression model was above 0.65. Among them, the straight line fitting in Fig. 6a had the best effect. R2 and RMSEP also represented the strongest correlation of glycine content with the smallest error. In contrast, soluble sugar had a lower correlation of 0.697 with a maximum error of 0.054. In general, the regression model for four components all measured up satisfactory prediction results, which verified the strong correspondence between spectral fingerprint characteristics and chemical components of pumpkin seeds. Consequently, it was feasible to take advantage of NIR spectral data to identify pumpkin seeds.

Fig. 6
figure 6

PLS regression model results for predicting four independent physiological and biochemical components based on near-infrared spectroscopy. a Correlation scatter plot of Glycine, b correlation scatter plot of starch, c correlation scatter plot of fat, d correlation scatter plot of soluble sugar

In addition, LDA was performed on the NIR average spectral data of 75 types of pumpkin seeds (Fig. 7). It was clear that LDA had obtained excellent clustering results in the dimensionality reduction of the NIR spectrum, which further verified the effectiveness and possibility of NIR spectral information for distinguishing seed varieties, and supplied a theoretical basis for building classification models. The samples of each variety were relatively concentrated and the boundaries between different kinds of pumpkin seeds were also relatively clear. On the whole, 75 kinds of pumpkin seeds were clustered in five groups, but accurate multi-variety classification cannot be achieved. The reason was that the classification accuracy of traditional methods for large sample datasets would decrease due to the simplicity of the algorithm itself. Deep learning is currently one of the best methods for big data processing and analysis. Therefore, the method would be used to classify pumpkin seeds in the following text.

Fig. 7
figure 7

Visual clustering diagram of pumpkin seeds varieties based on LDA. Different varieties were identified according to the symbols and colors of 12 shapes and 7 colors

Results of pumpkin seed classification models based on average spectrum and traditional machine learning methods

LDA, SVM and ELM were constructed based on average spectral information of the full spectrum band of pumpkin seeds extracted from near-infrared hyperspectral images. The classification results are listed in Table 3. Three models have met with good results in the accuracy and error. ELM classification result was the best and reached 93.22%, and it was the most stable with an error of only 0.28. LDA and SVM also obtained test accuracies as high as 89.4% and 91.6%. It efficiently embodied the enhanced interaction between chemical components of the seeds and NIR spectrum. Optical electromagnetic waves in the NIR range not only cause electron transitions in molecules, but also vibrational and rotational transitions, such as the combined frequency and frequency doubled vibrations of organic compounds containing hydrogen groups. NIR spectral information can truly and validly reflect changes in chemical bonds, and then reach up to the purpose of accurately classifying pumpkin seeds.

Table 3 Classification results of LDA, SVM and ELM models based on near-infrared average spectra

Results of pumpkin seed classification models based on pretrained models

The classification results of 75 categories of pumpkin seeds by fine-tuning 6 pretrained models are shown in Table 4, and the loss and accuracy curves are shown in Fig. 8. The loss dropped rapidly as the model accuracy raised over 100 iterations. Comparing training and testing curves, six models revealed no negative transfer, overfitting or underfitting. The six models including Vgg16, Vgg19, ResNet50, ResNet101, InceptionV3, Xception achieved 83.42%, 80.66%, 75.89%, 70.83%, 61.38%, and 71.10% accuracies in the test set, respectively. Among them, the fine-tuned Vgg16 model attained the best classification effect. Since the structures of six transfer models were continuously adjusted to the optimal state according to the dataset, they had different depths. In this study, Vgg16 had the shallowest structure and fewer parameters. Generally, the features extracted by deep neural networks became richer due to more layers. In turn, the model classification accuracy would be higher [57]. However, the influence of factors such as dataset size, network depth, network structure and parameters could also lead to opposite conclusions [58, 59]. On the one hand, the above models were all two-dimensional convolutional neural networks, which paid more attention to extracting spatial features from spectral images. This made it difficult for the models to fully mine the features required for classification. On the other hand, the dataset in this study had a smaller scale and multiple categories. Meanwhile, a large amount of redundant information was contained in NIR spectral images. Therefore, the robustness of models was reduced by complex network structures and the accuracy was disturbed by noisy data. Simple models conversely performed better in classification of informative seed spectral images. Similarly, Wu et al. designed 1D deep neural networks including VGG-MODEL, RES-MODEL and INCEPTION-MODEL to fulfil effective classification of crop seeds based on NIR data. Among them, VGG-MODEL with the shallowest model depth worked best [46]. The authors also pointed out that the advantage of deep models was not in dealing with small datasets. Yang et al. employed a self-built CNN model to identify seed vitality [20]. And the model accuracy was better than ResNet18 with a deeper network structure, which verified that simple model structure can also handle information-rich spectral data. It can be seen that the optimal classification model structure is closely related to the size and distribution of the dataset.

Table 4 Results of pumpkin seed classification models based on spectral images
Fig. 8
figure 8

Loss and accuracy curves of eight pumpkin seed classification models in the training set and test set. a Vgg16, b Vgg19, c ResNet50, d ResNet101, e InceptionV3, f Xception, g 3DCNN, h PA-3DCNN

Results of pumpkin seed classification model PA-3DCNN

The classification results of PA-3DCNN and 3DCNN without position attention module on 75 types of pumpkin seeds are shown in Table 4, and the loss and accuracy curves are shown in Fig. 8. The loss dropped rapidly within the first 30 iterations. After 60 iterations, the loss of two models approached 0 smoothly, which manifested good performance and stability. The test set accuracies of 3DCNN and PA-3DCNN achieved as high as 94.16% and 95.20%. In other words, the position attention module effectively ameliorated the classification performance by 1.05%. Not all regions in an image contributed equally to the classification task. The position attention module efficiently upgraded the classification accuracy by weighting features and selectively aggregating spatial features to find the most important parts in the network for processing. Zhu et al. added an attention mechanism module to the residual block of 3DResNet designed for high-dimensional hyperspectral images, which made better the model performance in effect [60]. It was confirmed that 3DCNN embedded with the attention mechanism had far-reaching prospects for the analysis and mining of HSI information.

Comparing the models constructed by machine learning methods and pretrained models, PA-3DCNN had the best classification effect. The classification accuracy of PA-3DCNN was respectively 1.98% and 11.78% higher than that of ELM and Vgg16, which effectually demonstrated its superiority in the classification of pumpkin seed varieties. Compared with 1DCNN and 2DCNN that only extract spectral or spatial features, 3DCNN utilized 3D convolution kernels to not only sample in the spatial domain but also along the spectral dimension, which simultaneously supplied a more efficient way to extract spatial and spectral information. In the meantime, the double convolution and pooling structure of PA-3DCNN made the number of parameters smaller and the model more compact. In addition, 3D hyperspectral data was utilized as input for direct end-to-end training, so that complex preprocessing and postprocessing were not required. This study showed that the combination of high-dimensional spectral images and 3DCNN had great perspective for the classification of multi-variety pumpkin seeds.

The performance of six classical deep learning networks in transfer learning was far worse compared to PA-3DCNN, which further proved that the complex network structure with numerous parameters was disadvantageous for recognizing pumpkin seeds. For traditional machine learning, ELM can make full use of the average spectrum, which was closest to the accuracy of PA-3DCNN. It strongly demonstrated that spectral information was more essential than spatial information in identifying seed categories. When the training data was sufficient and the model structure was properly designed, deep learning models usually received more satisfactory results. Therefore, it was crucial to select an appropriate model and algorithm according to dataset size and form of data.

Results of PA-3DCNN transferability

In order to evaluate transferability and generalization ability of PA-3DCNN, the spectral images of 56 types of pumpkin seeds in 2021 were fed into the model in different proportions to build transfer models. The accuracy of training set and test set is shown in Fig. 9. When only 10% of samples were divided into the training set, the classification accuracy of PA-3DCNN transfer model was as high as 74.13%. As the training set gradually expanded, the accuracy of the transfer model was significantly promoted, which fully reflected that big data was the main driving force for the performance optimization of deep learning models. When 50% of spectral images were used as the training set, the classification accuracy of PA-3DCNN transfer model reached 92.12%. Although the accuracy had decreased compared to the original model, the accuracy of 92.12% was still acceptable considering the factors of training time and training cost. Therefore, transfer learning was a practicable method to improve the discriminative ability of multi-year crop seeds and reduce the cost of sample collection. In summary, PA-3DCNN was a classification model with strong generalization ability that can be used for multi-year pumpkin seeds.

Fig. 9
figure 9

Accuracy of PA-3DCNN transfer model on the training set and test set under different division ratios of training set

Visualization results

In order to demonstrate the effectiveness of deep learning and reveal the essence of spectral image classification, t-SNE visualization of the flattening layer, fully connected layer, input layer, and output layer of PA-3DCNN and 3DCNN are shown in Fig. 10. Different colors represented different types of pumpkin seeds. It can be seen from the figure that the spectral characteristic distribution of original pumpkin seeds was laborious to distinguish. After convolutional layers, the data points of pumpkin seeds gradually changed from overlapping to clearly separable, and each type can be clearly distinguished in the final output layer. On the other hand, since 3DCNN did not have position attention module, data points on the visualization map of its fully connected layer and output layer were more misclassified than PA-3DCNN, and data point coincidence was more serious. The t-SNE visualization map further indicated the good classification performance of PA-3DCNN.

Fig. 10
figure 10

T-SNE visualization of the flattening layer, fully connected layer, input layer, and output layer of PA-3DCNN and 3DCNN. a T-SNE visualization of PA-3DCNN, b T-SNE visualization of 3DCNN

The top 10 channel feature maps of convolutional and pooling layers of PA-3DCNN extracted and visualized by pseudo-color images are shown in Fig. 11a. There were differences in the images of dissimilar channels of original spectral images, which was different from RGB images. It proved that differing channels of high-dimensional spectral images offered a large amount of non-identical spectral information. The channel images from the first two convolutional layers recognized original seeds’ physical shape based on strengthening the edges of pumpkin seeds. As the depth of the network increased, the spectra of different positions of the whole seed were sequentially focused and locally analyzed in both spatial and spectral dimensions through convolution kernels. The feature maps of the convolutional and pooling layers gradually became abstract, but it was still noticeable that the edges of the pumpkin kernels were concentrated in the image as brighter pixels. Before features were flattened and transferred to the fully connected layer, the feature maps of the last layer had the approximate shape of pumpkin seeds as before, which revealed that the key and important spectral information was preserved.

Fig. 11
figure 11

Feature visualization of the first 10 channels of convolutional layers and pooling layers of PA-3DCNN and PA-3DCNN transfer model. a Feature visualization of PA-3DCNN, b feature visualization of PA-3DCNN transfer model

Additionally, feature maps of the PA-3DCNN transfer model with a training set partition of 0.5 are shown in Fig. 11b. Since transfer learning employed the original model as a feature extractor, the feature extraction path of the transfer model was same as that of the corresponding self-built model. Comparing Fig. 11a and b, it was found that feature maps of different channels of each layer were basically similar, which further verified the feature extraction mode of transfer learning. All in all, the adoption of transfer learning to build models can not only ensure excellent classification results, but also help reduce computational pressure and training data requirements.

Conclusion

In this study, Glycine, starch, fat, and soluble sugar were selected for the establishment of PLS regression model, which verified the strong correspondence between spectral characteristics and chemical components. Meanwhile, LDA was performed on the NIR average spectral data of 75 types of pumpkin seeds and good clustering results were obtained, which further confirmed the effectiveness of NIR spectral information for distinguishing seed varieties. After that, a pumpkin seed classification model PA-3DCNN was designed by fusing HSI technology and 3DCNN. The double convolution and pooling structure and position attention module were used to effectively boost its classification performance. The classification accuracy of 99.14% and 95.20% were respectively achieved on the training set and test set, which were 3.45% and 1.05% higher than that of 3DCNN. Compared with ELM and Vgg16, the classification accuracy was enhanced by 1.98% and 11.78% respectively, indicating that high-dimensional spectral images combined with 3DCNN had great potential in the classification of multi-variety pumpkin seeds.

Furthermore, the classification models based on traditional machine learning had received relatively good classification results, and the accuracy of ELM was the closest to that of PA-3DCNN. This evidenced that spectral information was more important than spatial information in identifying seed categories. On the contrary, the model constructed by transferring six classical deep learning networks had the worst classification performance, representing that the complex network structure with a large number of trainable parameters was unfavorable for recognizing NIR spectral images of pumpkin seeds. Additionally, in order to verify the generalization ability of PA-3DCNN, this study constructed a transfer model based on 56 types of pumpkin seeds in 2021, demonstrating that transfer learning was a feasible method to reduce the cost of sample collection and enhance the discrimination ability of multi-year crop seeds.

In conclusion, this study lent an efficient classification method for pumpkin seed varieties based on NIR spectral images. Meanwhile, the generalization performance of the model was verified by fine-tuning, which can be adopted for the classification of pumpkin seeds in multiple years. In the future, a more robust general model for the identification and classification of multi-year crop seeds should be constructed by building a spectral image database with various seeds and combining promising transfer learning.

Availability of data and materials

The original near-infrared hyperspectral images of pumpkins used and/or analyzed in the study can be obtained from the corresponding authors according to reasonable requirements. The code that supports the findings of this study is available from the corresponding author upon reasonable request.

References

  1. Grumet R, McCreight JD, McGregor C, Weng Y, Mazourek M, Reitsma K, Labate J, Davis A, Fei Z. Genetic resources and vulnerabilities of major cucurbit crops. Genes. 2021;12(8):1222. https://doi.org/10.3390/genes12081222.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  2. Batool M, Ranjha MMAN, Roobab U, Manzoor MF, Farooq U, Nadeem HR, Nadeem M, Kanwal R, AbdElgawad H, Al Jaouni SK, Selim S, Ibrahim SA. Nutritional value, phytochemical potential, and therapeutic benefits of pumpkin (cucurbita sp.). Plants. 2022;11(11):1394. https://doi.org/10.3390/plants11111394.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  3. Majeed M, Ahmad F, Mundkur L, Appian S. Pharmacology of alpha-spinasterol, a phytosterol with nutraceutical values: a review. Phytother Res. 2022. https://doi.org/10.1002/ptr.7560.

    Article  PubMed  Google Scholar 

  4. Samec D, Loizzo MR, Gortzi O, Cankaya IT, Tundis R, Suntar I, Shirooie S, Zengin G, Devkota HP, Reboredo-Rodriguez P, Hassan STS, Manayi A, Kashani HRK, Nabavi SM. The potential of pumpkin seed oil as a functional food-a comprehensive review of chemical composition, health benefits, and safety. Compr Rev Food Sci Food Saf. 2022. https://doi.org/10.1111/1541-4337.13013.

    Article  PubMed  Google Scholar 

  5. Sumara A, Stachniuk A, Montowska M, Kotecka-Majchrzak K, Grywalska E, Mitura P, Martinovic LS, Pavelic SK, Fornal E. Comprehensive review of seven plant seed oils: chemical composition, nutritional properties, and biomedical functions. Food Rev Int. 2022. https://doi.org/10.1080/87559129.2022.2067560.

    Article  Google Scholar 

  6. Linguya KS, Dora K, Wangai KJ, Muiru MW. Evaluation of a suitable seed processing method for increased production of edible nightshade (solanum scabrum) leafy vegetable. Cogent Food Agric. 2019;5(1):1659212. https://doi.org/10.1080/23311932.2019.1659212.

    Article  Google Scholar 

  7. Wang H, Wang K, Wu J, Han P. Progress in research on rapid and non-destructive detection of seed quality based on spectroscopy and imaging technology. Spectrosc Spectr Anal. 2021;41(1):52–9. https://doi.org/10.3964/j.issn.1000-0593(2021)01-0052-08.

    Article  CAS  Google Scholar 

  8. Kotwaliwale N, Singh K, Chakrabarty SK, Joshi MA, Kalne A, Tiwari M, Gangopadhyay KK, Bhattacharya N, Akuli A, Aggarwal D, Bej G. Machine vision for characterisation of some phenomic features of plant parts in distinguishing varieties-a review. Int J Bio-Inspired Comput. 2019;14(4):201–12. https://doi.org/10.1504/IJBIC.2019.103960.

    Article  Google Scholar 

  9. Tu K, Wen S, Cheng Y, Xu Y, Pan T, Hou H, Gu RL, Wang JH, Wang FJ, Sun Q. A model for genuineness detection in genetically and phenotypically similar maize variety seeds based on hyperspectral imaging and machine learning. Plant Methods. 2022;18:81. https://doi.org/10.1186/s13007-022-00918-7.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  10. Ma T, Tsuchikawa S, Inagaki T. Rapid and non-destructive seed viability prediction using near-infrared hyperspectral imaging coupled with a deep learning approach. Comput Electron Agric. 2020;177:105683. https://doi.org/10.1016/j.compag.2020.105683.

    Article  Google Scholar 

  11. Mogollón R, Contreras C, da Silva Neta ML, Marques EJN, Zoffoli JP, de Freitas ST. Non-destructive prediction and detection of internal physiological disorders in’Keitt’mango using a hand-held Vis-NIR spectrometer. Postharvest Biol Technol. 2020;167:111251. https://doi.org/10.1016/j.postharvbio.2020.111251.

    Article  CAS  Google Scholar 

  12. Bianchini VDJM, Mascarin GM, Silva LCAS, Arthur V, Carstensen JM, Boelt B, Barboza da Silva C. Multispectral and X-ray images for characterization of Jatropha curcas L. seed quality. Plant Methods. 2021;17:9. https://doi.org/10.1186/s13007-021-00709-6.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  13. Nansen C, Imtiaz MS, Mesgaran MB, Lee H. Experimental data manipulations to assess performance of hyperspectral classification models of crop seeds and other objects. Plant Methods. 2022;18:74. https://doi.org/10.1186/s13007-022-00912-z.

    Article  PubMed  PubMed Central  Google Scholar 

  14. Haruna SA, Li H, Wei W, Geng W, Luo X, Zareef M, Adade SYS, Ivane A, Isa NM, Chen A. Simultaneous quantification of total flavonoids and phenolic content in raw peanut seeds via NIR spectroscopy coupled with integrated algorithms. Spectrochim Acta Part A Mol Biomol Spectrosc. 2023;285:121854. https://doi.org/10.1016/j.saa.2022.121854.

    Article  CAS  Google Scholar 

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

    Article  PubMed  PubMed Central  Google Scholar 

  16. Zhou S, Sun L, Xing W, Feng G, Ji Y, Yang J, Liu S. Hyperspectral imaging of beet seed germination prediction. Infrared Phys Technol. 2020;108:103363. https://doi.org/10.1016/j.infrared.2020.103363.

    Article  CAS  Google Scholar 

  17. Zhang J, Dai L, Cheng F. Classification of frozen corn seeds using hyperspectral vis/nir reflectance imaging. Molecules. 2019;24(1):149. https://doi.org/10.3390/molecules24010149.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  18. Wei Y, Li X, Pan X, Li L. Nondestructive classification of soybean seed varieties by hyperspectral imaging and ensemble machine learning algorithms. Sensors. 2020;20(23):6980. https://doi.org/10.3390/s20236980.

    Article  PubMed  PubMed Central  Google Scholar 

  19. Zhang L, Wang D, Liu J, An D. Vis-NIR hyperspectral imaging combined with incremental learning for open world maize seed varieties identification. Comput Electron Agric. 2022;199:107153. https://doi.org/10.1016/j.compag.2022.107153.

    Article  Google Scholar 

  20. Yang Y, Chen J, He Y, Liu F, Feng X, Zhang J. Assessment of the vigor of rice seeds by near-infrared hyperspectral imaging combined with transfer learning. RSC Adv. 2020;10(72):44149–58. https://doi.org/10.1039/d0ra06938h.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  21. Yang G, Chen G, Li C, Fu J, Guo Y, Liang H. Convolutional rebalancing network for the classification of large imbalanced rice pest and disease datasets in the field. Front Plant Sci. 2021;12:671134. https://doi.org/10.3389/fpls.2021.671134.

    Article  PubMed  PubMed Central  Google Scholar 

  22. Mamat N, Othman MF, Abdoulghafor R, Belhaouari SB, Mamat N, Hussein SFM. Advanced technology in agriculture industry by implementing image annotation technique and deep learning approach: a review. Agriculture. 2022;12(7):1033. https://doi.org/10.3390/agriculture12071033.

    Article  Google Scholar 

  23. Mishra P, Passos D. Multi-output 1-dimensional convolutional neural networks for simultaneous prediction of different traits of fruit based on near-infrared spectroscopy. Postharvest Biol Technol. 2022;183:111741. https://doi.org/10.1016/j.postharvbio.2021.111741.

    Article  Google Scholar 

  24. Zhang Z, Li Y, Gong Y, Yang Y, Ma S, Guo X, Ercisli S. Dataset and baselines for IID and OOD image classification considering data quality and evolving environments. Int J Interact Multimedia Artif Intell. 2023;8(1):6–12. https://doi.org/10.9781/ijimai.2023.01.007.

    Article  CAS  Google Scholar 

  25. Li X, Xiao S, Kumar P, Demir B. Data-driven few-shot crop pest detection based on object pyramid for smart agriculture. J Electron Imaging. 2023;32(5):052403. https://doi.org/10.1117/1.JEI.32.5.052403.

    Article  Google Scholar 

  26. Yan L, Chen X, Chen Y, Wen J. A cooperative charging control strategy for electric vehicles based on multiagent deep reinforcement learning. IEEE Trans Industr Inf. 2022;18(12):8765–75. https://doi.org/10.1109/TII.2022.3152218.

    Article  Google Scholar 

  27. An D, Zhang L, Liu Z, Liu J, Wei Y. Advances in infrared spectroscopy and hyperspectral imaging combined with artificial intelligence for the detection of cereals quality. Crit Rev Food Sci Nutr. 2022. https://doi.org/10.1080/10408398.2022.2066062.

    Article  PubMed  Google Scholar 

  28. Datta D, Mallick PK, Bhoi AK, Ijaz MF, Shafi J, Choi J. Hyperspectral image classification: potentials, challenges, and future directions. Comput Intell Neurosci. 2022. https://doi.org/10.1155/2022/3854635.

    Article  PubMed  PubMed Central  Google Scholar 

  29. Hu X, Xie C, Fan Z, Duan Q, Zhang D, Jiang L, Wei X, Hong D, Li G, Zeng X, Chen W, Wu D, Chanussot J. Hyperspectral anomaly detection using deep learning: a review. Remote Sens. 2022;14(9):1973. https://doi.org/10.3390/rs14091973.

    Article  Google Scholar 

  30. Bera S, Shrivastava VK, Satapathy SC. Advances in hyperspectral image classification based on convolutional neural networks: a review. CMES Comput Model Eng Sci. 2022;133(2):219–50. https://doi.org/10.32604/cmes.2022.020601.

    Article  Google Scholar 

  31. Li H, Zhang L, Sun H, Rao Z, Ji H. Identification of soybean varieties based on hyperspectral imaging technology and one-dimensional convolutional neural network. J Food Process Eng. 2021;44(8):e13767. https://doi.org/10.1111/jfpe.13767.

    Article  Google Scholar 

  32. Zhang J, Dai L, Cheng F. Identification of corn seeds with different freezing damage degree based on hyperspectral reflectance imaging and deep learning method. Food Anal Methods. 2021;14(2):389–400. https://doi.org/10.1007/s12161-020-01871-8.

    Article  CAS  Google Scholar 

  33. Zhao X, Que H, Sun X, Zhu Q, Huang M. Hybrid convolutional network based on hyperspectral imaging for wheat seed varieties classification. Infrared Phys Technol. 2022;125:104270. https://doi.org/10.1016/j.infrared.2022.104270.

    Article  Google Scholar 

  34. Pang L, Men S, Yan L, Xiao J. Rapid vitality estimation and prediction of corn seeds based on spectra and images using deep learning and hyperspectral imaging techniques. IEEE Access. 2020;8:123026–36. https://doi.org/10.1109/ACCESS.2020.3006495.

    Article  Google Scholar 

  35. Arunnehru J, Chamundeeswari G, Bharathi SP. Human action recognition using 3d convolutional neural networks with 3d motion cuboids in surveillance videos. In: International conference on robotics and intelligent manufacturing (ROSMA2018). 2018; 133: 471–477. https://doi.org/10.1016/j.procs.2018.07.059.

  36. Li Z, Song L, Duan Y, Wang Y, Song H. Basic motion behaviour recognition of dairy cows based on skeleton and hybrid convolution algorithms. Comput Electron Agric. 2022;196:106889. https://doi.org/10.1016/j.compag.2022.106889.

    Article  Google Scholar 

  37. Yudistira N, Kavitha MS, Kurita T. Weakly-supervised action localization, and action recognition using global-local attention of 3d cnn. Int J Comput Vision. 2022. https://doi.org/10.1007/s11263-022-01649-x.

    Article  Google Scholar 

  38. Ji S, Zhang Z, Zhang C, Wei S, Lu M, Duan Y. Learning discriminative spatiotemporal features for precise crop classification from multi-temporal satellite images. Int J Remote Sens. 2020;41(8):3162–74. https://doi.org/10.1080/01431161.2019.1699973.

    Article  Google Scholar 

  39. Varela S, Pederson TL, Leakey ADB. Implementing spatio-temporal 3d-convolution neural networks and uav time series imagery to better predict lodging damage in sorghum. Remote Sens. 2022;14(3):733. https://doi.org/10.3390/rs14030733.

    Article  Google Scholar 

  40. Yang L, Zhang F, Wang PS, Li X, Meng Z. Multi-scale spatial-spectral fusion based on multi-input fusion calculation and coordinate attention for hyperspectral image classification. Pattern Recogn. 2022;122:108348. https://doi.org/10.1016/j.patcog.2021.108348.

    Article  Google Scholar 

  41. Jung D, Kim JD, Kim H, Lee TS, Kim HS, Park SH. A hyperspectral data 3d convolutional neural network classification model for diagnosis of gray mold disease in strawberry leaves. Front Plant Sci. 2022;13:837020. https://doi.org/10.3389/fpls.2022.837020.

    Article  PubMed  PubMed Central  Google Scholar 

  42. Gao T, Chandran AKN, Paul P, Walia H, Yu H, Hyperseed. An end-to-end method to process hyperspectral images of seeds. Sensors. 2021;21(24):8184. https://doi.org/10.3390/s21248184.

    Article  PubMed  PubMed Central  Google Scholar 

  43. Tu K, Wen S, Cheng Y, Zhang T, Pan T, Wang J, Wang J, Sun Q. A non-destructive and highly efficient model for detecting the genuineness of maize variety ‘jingke 968 ' using machine vision combined with deep learning. Comput Electron Agric. 2021;182:106002. https://doi.org/10.1016/j.compag.2021.106002.

    Article  Google Scholar 

  44. Xu J, Mishra P. Complementary deep learning and chemometrics: a case of pear fruit centroid detection and spectral model application for fruit spectral image processing. Postharvest Biol Technol. 2022;192:112013. https://doi.org/10.1016/j.postharvbio.2022.112013.

    Article  CAS  Google Scholar 

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

    Article  CAS  Google Scholar 

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

    Article  PubMed  PubMed Central  Google Scholar 

  47. Feng X, Peng C, Chen Y, Liu X, Feng X, He Y. Discrimination of crispr/cas9-induced mutants of rice seeds using near-infrared hyperspectral imaging. Sci Rep. 2017;7:15934. https://doi.org/10.1038/s41598-017-16254-z.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  48. Nie P, Zhang J, Feng X, Yu C, He Y. Classification of hybrid seeds using near-infrared hyperspectral imaging technology combined with deep learning. Sens Actuators B. 2019;296:126630. https://doi.org/10.1016/j.snb.2019.126630.

    Article  CAS  Google Scholar 

  49. He K, Zhang X, Ren S, Sun J. Spatial pyramid pooling in deep convolutional networks for visual recognition. IEEE Trans Pattern Anal Mach Intell. 2015;37(9):1904–16. https://doi.org/10.1109/TPAMI.2015.2389824.

    Article  PubMed  Google Scholar 

  50. Fu J, Liu J, Tian H, Li Y, Bao Y, Fang Z, Lu H. Dual attention network for scene segmentation. In: Proceedings of the IEEE/CVF conference on computer vision pattern recognition. 2019;3141–9. https://doi.org/10.1109/CVPR.2019.00326.

  51. Kafle GK, Khot LR, Jarolmasjed S, Si Y, Lewis K. Robustness of near infrared spectroscopy based spectral features for non-destructive bitter pit detection in honeycrisp apples. Postharvest Biol Technol. 2016;120:188–92. https://doi.org/10.1016/j.postharvbio.2016.06.013.

    Article  Google Scholar 

  52. Vance CK, Tolleson DR, Kinoshita K, Rodriguez J, Foley WJ. Near infrared spectroscopy in wildlife and biodiversity. J Near Infrared Spectrosc. 2016;24(1):1–25. https://doi.org/10.1255/jnirs.1199.

    Article  CAS  Google Scholar 

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

    Article  CAS  PubMed  Google Scholar 

  54. Cen H, He Y. Theory and application of near infrared reflectance spectroscopy in determination of food quality. Trends Food Sci Technol. 2007;18(2):72–83. https://doi.org/10.1016/j.tifs.2006.09.003.

    Article  CAS  Google Scholar 

  55. Zhang C, Liu F, He Y. Identification of coffee bean varieties using hyperspectral imaging: influence of preprocessing methods and pixel-wise spectra analysis. Sci Rep. 2018;8:2166. https://doi.org/10.1038/s41598-018-20270-y.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  56. Hu X, Lang W, Liu W, Xu X, Yang J, Zheng L. A non-destructive terahertz spectroscopy-based method for transgenic rice seed discrimination via sparse representation. J Infrared Millim Terahertz Waves. 2017;38(8):980–91. https://doi.org/10.1007/s10762-017-0392-z.

    Article  Google Scholar 

  57. Boulent J, Foucher S, Theau J, St-Charles P. Convolutional neural networks for the automatic identification of plant diseases. Front Plant Sci. 2019;10:941. https://doi.org/10.3389/fpls.2019.00941.

    Article  PubMed  PubMed Central  Google Scholar 

  58. Altuntas Y, Comert Z, Kocamaz AF. Identification of haploid and diploid maize seeds using convolutional neural networks and a transfer learning approach. Comput Electron Agric. 2019;163:104874. https://doi.org/10.1016/j.compag.2019.104874.

    Article  Google Scholar 

  59. Milella A, Marani R, Petitti A, Reina G. In-field high throughput grapevine phenotyping with a consumer-grade depth camera. Comput Electron Agric. 2019;156:293–306. https://doi.org/10.1016/j.compag.2018.11.026.

    Article  Google Scholar 

  60. Zhu F, Cai J, He M, Li X. Channel and band attention embedded 3d cnn for model development of hyperspectral image in object-scale analysis. Chemometr Intell Lab Syst. 2022;224:104537. https://doi.org/10.1016/j.chemolab.2022.104537.

    Article  CAS  Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

This work was supported by Key R&D Program of Zhejiang (2022C02032), Key R&D projects in Huzhou City (2021ZD2037), Key Laboratory of Traceability for Agricultural Genetically Modified Organisms , Ministry of Agriculture and Rural Affairs, P.R.China (2022KF03), and the Fundamental Research Funds for the Central Universities (226-2022-00217).

Author information

Authors and Affiliations

Authors

Contributions

XL, XF, ZY, GY conceptualized methodology. XL, NY designed and conducted the experiment. JS, WG collected the seeds. XL preprocessed the images, developed the deep learning approaches, performed the computational experiments and performed the analysis of the experimental results. XL, HF, YH, XF contributed towards drafting the manuscript. All authors read and approved the final manuscript.

Corresponding authors

Correspondence to Jia Shen, Wei Geng or Yong He.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Li, X., Feng, X., Fang, H. et al. Classification of multi-year and multi-variety pumpkin seeds using hyperspectral imaging technology and three-dimensional convolutional neural network. Plant Methods 19, 82 (2023). https://doi.org/10.1186/s13007-023-01057-3

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13007-023-01057-3

Keywords