Next Article in Journal
The Cross-Sectional Area Assessment of Pelvic Muscles Using the MRI Manual Segmentation among Patients with Low Back Pain and Healthy Subjects
Previous Article in Journal
Nighttime Image Dehazing by Render
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Open-Set Recognition of Wood Species Based on Deep Learning Feature Extraction Using Leaves

1
College of Mechanical and Electrical Engineering, Northeast Forestry University, Harbin 150040, China
2
Dean’s Office, The Open University of Harbin, Harbin 150001, China
3
School of Computer and Information Engineering, Harbin University of Commerce, Harbin 150028, China
4
Department of Diagnostic Radiology and Nuclear Medicine, University of Maryland School of Medicine, Baltimore, MD 21201, USA
*
Author to whom correspondence should be addressed.
J. Imaging 2023, 9(8), 154; https://doi.org/10.3390/jimaging9080154
Submission received: 25 May 2023 / Revised: 18 July 2023 / Accepted: 20 July 2023 / Published: 30 July 2023
(This article belongs to the Topic Applications in Image Analysis and Pattern Recognition)

Abstract

:
An open-set recognition scheme for tree leaves based on deep learning feature extraction is presented in this study. Deep learning algorithms are used to extract leaf features for different wood species, and the leaf set of a wood species is divided into two datasets: the leaf set of a known wood species and the leaf set of an unknown species. The deep learning network (CNN) is trained on the leaves of selected known wood species, and the features of the remaining known wood species and all unknown wood species are extracted using the trained CNN. Then, the single-class classification is performed using the weighted SVDD algorithm to recognize the leaves of known and unknown wood species. The features of leaves recognized as known wood species are fed back to the trained CNN to recognize the leaves of known wood species. The recognition results of a single-class classifier for known and unknown wood species are combined with the recognition results of a multi-class CNN to finally complete the open recognition of wood species. We tested the proposed method on the publicly available Swedish Leaf Dataset, which includes 15 wood species (5 species used as known and 10 species used as unknown). The test results showed that, with F1 scores of 0.7797 and 0.8644, mixed recognition rates of 95.15% and 93.14%, and Kappa coefficients of 0.7674 and 0.8644 under two different data distributions, the proposed method outperformed the state-of-the-art open-set recognition algorithms in all three aspects. And, the more wood species that are known, the better the recognition. This approach can extract effective features from tree leaf images for open-set recognition and achieve wood species recognition without compromising tree material.

1. Introduction

At present, spectroscopy, stoichiometry [1], image-processing methods based on traditional machine learning, and image-processing methods based on deep learning are the most widely used to recognize known wood species in the field of wood species recognition. In spectroscopy, Raman spectroscopy [2], fluorescence spectroscopy [3], and infrared spectroscopy [4] are mainly used to recognize wood species. In traditional machine learning-based image processing, gray-level co-occurrence matrix [5], basic gray-level aura matrix and statistical properties of pores distribution [6], fuzzy logic [7], kernel genetic [8], macroscopic image analysis and SVM [9], multidimensional texture analysis and SVM [10], improved basic gray-level aura matrix [11], and fuzzy logic and SVM [12] are used to recognize wood species. For deep learning-based image processing, convolutional neural networks are the best performing algorithms, and SqueezeNet [13], ResNet [14], and Kayu30Net [15] are used to recognize wood species. These methods are closed-set recognition algorithms, while the open-set recognition of wood species has been less studied. However, the ideal case of closed-set recognition rarely exists in reality. In open-set recognition [16], the training samples are all known classes (in distribution, ID), while the test samples are mostly unknown classes (out-of-distribution, OOD). In this situation, the task is to accurately recognize the species of known species, and to detect the species of unknown species. The use of tree leaves to recognize wood species can effectively reduce damage to the trees themselves, thus enabling true non-destructive testing. The abovementioned methods are closed-set recognition methods, and all require cutting wood material.
Currently, the algorithms and theoretical research frameworks that can complete the open-set recognition of wood species mainly include machine learning algorithms for anomaly detection/novelty detection (OC-SVM [17], SVDD/weighted SVDD [18], and Bayesian SVDD [19,20]). In recent years, some researchers have started to use advanced machine learning algorithms [21,22] and deep learning algorithms [23,24,25] for open-set recognition. Open-set recognition algorithms aim to identify unknown categories. There are two ways to construct the training set for current open-set recognition algorithms [26]. The first is to include only known categories, and the second is to include a small number of unknown categories. We used the former to construct the training set.
Currently, most of the leaf data for wood species are image data, and deep learning algorithms can efficiently extract the deep features of images, which is a method that has been well applied in various image recognition fields. In the field of wood, a deep learning algorithm [15] is used to recognize RGB images of the cross-sections of wood blocks, which is a closed-set recognition in these applications. The support vector description algorithm [18] is an excellent anomaly detection/novelty detection algorithm that can efficiently recognize unknown samples. However, the input dimension of the support vector description algorithm is one-dimensional data, while the image data are two-dimensional data, and corresponding rules and dimension reduction algorithms are needed.
In this study, we propose a novel method using a deep learning-based algorithm to extract features from images and using a traditional machine learning algorithm as the backend for single-class classification. After recognizing the known and unknown classes, the trained deep learning algorithm was used to complete the open-set recognition scheme for the leaf recognition of wood species with known classes. Leaf image data were recognized for 15 wood species. In our experiments, the recognition was performed under the condition that the two datasets were split. The first partition consisted of 5 known and 10 unknown wood species, and the second partition consisted of 10 known and 5 unknown wood species, with the main purpose being to verify the robustness of the experiment under different data partitions.
The contributions of the proposed scheme are as follows:
1. This scheme achieved the open-set identification of wood species and leaves. Currently, wood species recognition is mostly performed in closed sets. It is exciting to be able to achieve an efficient open-set identification without compromising wood species.
2. In this scheme, an open-set recognition framework for wood species based on deep learning feature extraction is proposed. In this framework, a trained CNN is used to extract the deep features of the image, and the weighted SVDD algorithm is used for single-class recognition and the known classes are recognized by the trained CNN. The results of single-class recognition and multi-class recognition are combined to realize open-set recognition.
In this paper, we combine the single-class classification algorithm and the multi-class classification algorithm to form an open-set recognition scheme. Experimental results showed that only the proposed method could perform the open-set recognition efficiently, while the state-of-the-art wood species classifiers failed.

2. Materials and Methods

2.1. Leaf Dataset of Wood Species and Experimental Environment

The Swedish Leaf Dataset [27] was adopted in our experiment, and the experimental sample consists of leaves from 15 wood species as shown in Figure 1. The 15 wood species were selected for two reasons. First, the high confidence in public available datasets is mainly due to the good scientific effectiveness of sample source and identification in public datasets, which can avoid “false identification” caused by the sameness of samples and make our experiments scientifically effective. Second, images of wood species in the same region have certain similarities in deep features, and wood species in this region are limited. For unknown wood species, there is a strong probability that they do not grow in this region, so there will be clear inconsistencies in the deep feature differences, which is more convenient for open-set recognition. There are 75 leaf images of each wood species in this dataset. All images in the original dataset were cropped and resized to 224 × 224. The configurations of the computer hardware used for conducting the experiments are presented Table 1.

2.2. Image Feature Extraction Based on Deep Learning Algorithm

Due to limited images in the dataset, the CNN may suffer from overfitting by training from scratch. Therefore, it is necessary to use the transfer learning to pre-train the CNN by using part of the sample image data of the known classes (training set). The backbone model used for transfer learning is a CNN pre-trained on the ImageNet dataset. The three newly added layers (full connection layer FC10, SoftMax layer, and output layer) of the ten known tree leaf classifiers trained with ResNet50 as the trunk network are appended behind the ResNet50’s full connection layer FC1000, where the two horizontal lines represent a full connection as is shown in Figure 2. FC1000 is a feature vector with a dimension of 1 × 1000 formed by integrating features extracted from the ResNet50 network. This feature vector is the image feature obtained by the trained CNN. After the CNN is trained, partial samples of known classes and all samples of unknown classes (test set) are fed into the network, and the output features of FC1000 are used as the input for subsequent open-set recognition. In this section, CNN trained by transfer learning mechanism is used for feature extraction.

2.3. Weighted SVDD

The standard SVDD algorithm assumes that all samples have the same weight. But weighted SVDD assumes that the weight of “concentrated samples” is larger, while the weight of “outlier samples” is smaller. Therefore, samples close to the center of the hypersphere have larger weights, and samples far away from the center have smaller weights. In this case, the optimization problem of weight-SVDD can be expressed as Formula (1), where R is the radius of hypersphere, c is the spheroid center of hypersphere, C is the penalty coefficient, ξ i is the relaxation variable, respectively. F x i is the nonlinear mapping of low-dimensional samples to high-dimensional space, and the constructed Lagrange function can be expressed as Formula (2). The α i 0 and η i 0 are Lagrangian multipliers. The partial derivatives of R , c , and ξ i are determined to be equal to 0 by Formula (2), and the dual form like Formula (3) can be obtained by duality principle, where k ( x i , x j ) is the kernel function.
m i n f R , c , ξ i = R 2 + C i = 1 N w i ξ i s . t .     | | F x i c | | 2 R 2 + ξ i
L R , c , ξ i = R 2 + C i = 1 N w i ξ i i = 1 N α i R 2 + ξ i F x i c 2 i = 1 N η i ξ i
max ( i = 1 N α i k ( x i , x i ) i = 1 N j = 1 N α i α j k ( x i , x j ) ) s . t .   0 α i C w i ,   i = 1 N α i = 1
Feature vectors from the FC1000 layer of the training set in Section 2.2 are used to train the weight-SVDD model, and then feature vectors outputted by the FC1000 layer of the test set samples are fed into the trained weight-SVDD model to complete the recognition of samples of known and unknown classes. In this section, a single-class classifier is used to identify images from known or unknown classes.

2.4. Open-Set Recognition Framework Based on Deep Image Features

The recognition process of the deep image feature based on open-set recognition framework is shown in Figure 3. In the process, the following steps are required to complete the construction of the entire framework:
Step 1: Divide the dataset into known and unknown classes, and then divide the known class samples into the training set and test set. The known class training samples are used as the training set of the deep learning model and used for the open-set recognition algorithm. The total test set is composed of both the known class test samples and the unknown class test samples. The three nodes on the left side of Figure 3 are the training set of the experiment, consisting of the training samples of known classes, training samples of unknown classes, and test samples of unknown classes.
Step 2: Rely on the transfer learning mechanism, adjust the full connection layer, SoftMax layer, and output layer, and use the known sample training set to train the CNN (such as VGG16, ResNet50, SqueezeNet, Inception V3, Densenet201, etc.). Generate feature extraction network (i.e., backbone network to FC1000 layer). In Figure 3, the backbone network nodes and the adjustment deep learning model nodes are used to complete the training of the feature extraction network.
Step 3: The training set and total test set samples are fed into a feature extraction network to generate training and test features, and the training features are used to train a traditional machine learning open-set recognition model. After the model is trained, the test features are fed into the trained model to complete the classification of known and unknown classes. In Figure 3, the train feature and test feature nodes are the advanced image features generated by the feature extraction network node on the training and test sets, and then the open-set recognition algorithm nodes are obtained by using the advanced image features from the training set.
Step 4: Re-input the generated sample features of the known classes into the deep learning model to obtain the classification results of the known classes. The final open-set recognition result can be obtained by combining the classification results of known and unknown classes. On the right-hand side of Figure 3, the samples of known classes and their features are first fed into the trained backbone network (i.e., the FC1000 features are re-input into the CNN trained by the transfer learning mechanism) to obtain the actual classes of known wood species. Then, the recognition results of known and unknown classes are combined to obtain the open-set recognition results of wood species.

2.5. Dataset Split and Evaluation Metric

The algorithm in this paper is based on wood leaf images, whereas current mainstream wood species recognition algorithms are mainly for color images, so correlation algorithms can be directly used to recognize this dataset. A total of 15 wood species were used in the entire experiment, each containing 75 samples. All kinds of algorithms usually adopt a 7:3/8:2 two-part partitioning method or 6:2:2/7:2:1 three-part partitioning method (for large-scale datasets, the validation set and test set are less than 20% of the total data). However, when the dataset size is small, the traditional two-part partitioning method can make a more efficient use of samples. In this paper, we use the training set to train the model, and perform the unbiased estimator directly on the test set. To test the robustness of the method, the following two datasets are split:
Case 1: Five and ten leaf wood species are selected as known classes and unknown classes, respectively. The hold-out method is used to partition the samples of known classes with a partitioning ratio of 8:2, which means that 300 training samples of known classes, 75 test samples of known classes, and 750 samples of unknown classes are all set as test samples. In total, there are 300 training samples and 825 test samples, and the ratio between known and unknown classes in the test set sample is 1:10.
Case 2: Ten and five leaf species are regarded as known classes and unknown classes, respectively. The samples of the known classes are divided by the set aside method with a partitioning ratio of 8:2, i.e., 600 training samples of the known classes, 150 test samples of the known classes, and 375 samples of the unknown classes are all set as test samples. In total, there are 600 training samples and 525 test samples, and the ratio of known class to unknown class in the test set samples is 2:5.
For quantitative evaluation, Precision and Recall are used as evaluation metrics. In addition, F 1 is used to evaluate the recognition effect of known and unknown classes, and K a p p a coefficient is used to evaluate the entire open-set recognition accuracy.
P r e c i s i o n and R e c a l l are defined as Equations (4) and (5). Where n u m k r i g h t represents the number of correctly classified samples in the known class, n u m k e r r o r represents the number of incorrectly classified samples in the known class, and n u m u k e r r o r represents the number of incorrectly classified samples in the unknown class. F 1 can be expressed as Equation (6).
P r e c i s i o n = n u m k r i g h t / ( n u m k r i g h t + n u m u k e r r o r )
R e c a l l = n u m k r i g h t / ( n u m k r i g h t + n u m k e r r o r )
F 1 = 2 P r e c i s i o n · R e c a l l P r e c i s i o n + R e c a l l
To calculate K a p p a coefficient, we first compute P e by using Equation (7), and then compute K a p p a coefficient by using Equation (8). Where c l a s s n u m represents the sum of all classes of known and unknown wood species, n u m i t represents the actual number of class i samples, n u m i p represents the predicted number of class i samples, n represents the number of all samples, and P 0 represents the overall accuracy.
P e = 1 c l a s s n u m n u m i t × n u m i p n × n
K a p p a = P 0 P e 1 P e

3. Results and Comparisons

3.1. Comparisons with Conventional Algorithms and State-of-the-Art Algorithms

In the experiment, we used ResNet50 as the backbone network and weighted SVDD as the open-set recognition algorithm. We used the network search method [28] to obtain the optimal gamma of 0.5 and cost of 7.5. In the transfer learning process, the Resnet50 network from the Matlab Deep Learning Toolbox is used as the transfer network and the original network output layer is replaced by the new layer which is shown in Figure 2. The CNN was trained with 100 epochs. The Adam optimization algorithm [29] was used with initial learning rate 1 and the train result of Case 2 is shown in Figure 4. At present, deep learning algorithm has been used in wood species classification and has achieved good recognition effect [13,14,30]. Therefore, the experimental comparison in this paper includes both traditional machine learning classification method and advanced wood species classification algorithm. Local binary pattern (LBP) [31], histograms of oriented gradients (HOG) [32], SVM [17], ResNet50 [33], Vgg16 [34], GoogleNet [35], and SqueezeNet [36] were used for comparison.
SVM, ResNet50, Vgg16, GoogleNet, and SqueezeNet were used as classifiers. LBP and HOG were used as texture feature extraction algorithms. Similarly, wood species leaf images were fed into ResNet50, Vgg16, GoogleNet, and SqueezeNet for recognition using transfer learning. We extracted LBP and HOG features from the collected RGB images and then fed them into an SVM classifier for recognition.
The SVM algorithm uses the RBF (Radial Basis Function) kernel function, and the grid search method obtains the optimal gamma of 0.65 with a cost of 3.3. The experimental results under the setup are shown in Table 2 and Table 3. The parameters are defined in Equations (4)–(8). As can be seen from Table 2 and Table 3, neither traditional machine learning algorithms nor advanced wood species recognition algorithms can effectively perform the open-set recognition of wood species leaves, whereas our algorithm can achieve promising results.
In Table 2 and Table 3, the method columns show the method to be used. As an example, we use LBP-LibSVM, where LBP represents the front-end texture feature extraction algorithm, LibSVM represents the back-end classification algorithm, and deep learning algorithms integrate feature extraction and classification algorithms. All classes recognized by a traditional closed-set are known classes, so their output are a known sample no matter what type of sample is input. In both cases, we can see that the closed-set recognition algorithm fails to recognize known and unknown classes.

3.2. Compared with Open-Set Recognition Algorithms

The proposed algorithm is compared with open-set wood species recognition based on single-class classifiers, connected multi-class classifiers, OSNN [21], NCM [22], and open-max [23]. Single-class classifiers include OC-SVM, SVDD, weight-SVDD and additional algorithms, which are used to recognize species in known and unknown classes. The samples identified as known classes by the single-class classifier are then fed to the multi-class classifier for recognition, resulting in the final open-set recognition result. The second-level multi-class classifier is LibSVM. The OSNN and NCM algorithms use the output of the FC10 layer shown in Figure 2 as the feature. OSNN algorithms include two approaches: OSNN-CV (class verification) and OSNN-NNDR (nearest neighbor distance ratio). OSNN-CV judges the classification result of a test sample by determining whether the classes of the two training samples closest to the test sample agree. If so, the test sample is consistent with the class labels of the two training samples, and if not, the test sample is considered as the unknown class. OSNN-NNDR finds the train samples t and u that are closest to the test sample in both classes, computes the Euclidean distance between the test sample and the two train samples, and then computes R = dt/du. If R is less than a threshold T, the test sample is considered to be consistent with the label of the class of the nearest train sample, and if it is larger than the threshold, the test sample is considered as an unknown class. NCM computes the cluster center of the train class and then computes the Euclidean distance between the test sample and the cluster center of the train class and sets the threshold. If the distance to the nearest cluster center is less than a threshold value T, the class is identified with the nearest cluster center. If the distance is larger than a threshold value T, the test sample is considered as an unknown class. The open-max algorithm uses the output of the FC10 layer in Figure 2 as the activation vector, fits the Weibull distribution via a maximum likelihood estimation, and adjusts the output for each class using cumulative distribution function.
Feature extraction algorithms for the images used are LBP and HOG. The first-level single-class classifiers, i.e., OC-SVM, SVDD, and weight-SVDD use RBF kernel function and grid search for parameter optimization. LibSVM, a second-level multi-class classifier, uses RBF kernel function and grid search for parameter optimization as well.
Case 1: The parameters of the second-level classifier are σ = 0.5 and C = 4.5 , and the parameters of first-level single-class classifiers are shown in Table 4.
Case 2: The parameters of the second-level classifier are σ = 0.5 and C = 4.5 , and the parameters of first-level single-class classifiers are shown in Table 5.
The experimental results for the two cases are shown in Table 6 and Table 7. As can be seen from the tables, our algorithm achieves the best results in all six evaluation metrics in both cases. In both cases, with the number of known classes increasing, the performance of each open-set recognition algorithm used in Figure 5 improved. Case 1 is the one with the worst performance of the algorithm, mainly because the number of training samples of known classes is small (300), and the ratio between the number of test samples of known classes and that of unknown classes is too imbalanced (1:10). If a small number of unknown samples are not accurately recognized, a substantial drop in each evaluation metric is caused. Our algorithm’s performance keeps improving with the portion of test set samples increasing. Our proposed algorithm outperforms all the other open-set recognition algorithms in both cases (the proportion of known and unknown samples is 2:5).
In the left-most column of Table 4, Table 5, Table 6 and Table 7 the name of each method shows the setup of that method. For example, the LBP-weight-SVDD-LibSVM means the combination of LBP, weight-SVDD, and LibSVM. The LBP algorithm is used for feature extraction. In the two-layer recognition algorithm, the weight-SVDD is used to recognize known and unknown classes, and the LibSVM is used to recognize known wood species, respectively.
OC-SVM, SVDD, and weight-SVDD are all single-class classification algorithms with excellent performance. We found experimentally that the performance of the features extracted by the LBP algorithm combined with SVDD and other single-class classification algorithms is better than that of HOG. We conjectured that the LBP is a better fit than HOG as a feature extractor because the LBP is used as the extract feature for a low-level vision problem, while HOG is mainly used in pedestrian detection, which is a high-level vision problem. The OSNN algorithm needs to obtain the nearest training sample, and the class of the nearest training sample may be different from that of the test sample as both two OSNN algorithms show weak performance (the optimal threshold of OSNN-DDNR calculated by grid search is 0.35 and 0.37). It is difficult to obtain threshold values for NCM algorithms (the optimal threshold of NCM calculated by grid search is 0.47 and 0.53). The validity of the distance between the cluster centers of different classes and the test samples may be reduced due to the actual distribution of the test samples of different classes. The open-max algorithm uses the fully connected layers as activation vectors, uses Weibull partitioning to obtain the cumulative distribution function CDF, and corrects the classification result. However, in this paper, the implementation of the open algorithm is to perform transfer learning. After training with the Swedish Leaf Dataset, we were not able to straightforwardly verify the change of the activation vectors after tuning the network weight. But the experimental results have shown that the proposed method outperformed the traditional algorithms. The main contribution of the proposed framework is the integration of advanced image feature extraction using deep learning and the weight-SVDD algorithm. In terms of single-class recognition, the experimental results show that the advanced image features generated by CNN are better than the traditional feature extraction algorithms. The open-max algorithm may be interesting in terms of parameter tuning, resulting in poor overall recognition results. In multi-class recognition, deep learning algorithms also outperformed traditional machine learning algorithms (e.g., LibSVM). Deep learning achieves over 95% accuracy for the recognition of known classes, while LibSVM achieves an accuracy ranging from 80% to 90%.

4. Conclusions

In this paper, we have proposed an open-set recognition framework based on deep learning feature extraction and completed the open-set recognition of wood species. Experimental results show that the proposed method achieved promising results in recognizing wood species with an F1-Score of 0.7797 and 0.8644, mixed recognition rates of 95.15% and 93.14%, and Kappa coefficients of 0.7674 and 0.8644 in two experimental setups with different proportions of datasets. Our experimental results have shown that leaves reduce damage to the wood itself compared with other wood species recognition methods. As shown in the experiments, the recognition results were improved when the ratio between the known class samples and the unknown class samples in the test set increases from 1:10 to 2:5, suggesting that the recognition performance is better when the dataset is more balanced.
Our proposed scheme has the following advantages. First, the proposed scheme bridges the gap between open-set and wood species leaf recognition. Second, the proposed scheme uses a deep learning model as a feature extractor for advanced image feature extraction and uses the features in combination with traditional machine learning open-set recognition algorithms to perform open-set recognition with promising results. Third, both the backbone network and the open-set recognition algorithm of the proposed scheme are replaceable and can be quickly migrated to other open-set recognition applications. Moreover, the collection of leaves is particularly convenient and does not hurt the trees. The feature extraction speed and recognition speed of the deep learning network completed by training are rapid (based on the configuration of Table 1, the extraction time is within 10 ms, and the recognition speed is within 0.5 ms).
There are still issues to be addressed in this study. First, we have used a common dataset, but the small number of wood samples in this dataset, 75 per sample, makes it almost impossible to train an excellent deep feature extraction network from scratch, hence the transfer learning is used in this paper. In this case, in the absence of other publicly available datasets, the data samples we attempt to augment have to be constructed by themselves, posing a strong challenge to the scientific validity of the data. Second, in the open-set recognition approach, we use traditional machine learning methods, which are very powerful for small-scale datasets. Whether traditional machine learning methods will work or not on large-scale datasets are unknown and needs to be further evaluated, and open-set recognition algorithms based on deep learning are playing an increasingly important role. In the near future, we plan to investigate the aforementioned issues and challenges.

Author Contributions

Conceptualization, D.Q., T.F. and Z.L.; methodology, T.F. and Z.L.; software, T.F. and Z.L.; validation, J.Z. and L.Z.; formal analysis, J.Z. and L.Z.; investigation, T.F. and J.Z.; resources, T.F. and J.Z.; data curation, T.F. and Z.L.; writing—original draft preparation, J.Z.; writing—review and editing, T.F. and Z.L.; visualization, Z.L.; supervision, D.Q.; project administration, T.F. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Our datasets are from the public dataset, Swedish Leaf Dataset (https://www.cvl.isy.liu.se/en/research/datasets/swedish-leaf/, accessed on 8 March 2016).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Miranda, I.; Gominho, J.; Ferreira-Dias, S.; Pereira, H. Pattern recognition as a tool to discriminate so wood and hardwood bark fractions with different particle size. Wood Sci. Technol. 2014, 48, 1197–1211. [Google Scholar] [CrossRef]
  2. Lavine, B.K.; Davidson, C.E.; Moores, A.J.; Griffiths, P.R. Raman spectroscopy and genetic algorithms for the classification of wood types. Appl. Spectrosc. 2001, 55, 960–966. [Google Scholar] [CrossRef]
  3. Piuri, V.; Scotti, F. Design of an automatic wood types classification system by using fluorescence spectra. IEEE Trans. Syst. Man Cybern. Part C 2010, 40, 358–366. [Google Scholar] [CrossRef]
  4. Moore, A.K.; Owen, N.L. Infrared spectroscopic studies of solid wood. Appl. Spectrosc. Rev. 2001, 36, 65–86. [Google Scholar] [CrossRef]
  5. Khalid, M.; Lee EL, Y.; Yusof, R.; Nadaraj, M. Design of an intelligent wood species recognition system. Int. J. Simul. Syst. Sci. Technol. 2008, 9, 9–19. [Google Scholar]
  6. Khairuddin, U.; Yusof, R.; Khalid, M. Optimized feature selection for improved tropical wood species recognition system. ICIC Express Lett. Part B 2011, 2, 441–446. [Google Scholar]
  7. Yusof, R.; Khalid, M.; Khairuddin, A.S.M.M. Fuzzy logic-based pre-classifier for tropical wood species recognition system. Mach. Vis. Appl. 2013, 24, 1589–1604. [Google Scholar] [CrossRef]
  8. Yusof, R.; Khalid, M.; Khairuddin, A.S.M.M. Application of kernel-genetic algorithm as nonlinear feature selection in tropical wood species recognition system. Comput. Electron. Agric. 2013, 93, 68–77. [Google Scholar] [CrossRef]
  9. Ibrahim, I.; Khairuddin, A.S.M.; Abu Talip, M.S.; Arof, H.; Yusof, R. Tree species recognition system based on macroscopic image analysis. Wood Sci. Technol. 2017, 51, 431–444. [Google Scholar] [CrossRef]
  10. Barmpoutis, P.; Dimitropoulos, K.; Barboutis, I.; Grammalidis, N.; Lefakis, P. Wood species recognition through multidimensional texture analysis. Comput. Electron. Agric. 2018, 144, 241–248. [Google Scholar] [CrossRef]
  11. Zamri, M.I.P.; Cordova, F.; Khairuddin, A.S.M.; Mokhtar, N.; Yusof, R. Tree species classification based on image analysis using Improved-Basic Gray Level Aura Matrix. Comput. Electron. Agric. 2016, 124, 227–233. [Google Scholar] [CrossRef]
  12. Ibrahim, I.; Khairuddin, A.S.M.; Arof, H.; Yusof, R.; Hanafi, E. Statistical feature extraction method for wood species recognition system. Eur. J. Wood Wood Prod. 2018, 76, 345–356. [Google Scholar] [CrossRef]
  13. De Geus, A.R.; Backes, A.R.; Gontijo, A.B.; Albuquerque, G.H.Q.; Souza, J.R. Amazon wood species classification: A comparison between deep learning and pre-designed features. Wood Sci. Technol. 2021, 55, 857–872. [Google Scholar] [CrossRef]
  14. Fabijánska, A.; Danek, M.; Barniak, J. Wood species automatic identification from wood core images with a residual convolutional neural network. Comput. Electron. Agric. 2021, 181, 105941. [Google Scholar] [CrossRef]
  15. Oktaria, A.S.; Prakasa, E.; Suhartono, E. Wood species identification using Convolutional Neural Network (CNN) architectures on macroscopic images. J. Inf. Technol. Comput. Sci. 2019, 4, 274–283. [Google Scholar] [CrossRef] [Green Version]
  16. Yang, J.; Zhou, K.; Li, Y.; Liu, Z. Generalized Out-of-Distribution Detection: A Survey. arXiv 2021, arXiv:2110.11334. [Google Scholar]
  17. Chang, C.C.; Lin, C.J. LIBSVM: A Library for Support Vector Machines. ACM Trans. Intell. Syst. Technol. 2011, 2, 1–27. [Google Scholar] [CrossRef]
  18. Tax, D.M.J.; Duin, R.P.W. Support Vector Data Description. Mach. Learn. 2004, 54, 45–66. [Google Scholar] [CrossRef] [Green Version]
  19. Sotiris, V.A.; Tse, P.W.; Pecht, M.G. Anomaly Detection Through a Bayesian Support Vector Machine. IEEE Trans. Reliab. 2010, 59, 277–286. [Google Scholar] [CrossRef]
  20. Injadat, M.; Salo, F.; Nassif, A.B.; Essex, A.; Shami, A. Bayesian Optimization with Machine Learning Algorithms Towards Anomaly Detection. In Proceedings of the 2018 IEEE Global Communications Conference (GLOBECOM), Abu Dhabi, United Arab Emirates, 9–13 December 2018. [Google Scholar]
  21. Mendes Júnior, P.R.; de Souza, R.M.; Werneck, R.d.O.; Stein, B.V.; Pazinato, D.V.; de Almeida, W.R.; Penatti, O.A.B.; Torres, R.d.S.; Rocha, A. Nearest neighbors distance ratio open-set classifier. Mach. Learn. 2017, 106, 359–386. [Google Scholar] [CrossRef] [Green Version]
  22. Mensink, T.; Verbeek, J.; Perronnin, F.; Csurka, G. Distance-Based Image Classification: Generalizing to New Classes at Near-Zero Cost. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 2624–2637. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  23. Bendale, A.; Boult, T.E. Towards open set deep networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 1563–1572. [Google Scholar]
  24. Hassen, M.; Chan, P.K. Learning a neural-networkbased representation for open set recognition. arXiv 2018, arXiv:1802.04365. [Google Scholar]
  25. Prakhya, S.; Venkataram, V.; Kalita, J. Open set text classification using convolutional neural networks. In Proceedings of the International Conference on Natural Language Processing, Kolkata, India, 18–21 December 2017. [Google Scholar]
  26. Geng, C.; Huang, S.; Chen, S. Recent advances in open set recognition: A survey. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 43, 3614–3631. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  27. Oskar, J.; Söderkvist, O. Computer Vision Classifcation of Leaves from Swedish Trees. Master’s Thesis, Linkoping University, Linkoping, Sweden, 2001. [Google Scholar]
  28. Liu, R.; Liu, E.; Yang, J.; Li, M.; Wang, F. Optimizing the Hyper-parameters for SVM by Combining Evolution Strategies with a Grid Search. In Intelligent Control and Automation: Lecture Notes in Control and Information Sciences; Springer: Berlin/Heidelberg, Germany, 2006; Volume 344. [Google Scholar]
  29. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  30. Wu, F.; Gazo, R.; Haviarova, E.; Benes, B. Wood identification based on longitudinal section images by using deep learning. Wood Sci. Technol. 2021, 55, 553–563. [Google Scholar] [CrossRef]
  31. Ojala, T.; Pietikainen, M.; Maenpaa, T. Multiresolution Gray-Scale and Rotation Invariant Texture Classification with Local Binary Patterns. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 24, 971–987. [Google Scholar] [CrossRef]
  32. Dalal, N.; Triggs, B. Histograms of Oriented Gradients for Human Detection. IEEE Comput. Soc. Conf. Comput. Vis. Pattern Recognit. 2005, 1, 886–893. [Google Scholar]
  33. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  34. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  35. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  36. Iandola, F.N.; Han, S.; Moskewicz, M.W.; Ashraf, K.; Dally, W.J.; Keutzer, K. SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5 MB model size. arXiv 2016, arXiv:1602.07360. [Google Scholar]
Figure 1. Representative leaf samples from 15 different wood species.
Figure 1. Representative leaf samples from 15 different wood species.
Jimaging 09 00154 g001
Figure 2. New layers appended to the deep learning model.
Figure 2. New layers appended to the deep learning model.
Jimaging 09 00154 g002
Figure 3. Workflow graph of our open-set recognition framework.
Figure 3. Workflow graph of our open-set recognition framework.
Jimaging 09 00154 g003
Figure 4. The train result of Case 2 (the blue curve is the accuracy curve, and the final validation accuracy is 98%; the orange curve is the loss curve and the final validation loss is 0.1330).
Figure 4. The train result of Case 2 (the blue curve is the accuracy curve, and the final validation accuracy is 98%; the orange curve is the loss curve and the final validation loss is 0.1330).
Jimaging 09 00154 g004
Figure 5. The performance improved when the known wood species increased for both Case 1 and Case 2.
Figure 5. The performance improved when the known wood species increased for both Case 1 and Case 2.
Jimaging 09 00154 g005
Table 1. Computer hardware configuration parameters.
Table 1. Computer hardware configuration parameters.
ConfigurationModelParameter
CPUAMD R7-6800H8 Core 16 thread, CPU Clock Speed 3.20 GHZ
GPUNVIDIA GeForce RTX 306012 GB, GDDR6 1780 MHZ
3584 Stream Processor
RAMCorsair Memory16 GB, DDR5 3600 MHZ
Hard diskSamsung512 GB, SSD Read: 3500 MB/s, Write 3000 MB/s
Table 2. Open-set recognition performance comparisons with conventional algorithms and state-of-the-art algorithms in Case 1.
Table 2. Open-set recognition performance comparisons with conventional algorithms and state-of-the-art algorithms in Case 1.
MethodF1-Score P 0 Kappa
LBP-LibSVM0.16678.24%0.0810
HOG-LibSVM0.16677.52%0.0739
ResNet500.16678.85%0.0870
Vgg160.16678.36%0.0822
GoogleNet0.16678.85%0.0870
SqueezeNet0.16679.09%0.0894
Our Open-set Recognition Framework0.779795.15%0.7674
Table 3. Open-set recognition performance comparisons with conventional algorithms and state-of-the-art algorithms in Case 2.
Table 3. Open-set recognition performance comparisons with conventional algorithms and state-of-the-art algorithms in Case 2.
MethodF1-Score P 0 Kappa
LBP-LibSVM0.444424.57%0.2404
HOG-LibSVM0.444423.05%0.2254
ResNet500.444427.81%0.2723
Vgg160.444426.29%0.2573
GoogleNet0.444427.43%0.2686
SqueezeNet0.444427.24%0.2667
Our Open-set Recognition Framework0.864493.14%0.8644
Table 4. Open-set recognition classifier performance in Case 1.
Table 4. Open-set recognition classifier performance in Case 1.
MethodOne-Class Classifier
σ C
LBP-OC-SVDD-LibSVM6.50.5
LBP-SVDD-LibSVM0.750.5
LBP-Weight-SVDD-LibSVM0.750.5
HOG-OC-SVDD-LibSVM0.50.5
HOG-SVDD-LibSVM0.50.5
HOG-Weight-SVDD-LibSVM0.650.5
Table 5. Open-set recognition classifier performance in Case 2.
Table 5. Open-set recognition classifier performance in Case 2.
MethodOne-Class Classifier
σ C
LBP-OC-SVDD-LibSVM5.50.5
LBP-SVDD-LibSVM0.550.5
LBP-Weight-SVDD-LibSVM0.550.5
HOG-OC-SVDD-LibSVM0.50.5
HOG-SVDD-LibSVM0.50.5
HOG-Weight-SVDD-LibSVM0.70.5
Table 6. Open-set recognition performance comparisons with two-level open-set recognition algorithms in Case 1.
Table 6. Open-set recognition performance comparisons with two-level open-set recognition algorithms in Case 1.
MethodF1-ScoreORAKappa
LBP-OC-SVDD-LibSVM0.492391.39%0.5660
LBP-SVDD-LibSVM0.596091.51%0.5899
LBP-Weight-SVDD-LibSVM0.653892.61%0.6404
HOG-OC-SVDD-LibSVM0.120590.91%0.4858
HOG-SVDD-LibSVM0.097690.91%0.4858
HOG-Weight-SVDD-LibSVM0.120591.03%0.4926
OSNN-CV0.405581.82%0.2556
OSNN-NNDR0.423482.55%0.3008
NCM0.533386.30%0.4213
Open-max0.650992.12%0.6343
Our Open-set Recognition Framework0.779795.15%0.7674
Table 7. Open-set recognition performance comparisons with two-level open-set recognition algorithms in Case 2.
Table 7. Open-set recognition performance comparisons with two-level open-set recognition algorithms in Case 2.
MethodF1-ScoreORAKappa
LBP-OC-SVDD-LibSVM0.650682.10%0.6491
LBP-SVDD-LibSVM0.762384.57%0.6941
LBP-Weight-SVDD-LibSVM0.808787.43%0.7510
HOG-OC-SVDD-LibSVM0.333375.43%0.5038
HOG-SVDD-LibSVM0.282575.24%0.4960
HOG-Weight-SVDD-LibSVM0.395777.33%0.5356
OSNN-CV0.653772.19%0.4364
OSNN-NNDR0.653872.37%0.4446
NCM0.812783.80%0.6476
Open-max0.855189.33%0.7868
Our Open-set Recognition Framework0.864493.14%0.8644
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Fang, T.; Li, Z.; Zhang, J.; Qi, D.; Zhang, L. Open-Set Recognition of Wood Species Based on Deep Learning Feature Extraction Using Leaves. J. Imaging 2023, 9, 154. https://doi.org/10.3390/jimaging9080154

AMA Style

Fang T, Li Z, Zhang J, Qi D, Zhang L. Open-Set Recognition of Wood Species Based on Deep Learning Feature Extraction Using Leaves. Journal of Imaging. 2023; 9(8):154. https://doi.org/10.3390/jimaging9080154

Chicago/Turabian Style

Fang, Tianyu, Zhenyu Li, Jialin Zhang, Dawei Qi, and Lei Zhang. 2023. "Open-Set Recognition of Wood Species Based on Deep Learning Feature Extraction Using Leaves" Journal of Imaging 9, no. 8: 154. https://doi.org/10.3390/jimaging9080154

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

Article Metrics

Back to TopTop