Next Article in Journal
Integrating the IoT and Blockchain Technology for the Next Generation of Mining Inspection Systems
Previous Article in Journal
Non-Invasive Blood Flow Speed Measurement Using Optics
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A New Method of Deep Convolutional Neural Network Image Classification Based on Knowledge Transfer in Small Label Sample Environment

1
School of Automation, Hangzhou Dianzi University, Hangzhou 310018, China
2
School of Automation, Guangdong University of Petrochemical Technology, Maoming 525000, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(3), 898; https://doi.org/10.3390/s22030898
Submission received: 11 December 2021 / Revised: 17 January 2022 / Accepted: 18 January 2022 / Published: 25 January 2022
(This article belongs to the Section Intelligent Sensors)

Abstract

:
The problem of deep learning network image classification when a large number of image samples are obtained in life and with only a small amount of knowledge annotation, is preliminarily solved in this paper. First, a support vector machine expert labeling system is constructed by using a bag-of-words model to extract image features from a small number of labeled samples. The labels of a large number of unlabeled image samples are automatically annotated by using the constructed SVM expert labeling system. Second, a small number of labeled samples and automatically labeled image samples are combined to form an augmented training set. A deep convolutional neural network model is created by using an augmented training set. Knowledge transfer from SVMs trained with a small number of image samples annotated by artificial knowledge to deep neural network classifiers is implemented in this paper. The problem of overfitting in neural network training with small samples is solved. Finally, the public dataset caltech256 is used for experimental verification and mechanism analysis of the performance of the new method.

1. Introduction

Today’s world is in an era of big data. Social networking sites, intelligent transportation, intelligent medicines, and other fields are generating massive image samples every day. These massive data provide the premise and support for the training and updating of deep learning models [1,2,3]. The serious problem of big data is that the number of samples is large, but the labeled samples that endow knowledge are few. This problem hinders the generalization of deep convolutional neural network models with strong learning and generalization capabilities in real life [4]. In order to solve this problem, the first task is how to expand the existing small number of labeled samples to generate a large number of labeled image samples that meet the needs of deep learning model training [5,6]. Secondly, due to the high dimension of the image, the existing expert systems that only classify low-dimensional image features well, are difficult to apply to the expansion of image annotation samples. The key to solving the above problems is to achieve effective feature dimensionality reduction for existing high-dimensional images. The final problem to be solved to achieve the goal is the selection of a suitable deep learning image classification model and model parameter training method [7,8,9,10,11]. When the number of network layers is deep, Kalman filtering can be used to adaptively update the neural network [12,13].
The authors in [14] studied the effects of unbalanced data sets on different classifiers. This document uses a data balance algorithm to effectively improve the classification performance of the classifier in the unbalanced data. This study details the effects of sampling inadequate data sets, using balance algorithms and over-sampling data sets on classifier performance. It has proven to have an important role in the performance of a few types of data sets. The authors in [15] proposed a new loss function in the model training phase, the squared gradient magnitude loss (SGM) was used to improve the effect of representation learning. The literature used generators to generate new data for data augmentation for few-shot classes. The disadvantage of this method is that it captures complex data distributions. The authors in [16] combined meta-learning and data augmentation to generate new samples with different variations by changing illumination, location, etc. The authors in [17] proposed a prototype network. The prototype network used a deep neural network to map images into vectors. For samples belonging to the same category, the average value of this category of sample vectors was obtained as the prototype of the category. By continuously training the model and minimizing the loss function, the distance between samples in the same category were closer together, and the distance between samples in different categories were further away, so as to update the parameters of the embedding function. The idea and implementation method of the prototype network are very simple, but the results obtained by only using the labeled data are not necessarily accurate, and the sample size is too small, which will lead to the deviation of the classification boundary. The authors in [18] proposed a method for solving the few-shot problem with federated learning. The authors in [19] proposed a neural network training method from the source domain to the target domain. Mehrotra et al. used the generative adversarial network to solve the small sample problem. First, input the sample data and destroy it, then input the damaged sample into the generator network to generate a new sample, and compare the new sample with the original input sample to judge whether the new sample is a real sample. The algorithm effectively expands the experimental data by synthesizing new samples [20]. However, when it is in the deep learning framework, it needs a certain number of training samples to generate the countermeasure network. Boltzmann machine generates a probability model from samples. The model parameters are infinite dimensions. A considerable number of samples are required to generate the function. Compared with generating a countermeasure network and Boltzmann machine, this paper realizes the effective training of a neural network based on only labeled small samples, and it only needs a small number of training samples. The reason is that there are relatively few SVM parameters. Based on a small number of labeled samples, a mature SVM classification model can be trained to assign knowledge to unlabeled image samples, so as to realize the capacity expansion training of the neural network.
Our core contribution is to creatively train a deep neural network image classifier with a large number of parameters using small labeled samples. The executable bridge is built between a small number of labeled samples and the generation of a large number of samples that meet the needs of neural networks. The specific steps are as follows. First, based on a small number of image sample sets annotated by artificial knowledge, three feature descriptors are used to extract the underlying features of the image. The visual word bag feature vector set is constructed by clustering. The clustering method achieves effective dimensionality reduction for complex features in original images. Secondly, the support vector machine image classification model was constructed, respectively based on the established visual word bag feature vector set. Thirdly, a large number of image sample sets without knowledge annotation obtained in life was input into the established support vector machine image classification model in turn, and the labels of the corresponding samples were predicted. Then, the selected deep convolutional neural network classification model parameters were trained based on the obtained set of a large number of annotated image samples. Finally, the classification performance of the neural network after knowledge transfer was verified by experiments. The experimental results show that under the different number of predicted labels, with the continuous increase in the number of enhanced training sets of the neural network, its classification accuracy continued to improve. Our method is 3% higher than the highest average classification accuracy of H0G_BOVW_SVM. Compared with the convolutional neural network with parameter initialization under the few-label samples, the average classification accuracy of our method is 20% higher. The expert knowledge reflected by the designed shallow support vector machine model is successfully transferred to the convolutional neural network in the form of predicted labels, which improves the shortcomings of the convolutional neural network’s poor expressive ability and generalization ability due to insufficient labeled samples.

2. Visual Word Bag Feature Extraction and SVM Image Classifier Construction Based on Small Label Image Samples

The main purpose of this section is to construct a shallow support vector machine model based on a small number of manually labeled samples for the data expression of expert knowledge: Firstly, three different feature descriptors are used to extract the underlying features of the image [21,22], and the visual word bag model is created by clustering method to realize the effective dimensionality reduction in complex features. The constructed visual word bag model is used to represent the image features [23,24,25,26]. Then, based on the established visual word bag feature vector set, support vector machine image classification models with a small number of knowledge label samples as input are constructed, respectively. Finally, a large number of unlabeled image samples are input into the established support vector machine with good classification performance to assign knowledge annotation.

2.1. Construction of the Bag of Visual Word Based on Small Label Image Samples

The main objective of this section is to extract the bottom features of the sample image based on the image sample set marked with a small amount of artificial knowledge in real life, and then generate the visual word bag feature vector set by the K-means clustering method, so as to effectively reduce the dimension of complex features in the marked sample image; it lays a foundation for establishing the SVM image classification method based on low dimension.

2.1.1. Image Bottom Feature Extraction Based on Three Feature Descriptors

The BOVW model is widely used in traditional image classification algorithms. Its main idea is to map the local low-level features to the middle and high-level latent semantic features of the image through clustering algorithm. Each cluster center is the visual word of the image, and all cluster centers form a visual word bag, so that each image can be represented by the visual word frequency histogram. Because the quality of the visual word bag is closely related to the extracted bottom features, and the quality of the visual word bag will further affect the accuracy of image classification, three different feature descriptors are selected to extract the bottom features of image, which are scale invariant feature transform, histogram of oriented gradient, and Canny edge detection algorithm.
Sift describes the image by finding local interest points in different scale spaces to help identify objects. SIFT divides the image into 4 × 4 grid. In each grid, the gradient is quantified into 8 directions to form a 128-dimensional vector. Hog first converts the image into a gray image, and then calculates the gradient value of each pixel to capture texture information and contour. Canny realizes edge detection by using non maximum and double threshold detection. Its advantage is that it can detect weak edge details.

2.1.2. Bag of Visual Word Were Generated Based on Image Underlying Features and the K-Means Clustering Method

Based on the features extracted by the bottom feature descriptor, the effective dimensionality reduction in the features is realized by the clustering method, and the visual word bag of the image is further generated. The algorithm flow chart of bag of the visual word model is shown in Figure 1 below:
The image classification algorithm based on bag of visual word model is divided into four steps:
The first step is to extract the local feature vector of the image with the above three different descriptors.
In the second step, due to the large number of feature vectors extracted by the feature descriptor and high dimension, the K-means clustering method is used to cluster the bottom local feature vectors of the image obtained by the feature descriptor into K clusters, so that there is high similarity in the clusters, but low similarity between clusters, and each cluster center is a visual word.
In the third step, the image is represented as the distribution of words, and the visual word frequency histogram is used to represent the image features. After K-means clustering, a visual dictionary composed of K visual words is obtained, which can be expressed as V = ( v 1 , v 2 , v i , , v k ) , v i represents a visual word. In this way, the image sample is represented as a k-dimensional feature vector F , in the specific form of F = ( f 1 , f 2 , f i , , f k ) , where f i is visual word v i number of occurrences.
In the fourth step, the classifier support vector machine is designed and trained, and the image feature vector represented by word bag model is used for image classification.

2.2. Construction of the SVM Classifier Based on Bag of Visual Word of Small Label Image Samples

The main goal of this section is to build a support vector machine image classification model with a small number of labeled samples as input based on the established visual word bag feature vector set. A large number of unlabeled image samples are input into the established support vector machine with good classification performance for label assignment.
SVM is a new structured learning method based on structural risk minimization. SVM shows excellent performance in the case of small samples and the creation of the model is not complex. When the kernel function is introduced, it can solve various kinds of nonlinear problems. Support vector machine classifier is a classifier that aims to find the maximum margin to solve the parameters w and b , so as to construct the decision boundary and classify with the decision boundary. The schematic diagram of SVM is shown in Figure 2.
For non-linear separable sample data, it is necessary to increase the dimension of the data and project the data from the original space x to the new space Φ ( x ) . The decision function of SVM dealing with nonlinear problems is as follows:
f ( x t e s t ) = s i g n ( w Φ ( x t e s t ) + b ) = s i g n ( i = 1 N α i y i Φ ( x i ) Φ ( x t e s t ) + b )
Among them, α i is the Lagrange multiplier. x i , y i is the training set sample input by the support vector machine. N is the number of training set samples input by the support vector machine, and x t e s t is the test set sample of the support vector machine.
In extreme cases, the kernel trick is used by SVMs to solve multi-dimensional and computationally expensive problems because the data may be mapped into an infinite-dimensional space. The kernel trick is a mathematical way of representing the result of a dot product in the increased dimensional space using a vector calculation in the original space of the data. Specifically:
K ( u , v ) = Φ ( u ) Φ ( v )
The dot product function K ( u , v ) in the original space is called kernel function. Φ ( x ) is a mapping function. With the kernel function, the decision boundary is expressed as:
f ( x t e s t ) = s i g n ( i = 1 N α i y i Φ ( x i ) Φ ( x t e s t ) + b ) = s i g n ( i = 1 N α i y i K ( x i , x t e s t ) + b )
The kernel function is calculated in the original space, which can avoid the problem of the curse of dimensionality. In this paper, the linear kernel function is selected for image classification test.
In Section 2.1, different feature extraction methods are used to extract the bottom features of the image, and the extracted features are clustered into word bags. Based on the different image features represented by different word bags, the classification accuracy of the trained shallow model support vector machine is also different. The model with the highest predicted label accuracy is selected as the expert system. The expert system labels and filters unlabeled image samples to form a quasi-labeled dataset. The specific process is shown in Figure 3. Multiple SVM expert systems are trained based on different image features of a small number of labeled samples. The mathematical expression is as follows:
S = { s i F i | F i F }
where s i · represents the ith expert system trained based on feature F i .
Then, R a n k is determined by the classification accuracy of s i and the first m expert systems with better classification performance are selected to construct a model candidate pool:
S N = { s i | R a n k ( A c c ( s i ) ) 0 , 1 , , m 1 }
Among them, m is taken as 2 in this paper, A c c ( s i ) represents the classification accuracy of the model s i on the validation set, and its mathematical expression is
A c c = i = 1 c x i i / i = 1 c j = 1 c x i j
Among them, x i j is the number of samples that actually belong to the ith class, but is predicted by the model to be the jth class; c = 6 , refers to the number of categories to be distinguished. The pre-trained SVM model in S N is selected to predict unlabeled samples by measuring the accuracy rate.
D u = ( x ˜ l + 1 , y ˜ l + 1 ) , ( x ˜ l + 2 , y ˜ l + 2 ) , , ( x ˜ l + u , y ˜ l + u )
where y ˜ l + u is the prediction label of unlabeled image sample x ˜ l + u . y ˜ l + u is obtained by fusing multiple SVM models:
y ˜ l + u = g ( s i ( F l + u ) | s i S N )
where g ( ) represents the fusion function. The specific process is to calculate the arithmetic average value of image classification prediction probability of different models, and select the category with the highest probability as the fusion function result.

3. Knowledge Transfer and Depth CNN Image Classifier Model Based on Expert Annotation System

After the shallow support vector machine model is established, a large number of unlabeled images are successively input into the support vector machine for assignment, labeling, and screening. A large number of labeled samples marked by the expert system and the original sparse labels are combined into an enhanced training set. The augmented training set is used to train and solve the selected deep convolutional neural network classification model. This process realizes knowledge transfer from sparse labeled sample sets to deep neural network classifiers.

3.1. Knowledge Transfer of Fenerating a Large Number of Label Samples

The flow chart of BOVW_ SVM_VGG16 algorithm is shown in Figure 4. If the neural network is directly trained with sparse labeled samples, the neural network often suffers from severe overfitting. Therefore, this paper proposes a knowledge transfer-based convolutional neural network image classification method. Since different feature descriptors have different emphasis on image feature description, combining the advantages of three feature descriptors, the bag-of-words model is used to characterize image features, which are used to train a shallow model support vector machine. The SVM with the best training accuracy was used to make predictions on unlabeled images to form a quasi-labeled dataset. The predicted labels of quasi-label data sets are the data representation of SVM knowledge. In order to better extract the underlying features, this paper adopts three different feature extraction methods to build support vector machines. If you want to use other feature extraction methods, you can use the transfer learning method to transfer the feature extraction part of the mature neural network for image feature extraction, which is the future direction of work. After the support vector machine predicts the unlabeled samples, some of the labeled image samples and the predicted labeled samples are combined to form an enhanced training set, and the remaining part of the labeled samples is used as the test set. The augmented training set is randomly cropped, and the obtained image sample size is 224 × 224, and normalized preprocessing is performed. The image samples preprocessed by the data are sent to the selected neural network for training, where the loss function is the cross-entropy loss function, and the learning rate is 0.0001.
This study was conducted under the following assumptions:
The mathematical expression of labeled image sample data set is as follows:
X l = ( x 1 , y 1 ) , ( x 2 , y 2 ) , , ( x l , y l )
where x l is the lth image sample, y l 1 , 2 , , c is the class label of x l , there are c classes in total. The mathematical expression of unlabeled image sample set is X u = x l + 1 , x l + 2 , , x l + u .
Step: 1. Train SVM by minimizing the objective function.
Input: Part of the data is extracted from the labeled image sample set as the training set, the training set image data is D T S = ( x 1 , y 1 ) , ( x 2 , y 2 ) , ( x N , y N ) , where i = 1 , 2 , , N .
(1)
The optimization problem is constructed and solved by selecting the appropriate kernel function and the appropriate parameter C .
min α 1 2 i = 1 N j = 1 N α i α j y i y j K ( x i , y j ) i = 1 N α i s . t . i = 1 N α i y i = 0 0 α i C , i = 1 , 2 , , N
Find the optimal solution α * = α 1 * , α 2 * , , α N * T .
(2)
Choose α * positive component of 0 < α j * < C , calculation
b * = y j i = 1 N α i * y i K ( x i , x j )
(3)
Constructive decision function:
s ( x ) = s i g n ( i = 1 N α i * y i K ( x , x i ) + b * )
Step: 2. Because the integration of multiple support vector machines is better than that of a single support vector machine, the two models with the best SVM classification accuracy under different feature extraction are selected to predict the unlabeled image. If the two models form a consistent prediction for the same unlabeled image, the sample is selected as the quasi-label sample to increase the capacity of the neural network training set.
y ˜ l + u = g ( s ( x ˜ l + u ) )
Step: 3. The labeled sample data set and quasi-labeled sample data set are combined to form an enhanced training set ATS.
A T S = D T S D u
Step: 4. The augmented training set is used to train and solve the selected deep convolutional neural network classification model. This process realizes knowledge transfer from sparse labeled sample sets to deep neural network classifiers.

3.2. Deep Neural Network Classifier Model Construction

The main objective of this section is to select the appropriate neural network and build the model and solve the parameters. The selection of suitable neural network has a great impact on the results of image classification. The selected neural network is constructed and trained based on a large number of label samples obtained by knowledge transfer of a support vector machine.
Vgg16 is a neural network that focuses on building convolution layers. The number 16 means that the network contains 16 convolution layers and full connection layers. Vgg16 has a regular network structure, with several convolution layers followed by a pool layer that can compress the size of the image. The pool layer reduces the height and width of the image. At the same time, there is a certain law in the change in the number of filters in the convolution layer. Because vgg16 shows good performance in various image classification, this network is selected as the basic model of this paper [27,28]. The network structure diagram of vgg16 is shown in Figure 5.
The neural network classification task has n training samples to be assumed, and the training set samples are denoted as x 1 , y 1 , x 2 , y 2 , , x n , y n , where x n represents the nth training sample, y n represents the true label of the sample, y n 1 , 2 , , c . c represents the number of classification task categories. For a given sample x , p ( y = j | x ) represents the probability of sample x in each class of classification results. Use the function h θ ( x ) to represent p ( y = j | x ) :
h θ ( x i ) = p ( y i = 1 | x i ; θ ) p ( y i = 2 | x i ; θ ) p ( y i = C | x i ; θ ) = 1 j = 1 c e θ j x i e θ 1 x i e θ 2 x i e θ c x i
where θ 1 , θ 2 , , θ c represents the parameters of the model, and the specific form of θ is as follows:
θ = θ 1 θ 2 θ c
At this point, the cost function of the classifier is:
J θ = 1 n i = 1 n j = 1 c 1 y i = j log e θ j x i l = 1 c e θ l x i
where 1 · is the indicative function, 1 t r u e = 1 , 1 f a l s e = 0 .

4. Digital Simulation Example and Algorithm Performance Analysis

This section mainly introduces the data sets and experimental environment used in the experiment, and describes in detail the analysis and influence of different feature extraction methods on the accuracy of SVM image classification, the influence and analysis of the number of quasi label data sets on the accuracy of neural network classification, and the analysis and comparison of the accuracy of different models in the case of small samples.

4.1. Experimental Preparation

In order to verify the effectiveness of the algorithm proposed in this paper, the caltech256 data set collected by California Institute of technology is used. In this dataset, pictures are divided into 256 categories, and the pictures in each category range from 80 to 800. Six kinds of images are selected for experiments, namely, aircraft, face, horse, ladder, motorbike, and T-shirt. The quantity of each type of image data and its labels are shown in Table 1:
Due to the unbalanced number of image samples per class, when generating pseudo-labels, the network tends to skew toward classes with a larger number of training sets. In order to prevent this from happening, two fixed numbers of samples were randomly selected from each type of image samples as labeled samples, and the labeled sample sizes of each type of image are 24 and 36, respectively. The labeled samples were divided into a training set and validation set with a ratio of 2:1, and then a threefold cross-validation experiment was performed to train the support vector machine. This means that the number of training sets is 16 when the labeled sample capacity is 24, and the number of training sets is 24 when the labeled sample capacity is 36.

4.2. Analysis and Influence of Different Feature Extraction Methods on SVM Image Classification Accuracy

Since different feature extraction methods and some important parameters have a great impact on the SVM classification performance, a large number of experimental analyses were to select SVMs with high classification accuracy. Figure 6 visualizes the frequency histograms of image visual words under different image feature descriptor underlying feature extraction methods. The visual word frequency histogram was extracted under the condition of k = 400.
From the visual feature extraction histogram, it can be seen that the visual word histogram frequency of sift and hog feature extraction is higher than canny frequency, so sift and hog can better reflect the characteristics of the image. Figure 7 shows the validation results of SVM trained under different feature extraction and k = 400 when the sample size of each type of labeled image is 24 and divided into training set and validation set in a ratio of 2:1 for cross validation. The confusion matrix was used to represent and visualize them.
In order to find the most suitable parameter value k, this paper conducted a lot of experiments in different feature extraction situations. In order to ensure the reliability of the experimental data, the data sets with labeled sample sizes of 24 and 36 were randomly divided into three parts, two of which were used as training sets and one was used as test sets. The average classification accuracy obtained by the threefold crossover experiment was used as the basis to measure the classification performance of the support vector machine: 16 in the table represents the number of training sets when the labeled sample size is 24, and 24 in the table represents the number of training sets when the labeled sample size is 36. Table 2 gives the specific overall classification results. Figure 8 visualizes the data in Table 2 with a line chart.
When a CNN was trained on a dataset with noisy labels, the neural network will overfit to the noisy data because the deep network can learn and memorize any training dataset. When selecting a prediction model to label unlabeled samples, two SVM classifiers with good classification performance were selected as the labelers. At the same time, two SVM classifiers were used to label the same sample. If the prediction results were the same, the label was used as the quasi-label of the unlabeled sample.
In order to make the correct rate of pseudo-labels predicted by SVM at a high level, different k values were selected when making the bag-of-words model. The size of the visual dictionary was determined by the number of clusters k. A suitable value of k makes the extracted feature vector more representative of image features. If the dimension of the visual dictionary is too small, the difference between different types of images cannot be clearly represented. If the dimension is too large, it will lead to the redundancy of features, and the key information of the image will be too scattered, which will cause the disaster of dimensionality and seriously affect the classification efficiency of the image. The experimental results show that when k = 100 to 400, the classification accuracy of the support vector machine SVM under the bag-of-words model of HOG is continuously improved. At k = 400 to 1500, the SVM image classification accuracy tends to be stable, while the feature extraction time and model training time continue to increase. It can be seen from Figure 8 and Table 2 that the image classification accuracy under this feature can reach up to 91%. In the case of small samples, the texture and contour information extracted by HOG can be used to effectively represent image features, so that support vector machines can express good classification performance. Compared with the image features of SIFT and Canny, the dimension of the image features extracted by HOG is small, and the model training time is also less. In general, the SVM pseudo-labels trained under the HOG feature had the highest accuracy and efficiency. When k = 100 to 800, the classification accuracy of support vector machine SVM under the bag-of-words model of SIFT continuously improved. When k = 800 to 1500, with the increase in the k value, the model training time increased continuously, but the classification effect is not significantly enhanced. In this case, the image classification effect is not proportional to the k value. Compared with the HOG and SIFT feature extraction methods, the classification accuracy of the support vector machine trained by the features extracted by Canny reaches the optimum and tends to be stable with the increase in the k value when k = 800; after which, the classification accuracy of SVM will not improve significantly with the increase in the k value. Compared with the classification accuracy under HOG and SIFT features, the classification level under this feature is lower. Therefore, the support vector machine model under this feature extraction was not used as the prediction model. In order to verify the influence of different numbers of small samples on the classifier, this paper selected 16 and 24 training sets to train the support vector machine model. The experimental results show that the support vector machine model trained with the number of training sets of 24 is better than the support vector machine model with the number of 16.

4.3. Influence of the Number of Quasi-Label Data Sets on the Classification Accuracy of Neural Network

The support vector machine model with the highest accuracy to label and screen unlabeled image samples was used. The training set of quasi-labeled image samples and labeled image samples was fed into a fine-tuned convolutional neural network VGG16 for training. In the experiments, five augmented training sets with different capacities were constructed. The number of boosted training sets increased by 500 each time. The augmented training set was used to train the convolutional neural network. The remaining one-third of the labeled image samples in each category were used as the validation set of the convolutional neural network, and the validation set was used to test the effectiveness of the small-sample image classification algorithm based on the convolutional neural network and support vector machine proposed in this paper. The images need to be preprocessed before the neural network can be trained. First, the size of the image was cropped to 224 × 224. Then, the cropped image were flipped horizontally with probability p = 0.5 and normalized. VGG16 uses the Adam optimization algorithm during training. VGG16 uses iterative training, the maximum number of iterations is 50,000 epochs, and the learning rate is set to 0.0001. The results are shown in the following Table 3:
It can be seen from the table that when the number of labeled samples is 16 and 24 to increase the number of quasi-labeled data sets, the classification accuracy of the same neural network on the validation set is not much different. The reason for this is that the total number of training sets is not much different. However, the enlargement of the training set has a great impact on the training of the neural network. With the increase in the number of quasi-labeled data, the accuracy of the neural network on the validation set continues to increase, indicating that the knowledge learned by the support vector machine under the small sample data was successful. Migrating to a convolutional neural network improved the over-fitting phenomenon caused by low classification accuracy of neural network under small label samples.

4.4. Comparison of Classification Accuracy of Different Models in the Case of Small Samples

The highest average classification accuracy on the validation set of the SVM trained under three different feature descriptors, the VGG16 network under parameter initialization and the knowledge transfer method proposed in this paper are compared in this section. The comparison is shown in Table 4. Figure 9 shows the change in the loss function and the accuracy rate during the VGG16 training process using only small samples.
It can be seen from the table and figure that the VGG16 directly trained with small samples has serious overfitting. The accuracy of the training set is 91.66% and the accuracy of the test set is 72.91%. Due to the simple feature extraction method of traditional image classification methods, the classification accuracy is between 70% and 90%. The convolutional neural network image classification effect based on knowledge transfer is better, and the classification accuracy can reach 93.4%. It is 3% higher than the highest classification accuracy of the traditional machine learning classifier Support Vector Machine (SVM). Compared with the deep convolutional neural network in the small sample case, the VGG16 model trained with the quasi-labeled sample dataset can learn better discriminative features and improve the classification accuracy by 20%. This means that the knowledge learned from the artificial bag-of-words model and the shallow model SVM can be successfully transferred to the pretrained convolutional neural network in the form of predicted sample labels. The effectiveness of this method in solving the problem of low image classification accuracy in the case of small samples is verified in the experiments.

5. Summary and Prospects

This paper mainly introduces a new method of deep convolutional neural network image classification based on knowledge transfer in the environment of small label samples. This method mainly combines different feature extraction methods with different advantages, and integrates multiple traditional image classification methods to predict unlabeled images. The number and accuracy of quasi-labeled samples increased. The augmented training set enables efficient training of convolutional neural networks. The knowledge learned by the shallow model support vector machine was successfully transferred to the convolutional neural network model, which improved the robustness and generalization ability of the convolutional neural network model. Experimental verification shows that the proposed method has better classification performance than traditional image classification methods. Our method is 3% higher than the highest average classification accuracy of HOG_BOVW_SVM. Compared with the convolutional neural network with parameter initialization under the few-label samples, the average classification accuracy is 20% higher. In the future research, since different classifiers have different characteristics, if the classification performance can be better by combining multiple classifiers, the neural network will learn better knowledge. In addition, the feature extraction information of the trained neural network can be used to embed multiple classifiers into the neural network for model fusion to further improve the accuracy of image classification. As the structure of the neural network gets deeper and deeper, the gradient descent algorithm can be replaced by the Kalman filter for adaptive updating [29]. This is a direction that can be considered in the future.

Author Contributions

Conceptualization, Y.K.; data curation, Y.K.; formal analysis, C.W.; funding acquisition, C.W.; methodology, Y.K. and C.W.; project administration, Y.K.; resources, X.M.; supervision, X.M.; validation, X.M.; writing—original draft, Y.K.; writing—review & editing, Y.K. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China under Grants 61933013, 61733015 and 61733009.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wang, C.; Shi, J.; Ni, Y.; Zhou, Y.; Yang, X.; Wei, S.; Zhang, X. Semi-Supervised Learning-Based Remote Sensing Image Scene Classification Via Adaptive Perturbation Training. In Proceedings of the IGARSS 2020—2020 IEEE International Geoscience and Remote Sensing Symposium, Waikoloa, HI, USA, 26 September–2 October 2020; pp. 541–544. [Google Scholar] [CrossRef]
  2. Patel, U.; Dave, H.; Patel, V. Hyperspectral image classification using semi-supervised learning with label propagation. In Proceedings of the 2020 IEEE India Geoscience and Remote Sensing Symposium (InGARSS), Ahmedabad, India, 1–4 December 2020; pp. 205–208. [Google Scholar] [CrossRef]
  3. Su, L.; Liu, Y.; Wang, M.; Li, A. Semi-HIC: A novel semi-supervised deep learning method for histopathological image classification. Comput. Biol. Med. 2021, 137, 104788. [Google Scholar] [CrossRef]
  4. Wen, T.; Xie, G.; Cao, Y.; Cai, B. A DNN-Based Channel Model for Network Planning in Train Control Systems. IEEE Trans. Intell. Transp. Syst. 2021, 1–8. [Google Scholar] [CrossRef]
  5. Xu, J.; Henriques, J.F.; Vwdaldi, A. Invariant information clustering for unsupervised image classification and segmentation. arXiv 2018, arXiv:1807.06653. [Google Scholar]
  6. Han, S.; Han, Q.H. Review of semi-supervised learning research. Comput. Eng. Appl. 2020, 56, 19–27. [Google Scholar]
  7. Zhang, S.; Yin, Q.; Ni, J.; Zhang, F. PolSAR image classification with small sample learning based on CNN and CRF. In Proceedings of the 2019 6th Asia-Pacific Conference on Synthetic Aperture Radar (APSAR), Xiamen, China, 26–29 November 2019; pp. 1–5. [Google Scholar]
  8. Gao, K.; Guo, W.; Yu, X.; Liu, B.; Yu, A.; Wei, X. Deep Induction Network for Small Samples Classification of Hyperspectral Images. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 3462–3477. [Google Scholar] [CrossRef]
  9. Feng, J.; Chen, J.; Liu, L.; Cao, X.; Zhang, X.; Jiao, L.; Yu, T. CNN-Based Multilayer Spatial–Spectral Feature Fusion and Sample Augmentation with Local and Nonlocal Constraints for Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2019, 12, 1299–1313. [Google Scholar] [CrossRef]
  10. Xue, D.; Zhou, X.; Li, C.; Yao, Y.; Rahaman, M.M.; Zhang, J.; Chen, H.; Zhang, J.; Qi, S.; Sun, H. An Application of Transfer Learning and Ensemble Learning Techniques for Cervical Histopathology Image Classification. IEEE Access 2020, 8, 104603–104618. [Google Scholar] [CrossRef]
  11. Van Opbroek, A.; Achterberg, H.C.; Vernooij, M.W.; de Bruijne, M. Transfer Learning for Image Segmentation by Combining Image Weighting and Kernel Learning. IEEE Trans. Med. Imaging 2019, 38, 213–224. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  12. Wang, Q.; Sun, X.; and Wen, C. Design Method for a Higher Order Extended Kalman Filter Based on Maximum Correlation Entropy and a Taylor Network System. Sensors 2021, 21, 5864. [Google Scholar] [CrossRef] [PubMed]
  13. Liu, X.; Wen, C.; and Sun, X. Design Method of High-Order Kalman Filter for Strong Nonlinear System Based on Kronecker Product Transform. Sensors 2022, 22, 653. [Google Scholar] [CrossRef]
  14. Ashraf, S.; Saleem, S.; Ahmed, T.; Aslam, Z.; Muhammad, D. Conversion of adverse data corpus to shrewd output using sampling metrics. Vis. Comput. Ind. Biomed. Art 2020, 3, 19. [Google Scholar] [CrossRef] [PubMed]
  15. Mehrotra, A.; Dukkipati, A. Generative adversarial residual pairwise networks for one shot learning. arXiv 2017, arXiv:1703.08033. [Google Scholar]
  16. Hariharan, B.; Girshick, R. Low-Shot Visual Recognition by Shrinking and Hallucinating Features. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 3037–3046. [Google Scholar]
  17. Wang, Y.; Girshick, R.; Hebert, M.; Hariharan, B. Low-Shot Learning from Imaginary Data. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7278–7286. [Google Scholar]
  18. Ma, X.; Wen, C.; Wen, T. An Asynchronous and Real-time Update Paradigm of Federated Learning for Fault Diagnosis. IEEE Trans. Ind. Inform. 2021, 17, 8531–8540. [Google Scholar] [CrossRef]
  19. Ye, L.; Ma, X.; and Wen, C. Rotating Machinery Fault Diagnosis Method by Combining Time-Frequency Domain Features and CNN Knowledge Transfer. Sensor 2021, 21, 8168. [Google Scholar] [CrossRef] [PubMed]
  20. Snell, J.; Swersky, K.; Zemel, R.S. Prototypical networks for few-shot learning. Advances in Neural Information Processing Systems. arXiv 2017, arXiv:1703.05175v2, 4077–4087. [Google Scholar]
  21. Lowe, D.G. Distinctive image features from scale-invariant keypoints. Int. J. Comput. Vis. 2004, 60, 91–110. [Google Scholar] [CrossRef]
  22. Dalal, N.; Triggs, B. Histograms of oriented gradients for human detection. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CV-PR’05), San Diego, CA, USA, 20–25 June 2005; pp. 886–893. [Google Scholar]
  23. Csurka, G.; Dance, C.R.; Fan, L.X.; Willamowski, J.; Bray, C. Visual categorization with bags of keypoints. In Workshop on Statistical Learning in Computer Vision, Proceedings of the European Conference on Computer Vision; Springer: Berlin/Heidelberg, Germany, 2004; pp. 1–22. [Google Scholar]
  24. Lazebnik, S.; Schmid, C.; Ponce, J. Beyond bags of features: Spatial pyramid matching for recognizing natural scene categories. In Proceedings of the 2006 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’06), New York, NY, USA, 17–22 June 2006; pp. 2169–2178. [Google Scholar]
  25. Perronnin, F.; Sánchez, J.; Mensink, T. Improving the fisher kernel for large-scale image classification. In Proceedings of the 11th European Conference on Computer Vision, Crete, Greece, 5–11 September 2010; Springer: Heraklion, Greece, 2010; pp. 143–156. [Google Scholar]
  26. Dong, S.; Quan, Y.; Feng, W.; Dauphin, G.; Gao, L.; Xing, M. A Pixel Cluster CNN and Spectral-Spatial Fusion Algorithm for Hyperspectral Image Classification with Small-Size Training Samples. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 4101–4114. [Google Scholar] [CrossRef]
  27. Zhang, D.; Liu, Z.; Shi, X. Transfer Learning on EfficientNet for Remote Sensing image Classification. In Proceedings of the 2020 5th International Conference on Mechanical, Control and Computer Engineering (ICMCCE), Harbin, China, 25–27 December 2020; pp. 2255–2258. [Google Scholar]
  28. Srivastav, D.; Bajpai, A.; Srivastava, P. Improved Classification for Pneumonia Detection using Transfer Learning with GAN based Synthetic Image Augmentation. In Proceedings of the 2021 11th International Conference on Cloud Computing, Data Science & Engineering (Confluence), Noida, India, 28–29 January 2021; pp. 433–437. [Google Scholar]
  29. Sun, X.; Wen, C.; Wen, T. Maximum Correntropy High-Order Extended Kalman Filter. Chin. J. Electron. 2022, 31, 190–198. [Google Scholar] [CrossRef]
Figure 1. Flow chart of Bag of Visual Words.
Figure 1. Flow chart of Bag of Visual Words.
Sensors 22 00898 g001
Figure 2. Schematic diagram of support vector machine.
Figure 2. Schematic diagram of support vector machine.
Sensors 22 00898 g002
Figure 3. Flow chart of pre training model.
Figure 3. Flow chart of pre training model.
Sensors 22 00898 g003
Figure 4. BOVW_SVM_ VGG16 algorithm flow chart.
Figure 4. BOVW_SVM_ VGG16 algorithm flow chart.
Sensors 22 00898 g004
Figure 5. VGG16 network structure.
Figure 5. VGG16 network structure.
Sensors 22 00898 g005
Figure 6. (a) Feature extraction histogram of SIFT; (b) Feature extraction histogram of Hog; (c) Feature extraction histogram of Canny.
Figure 6. (a) Feature extraction histogram of SIFT; (b) Feature extraction histogram of Hog; (c) Feature extraction histogram of Canny.
Sensors 22 00898 g006
Figure 7. (a) Confusion matrix of SIFT_BOVW_SVM; (b) Confusion matrix of Hog_BOVW_SVM; (c) Confusion matrix of Canny_BOVW_SVM.
Figure 7. (a) Confusion matrix of SIFT_BOVW_SVM; (b) Confusion matrix of Hog_BOVW_SVM; (c) Confusion matrix of Canny_BOVW_SVM.
Sensors 22 00898 g007
Figure 8. Comparison of classification accuracy under different features.
Figure 8. Comparison of classification accuracy under different features.
Sensors 22 00898 g008
Figure 9. Vgg16 network training process under small samples.
Figure 9. Vgg16 network training process under small samples.
Sensors 22 00898 g009
Table 1. Types, quantities, and labels of images.
Table 1. Types, quantities, and labels of images.
Image TypeQuantityLabel
Airplane8001
Face4352
Horse2703
Ladder2424
Motorbike7985
T-shirt3586
Table 2. Classification accuracy of SVM verification set under different characteristics.
Table 2. Classification accuracy of SVM verification set under different characteristics.
ModelSiftHogCanny
Parameter
Number of clusterkernel function162416241624
100linear0.6670.720.7820.8370.6040.639
200linear0.7080.7640.8230.8650.6040.681
300linear0.7290.8060.830.8580.6460.694
400linear0.7290.8060.8650.900.6460.681
500linear0.7290.7920.8650.900.6460.694
600linear0.750.8060.8760.8860.6460.708
700linear0.750.7920.8650.900.6460.667
800linear0.7710.8330.8860.900.6910.708
900linear0.7710.7780.8860.9070.6710.694
1000linear0.750.7780.8650.8790.6830.687
1100linear0.7710.7780.8450.8930.6620.699
1200linear0.7920.7920.8750.900.6620.681
1300linear0.8330.8290.8750.8860.6830.681
1400linear0.7710.8190.8540.8860.6620.671
1500linear0.7710.7780.8750.8930.620.639
Table 3. Classification accuracy of vgg16 verification set under different capacity enhancement training sets.
Table 3. Classification accuracy of vgg16 verification set under different capacity enhancement training sets.
Number of Training Set
Number of Labeled SamplesQuasi Label Capacity
Increase Quantity
Val_acc
16/24072.9%/73.5%
16/2450074.5%/74.6%
16/24100078.5%/79.3%
16/24150083.5%/83.7%
16/24200089.6%/88.1%
16/24250092.5%/93.4%
Table 4. Classification accuracy under small label samples of different models.
Table 4. Classification accuracy under small label samples of different models.
ModleTraining Set Sample Size
1624
SIFT_BOVW_SVM83.3%83.3%
HOG_BOVW_SVM87.5%90.7%
Canny_BOVW_SVM69.1%70.8%
VGG1672.9%73.5%
BOVW_SVM_VGG1692.5%93.4%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Kong, Y.; Ma, X.; Wen, C. A New Method of Deep Convolutional Neural Network Image Classification Based on Knowledge Transfer in Small Label Sample Environment. Sensors 2022, 22, 898. https://doi.org/10.3390/s22030898

AMA Style

Kong Y, Ma X, Wen C. A New Method of Deep Convolutional Neural Network Image Classification Based on Knowledge Transfer in Small Label Sample Environment. Sensors. 2022; 22(3):898. https://doi.org/10.3390/s22030898

Chicago/Turabian Style

Kong, Yunchen, Xue Ma, and Chenglin Wen. 2022. "A New Method of Deep Convolutional Neural Network Image Classification Based on Knowledge Transfer in Small Label Sample Environment" Sensors 22, no. 3: 898. https://doi.org/10.3390/s22030898

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