Next Article in Journal
A Novel Active Cooling System for Internal Combustion Engine Using Shape Memory Alloy Based Thermostat
Previous Article in Journal
Multi-Camera-Based Sorting System for Surface Defects of Apples
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-Scale Feature Fusion of Covariance Pooling Networks for Fine-Grained Visual Recognition

1
School of Rail Transportation, Soochow University, Suzhou 215131, China
2
ByteDance Inc., Moutainview, CA 94042, USA
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(8), 3970; https://doi.org/10.3390/s23083970
Submission received: 14 February 2023 / Revised: 9 April 2023 / Accepted: 11 April 2023 / Published: 13 April 2023
(This article belongs to the Section Physical Sensors)

Abstract

:
Multi-scale feature fusion techniques and covariance pooling have been shown to have positive implications for completing computer vision tasks, including fine-grained image classification. However, existing algorithms that use multi-scale feature fusion techniques for fine-grained classification tend to consider only the first-order information of the features, failing to capture more discriminative features. Likewise, existing fine-grained classification algorithms using covariance pooling tend to focus only on the correlation between feature channels without considering how to better capture the global and local features of the image. Therefore, this paper proposes a multi-scale covariance pooling network (MSCPN) that can capture and better fuse features at different scales to generate more representative features. Experimental results on the CUB200 and MIT indoor67 datasets achieve state-of-the-art performance (CUB200: 94.31% and MIT indoor67: 92.11%).

1. Introduction

Image classification is divided into three main categories according to the level of granularity at which the categories are classified: cross-species semantic-level image classification, fine-grained image classification, and instance-level image classification. The fine-grained image classification studied in this paper has been a hot topic in recent years and has a wide range of applications in industry, academia, and everyday life [1,2,3,4]. Fine-grained image classification refers to a more detailed sub-class division based on coarse-grained. Images of different subclasses are often characterized by large intra-class differences and small inter-class differences, making fine-grained image recognition more challenging.
The implementation of image classification is typically divided into three steps: (1) input an array of pixel values for N images, assigning each group of images a corresponding category label for a total of K category labels; (2) use the training set to extract the features of each category and build the model through continuous training and learning; and (3) use the classifier to predict and output the new input image’s classification label. If the predicted label matches the accurate label of the image, the prediction is correct; otherwise, the prediction is incorrect. In the case of fine-grained image classification, the discriminable region is often only a small part of the fine-grained image. Therefore, there are two other aspects to focus on compared to conventional image classification: accurately locating the discriminative key regions and extracting useful features for fine-grained images.
Multi-scale feature fusion techniques and covariance pooling have shown positive performance among the existing fine-grained classification algorithms. However, there are still shortcomings that need to be improved. Existing algorithms that use multi-scale feature fusion for fine-grained classification, such as multi-scale CNNs [5], only focus on the first-order information of an image. The first-order information is often insufficient at distinguishing subtle differences between fine-grained images. Existing fine-grained classification algorithms using covariance pooling, such as BCNN [6] and iSQRT-COV [7], aggregate the local features from the last convolution layer to obtain global representation. Each local feature represents the visual content of a patch of a specific size in the image. Nevertheless, in many cases of fine-grained recognition, the key visual cues may vary in scale across different images. Thus, the local feature representing the patch of a specific size might not effectively describe the comprehensive visual cues.
To solve the above problems, we propose a multi-scale covariance pooling network (MSCPN) that captures the visual content of patches at multiple scales. The MSCPN is comprised of three modules: multi-scale feature extraction, feature fusion, and covariance pooling. In the multi-scale feature extraction module, various pooling methods and kernels are utilized to obtain images at different scales, which are then fed into the baseline network to generate multi-scale feature blocks. In the feature fusion module, the different scale feature maps are combined with the original input feature map using additive fusion to create more informative features. In the covariance pooling module, the fused feature maps are inputted into both BCNN and iSQRT-COV, two typical covariance pooling networks, to capture the second-order information of the image and generate a more representative feature representation. BCNN and iSQRT-COV are used to demonstrate the generalizability of the proposed multi-scale feature fusion technique and to improve the classification accuracy of fine-grained images for better application in practice.
The contributions of this work can be summarized in two aspects:
  • We propose a novel fine-grained image classification method based on covariance pooling, which captures second-order information in fine-grained images.
  • We propose a multi-scale feature fusion technique, which generates multi-scale feature maps by different pooling methods and different pooling kernel parameters, and then fuses them with the original feature map to obtain better feature representations.
Validation experiments were conducted on two benchmark datasets, including CUB200 [8] and MIT indoor67 [9]. We compared our method with BCNN and iSQRT-COV, and the classification accuracy was improved by 0.9 % and 4.6% on CUB200, and 1.5 % and 3.3% on MIT indoor67, respectively. In addition, it achieves state-of-the-art results, i.e., 94.31% on CUB200 and 92.11% on MIT indoor67.
The rest of this paper is organized as follows. Section 2 shows the relevant works of this paper. Section 3 describes the details of the proposed multi-scale covariance pooling network. Section 4 presents the classification accuracy and visualization experimental results of this paper’s algorithm on two benchmark datasets. The article is concluded in Section 5.

2. Related Work

2.1. Fine-Grained Classification Techniques

Fine-grained image classification has emerged as a field since around 2011. Since then, we have divided emergent algorithms into two main categories: traditional algorithms based on feature extraction and deep learning-based algorithms.

2.1.1. Traditional Algorithms Based on Feature Extraction

Traditional algorithms based on feature extraction are based on machine learning techniques. Most of these algorithms extract local features from an image using scale-invariant feature transform (SIFT) [10] or histogram of oriented gradient (HOG) [11]. The feature representation is encoded using models such as the vector of locally aggregated descriptors (VLAD) [12], Fisher vector [13], or bag-of-visual-word (BOVW) [14]. However, the classification results are hardly satisfactory because this type of algorithm is tedious in feature selection, ignores the relationship between different features, requires good manual annotation, and is expensive.

2.1.2. Deep Learning-Based Algorithms

With the rise of deep learning and convolutional neural network technology, researchers have applied it to fine-grained image classification, automatically capturing deep learning features through the network with stronger expressiveness and better classification results. This has greatly facilitated the development of fine-grained image classification algorithms. Fine-grained classification algorithms based on deep learning can be classified into four main categories: (1) CNN-based algorithms; (2) algorithms based on localization-recognition; (3) higher-order coding algorithms based on convolutional features; and (4) algorithms based on network integration.
CNN-based methods: CNNs [15] were first introduced in 1989 by LeCun et al. At that time, CNNs showed superior performance in large-scale visual recognition tasks. Researchers began to consider their application to fine-grained image classification. Subsequently, AlexNet [16] and GoogLeNet [17] were also proposed. In addition to these typical convolutional neural networks, deep convolutional feature extractors include CNN features off-the-shelf [18], InterActive [19], ONE [20], etc. When using these methods, the output of the final fully-connected layer is set to a number of classes for fine-grained image classification. However, with these methods, it is difficult to capture differentiated local details; thus, they are less commonly used today.
Algorithms based on location–recognition: There are two types of algorithms, strongly and weakly supervised, depending on whether additional manual annotation data, such as object annotation boxes, part annotation points, and image category labels, are required. Strongly supervised algorithms often require additional manual annotation information. The parts-based R-CNN [21], proposed by Ning Zhang et al., uses the R-CNN algorithm to detect both the object-level (e.g., dogs) and local areas (head, body, etc.) of fine-grained images. Branson et al. proposed the pose-normalized CNN [22] to perform pose-alignment operations on images, taking into consideration the interference of different bird poses. Shih et al. proposed part localization using multi-proposal consensus [23] to locate key points and regions. Di et al. proposed location alignment classification (Deep LAC) [24] to reduce classification and alignment errors and update localization results adaptively. Weak supervision uses attention mechanisms, clustering, and other methods to automatically obtain distinguishing regions without additional annotation information. They rely solely on classification labels to complete training. Xiao et al. proposed two-level attention [25], it was the first attempt to accomplish weak supervision. Liu et al. proposed the FCN attention model [26], which uses the FCN architecture to select multi-task-driven attention. Bo et al. proposed the diversified visual attention network (DAVN) [27], which uses LSTM to generate different attention regions at additional time steps.
Higher-order coding algorithms based on convolutional features. Higher-order coding methods enhance the representation of features by fusing CNN features to the second order. The bilinear CNN model [6] proposed by Lin et al. uses two CNN networks, one for object part localization and one for object feature extraction. The iSQRT-COV Network [7] proposed by Peihua Li et al. uses an iterative matrix square root normalization algorithm to perform end-to-end training quickly.
Algorithms based on network integration. Network integration, as the name implies, refers to the collocation of multiple neural networks for fine-grained image classification. Network integration can often be used with good results when certain classes are particularly confusing. Ge et al. proposed subset feature-learning networks (SCNs) [28] to cluster similar-looking classes into K subclasses and train K-corresponding specific CNNs. Wang et al. proposed CNN trees [29] to solve multi-classification problems. Ge et al. proposed a mixture of DCNNs [30] to fuse classification results by classification occupation probabilities.

2.2. Feature Fusion Techniques

When using convolutional neural networks to extract image features, it is generally considered that the first few layers of the network can extract the lower-level features of the image. As the network deepens, higher-level features of the image can be extracted. Different features have different properties; for example, lower-layer features have higher resolution and contain more positional and detailed information, but they are less semantic and noisier due to having undergone fewer convolutions. Higher-level features have stronger semantic information but have shallower resolution and poorer perception of detail. Therefore, fusing features from different scales is essential for improving image classification. Feature fusion aims to take features extracted from the images and merge them using the complementary nature of the features to create a more discriminative feature than the input features.
Depending on whether feature fusion occurs before or after classifier processing, it can be classified as early fusion (e.g., UNet [31]) or late fusion (e.g., FPN [32]). Early fusion involves fusion at the input layer. Multiple layers of features are fused, and then the predictor is trained on the fused features. Late fusion involves fusion at the prediction layer. Predictions are made on different features, and then these predictions are fused.
Regarding specific techniques, the basic operations of feature fusion can be divided into element-wise addition and concatenation. Element-wise addition adds the values at the corresponding positions of the related channels, with the number of channels remaining unchanged. The number of features in the image remains the same, but the information under each feature increases. Concatenation combines the feature map channels and increases the number of channels. The number of features in the image grows, but the information under each feature remains the same. In addition, feature fusion techniques include feature splicing, outer product expansion between features, skip connections, deconvolution, mask mechanism, gate mechanism [33], etc.
According to the model structure, feature fusion can be divided into a parallel multi-branch structure (e.g., PSPNet [34]) and serially connected structure (e.g., UNet [31]). The model will have multiple branches in a parallel strategy, each with different features. In a serial strategy, the whole model only has one branch. The feature fusion and other components in the network perform operations sequentially.

3. Method

The framework of our method is shown in Figure 1. The network architecture includes three modules: (1) multi-scale feature extraction, (2) feature fusion, (3) and covariance pooling network. The multi-scale feature extraction module is achieved through different pooling methods and different pooling kernel parameters. The feature fusion module fuses the multi-scale feature maps through additive fusion and sends them to the baseline networks (VGG, ResNet, and DenseNet). The covariance pooling module feeds the fused feature maps into the covariance pooling network for information fusion in the second-order dimension. For a better understanding, the principles of two existing covariance pooling methods (BCNN and iSQRT-COV) are briefly described in Section 3.1. Section 3.2 specifies how the algorithms in this paper are implemented through equations and textual exposition.

3.1. Original Bilinear Pooling Network

3.1.1. Bilinear Convolutional Neural Network

The framework of BCNN is illustrated in Figure 2. The BCNN network involves three steps: (1) Feature images are fed into two CNN feature extraction networks, and the feature vectors generated by the two CNN streams are used to compute the outer product of the corresponding position elements, also known as the bilinear pooling process. (2) The feature matrices are normalized through logarithmization, square root, and L2 normalization. (3) The fused features are then fed into the classifier to obtain the classification labels. BCNN can be represented by a quaternion BP = ( f A , f B , B P , C ) for ease of understanding, where f A and f B denote feature extraction functions based on CNNs, B P denotes the bilinear pooling function, and C denotes a classification function. Given an input image I, the extraction of features using CNN to produce a feature map can be expressed as:
F A = f A ( I ) , F B = f B ( I ) ,
where the output image feature map F A R M × c , F B R N × c . M denotes the number of local features in the feature map F A . N denotes the number of local features in the feature map F B . Then, the bilinear pooling function B P obtains the global feature by
B = BP ( F A , F B ) = 1 G F A F B ,
where B R M × N is a bilinear pooling matrix for extracting second-order features. G = M × N denotes the number of features in the feature map after bilinear pooling fusion, i.e., the number of categories to be classified. When the two CNN streams are completely consistent, f A = f B and F A = F B = F . Equation (2) is simplified as
B = BP ( F ) = 1 G F F .
At this point, the global eigenmatrix becomes a symmetric semi-positive definite matrix, which is also called second-order pooling (O2P) used in semantic segmentation.

3.1.2. Iterative Matrix Square Root Normalization of the Covariance Pooling Network

According to the above description, it is still possible to find a problem with BCNN. BCNN is normalized by elements and does not consider the nonlinear relationship between channels in the feature map, i.e., the manifold structure of covariance matrices. To solve this problem, Li et al. proposed iterative matrix square root normalization of covariance pooling (iSQRT-COV). The structure of iSQRT-COV is shown in Figure 3. The implementation of iSQRT-COV is divided into three steps: (1) Similar to BCNN, the image is fed into the feature extraction network, and the feature matrix is obtained by computing the outer product of the elements at the corresponding positions of its own feature map (i.e., covariance pooling). (2) The feature matrix is fed into the meta layer to calculate the approximate square root. (3) The feature matrix is fed into the classifier to obtain the classification labels. The second step of the meta layer is divided into three parts: pre-normalization, coupling matrix iteration, and post-compensation. iSQRT-COV is not the focus of this paper, so elaboration about the meta layer is not done in this part. The first step of covariance pooling is the same as that of BCNN. Still, BCNN is a two-way feature extraction network followed by outer product positionally. At the same time, iSQRT-COV is a one-way feature extraction network with its feature map for the outer product (positionally). When the two feature extraction networks of BCNN are consistent, the covariance pooling in iSQRT-COV is essentially the same as the bilinear pooling operation in BCNN. To facilitate the description of the algorithm below, we uniformly use the covariance pooling function to refer to the iSQRT-COV and BCNN operations.

3.2. Multi-Scale Covariance Pooling Network

The local convolutional features used in covariance pooling networks represent patches of a specific size. However, in many cases, critical visual cues cannot be effectively extracted based on a single-scale network because patches of a particular size may not adequately represent the necessary visual cues for fine-grained recognition.
This paper proposes a multi-scale covariance pooling network (MSCPN) capable of capturing necessary visual cues in different scales and improving the representing power. An overview of the complete structure can be found in Figure 1. The MSCPN implementation is divided into three parts: (1) multi-scale feature extraction (i.e., scaling), (2) feature fusion (i.e., fusing), and (3) covariance pooling. Below, we present the details of the network.
Scaling. We scale the image of a pooling operation P to obtain the images in different scales, defined as
P d , s , p : I I ^ ,
where I R D × D denotes the raw image and I ^ R D ^ × D ^ denotes the scaled image. D × D is the size ( l e n g t h × w i d t h ) of I and D ^ × D ^ is that of I ^ . d is the size of the pooling kernel, s denotes the pooling stride, and p denotes the value of padding. They satisfy
D ^ = D d + 2 p s + 1 , d D .
The proposed method uses three different pooling kernels ((2, 2, 0), (3, 3, 0), and (3, 3, 1)), and two pooling methods, i.e., average pooling and maximum pooling.
Given an image I, we use three scaling functions to obtain the scaled images I ^ i :
I ^ 1 = P d 1 , s 1 , p 1 m 1 , I ^ 2 = P d 2 , s 2 , p 2 m 2 , I ^ 3 = P d 3 , s 3 , p 3 m 3 ,
where
( m 1 , d 1 , s 1 , p 1 ) = ( 1 , 2 , 2 , 0 ) , ( m 2 , d 2 , s 2 , p 2 ) = ( 2 , 3 , 3 , 0 ) , ( m 3 , d 3 , s 3 , p 3 ) = ( 1 , 3 , 3 , 1 ) ,
where m i = 1 , ( i = 1 , 2 , 3 ) indicates that average pooling is used, and m i = 2 , ( i = 1 , 2 , 3 ) indicates that maximum pooling is used. d i , s i , p i correspond to the parameters size, stride, and padding, respectively.
Fusing. We feed the scaled images { I ^ i } i = 1 3 and the original images into the convolution neural network f ( · ) and generate the feature maps in different scales:
F = f ( I ) , F i = f ( I ^ i ) , i = 1 , 2 , 3 ,
F ^ = 1 4 ( F + i = 1 3 F i ) ,
where F R k × c , k denotes the number of local features in the feature map F . F i R k i × c , where k i is the number of local features in the feature map F i . c indicates the number of channels in the feature map. F ^ denotes the feature map after additive fusion.
In this paper, additive fusion is used, which involves summing the values of two feature map elements at corresponding positions without changing the number of channels in the fused feature map. The use of additive fusion is motivated by its simplicity and computational efficiency, which do not add a significant burden to the network. Furthermore, additive fusion is shown to better capture the spatial location information of the feature map, as suggested by reference [35]. The number of features describing the image remains the same, while the information under each feature is increased, improving the classification performance of fine-grained images.
Covariance pooling. As described in Section 3.1, the fused features are fed into BCNN or iSQRT-COV to obtain the second-order information of the feature maps and perform classification. The covariance pooling process can be expressed as follows:
CP ( F ^ ) = 1 G F ^ F ^ ,
where G indicates the number of fine-grained image categories.
After the above description, it is evident that our method in the feature extraction phase is similar to existing multi-scale feature fusion techniques, which use different pooling kernels and methods to obtain feature maps at different scales. However, the difference with existing multi-scale feature fusion lies mainly in the feature fusion stage. The feature fusion part of Figure 1 aggregates information from different scales of feature maps through additive fusion. The covariance pooling network section in Figure 1 innovatively uses covariance pooling (bilinear pooling) to calculate the outer matrix product of the additively fused feature map at each pixel location and then sums it up. In a physical sense, covariance pooling captures the multiplicative interactions of the corresponding spatial locations of the feature map to obtain second-order statistical information on the multi-scale feature map. It makes the feature map information more differentiated and better suited to achieve fine-grained image classification tasks. From this perspective, covariance pooling is a form of feature fusion. However, in this paper, additive fusion and covariance pooling are separated to make the feature fusion process more straightforward for readers to understand.

4. Experiment

We validated the MSCPN on two datasets, CUB200 and MIT indoor67. The datasets and implementation details are found in Section 4.1. Ablation studies were conducted to investigate the effectiveness of our proposed method in Section 4.2. The visualization experiments presented in Section 4.3 can more vividly show the advantages of the proposed approach to better represent image features. A comparison with other methods is presented in Section 4.4.

4.1. Datasets and Implementation Details

Datasets. Experiments on two classic datasets were conducted for fine-grained image classification, including the CUB200 (Caltech-UCSD Birds) dataset [8] and MIT indoor67 dataset [9]. The CUB200 dataset contains 11,788 images of 200 bird species and the MIT indoor67 dataset contains 15,620 images of 67 indoor categories. The images in these two datasets are divided into two parts: the training set and the test set. These two sets contain nearly the same number of images, with detailed annotations of features and bounding boxes. Birds appear in different poses and viewpoints in the CUB200 dataset. They occupy a small portion of images with cluttered backgrounds, making it more challenging to classify the birds. The indoor scenes are complex and contain multiple objects. Additionally, occlusions and interference between objects are common. Moreover, some indoor scenes (such as corridors) can be discriminated against based on spatial information. Some indoor scenes (such as bookstores) can be determined based on the objects in the background. Hence, the distinguishing features of different scenes make indoor scene recognition challenging. It is worth noting that we only use image labels during training without any annotation of parts and bounding boxes in all of our experiments.
Implementation Details. Our experiments are completed in multi-scale BCNN(MSBCNN) and multi-scale iSQRT-COV(MSiSQRT-COV). Both parts of the experiments are based on the Win10 system and PyTorch framework.
For MSBCNN, the hardware configuration used in the experiments is a server equipped with four NVIDIA GTX 1080ti graphics cards, each with 11G × 4 video memory. Unless stated otherwise, the MSBCNN is implemented through the following general steps. First, each image is resized to 448 × 448 to obtain a finer structure. Next, multi-scale images are generated using various pooling operations. Then, the original and multi-scale images are fed into the feature extraction baseline networks (VGG16, VGG19) respectively, and the resulting feature maps are additively fused. Furthermore, a three-step fine-tuning operation is performed, which involves fine-tuning the FC layers, fine-tuning the entire network, and adding the k-way linear and softmax layers. The FC layers are fine-tuned with a batch size of 64, weight decay of 10 8 , and a learning rate of 1 for 55 epochs. The entire network is fine-tuned end-to-end using back-propagation with a batch size of 64, weight decay of 10 5 , and a learning rate of 10 2 for 25 epochs. The linear layer is trained using logistic regression. Stochastic gradient descent (SGD) is used to train the loss function of the network.
For MSiSQRT-COV, the hardware configuration of the experiments consists of a server with a TITAN XP graphics card with 12G of video memory. Compared to MSBCNN, the first two steps are the same. The differences are the baseline network used (ResNet50, DenseNet161 for MS-iSQRT-COV) and the subsequent feeding of the feature maps to iSQRT-COV.
Evaluation metric. For quantitative evaluation, classification accuracy serves to measure the effectiveness of our network. It can be obtained from Equation (11).
A c c u r a c y = N a N t ,
where N t denotes the total number of classified images and N a denotes the number of images with correct predictions. The accuracy can reflect the performance of the classification more intuitively, and it is a common classification evaluation metric.

4.2. Ablation Study

In order to verify that MSCPN can effectively improve the classification accuracy of fine-grained images, ablation studies and a comparative analysis were conducted.
The effect of different multi-scales. Different pooling kernels were tested, including 2 × 2 with step 2 and no padding, 3 × 3 with step 2 and no padding, and 3 × 3 with step 3 and padding 1. From Table 1, Table 2, Table 3 and Table 4, it can be concluded that the classification performance is better when using the pooling kernel of (3, 2, 0) compared to the other two pooling kernels. In addition, the superposition of different scales was experimented with.
The effect of pooling methods. We present ablation studies on pooling methods: average pooling and max pooling. Pooling results in fewer features and fewer parameters and aims to maintain some invariance (such as rotation, translation, stretching, etc.). Average pooling avoids the error of increasing estimated variance due to the restricted neighborhood size, thus preserving more of the image background information. Max pooling reduces the error in the estimated mean shift caused by errors in the convolution layer parameters, thereby retaining more texture information. Based on Table 1, Table 2 and Table 3, it can be concluded that the average pooling method has better classification performance relatively.
The effect of baseline networks. Two feature extraction baseline networks (VGG16 and VGG19) are used for MSBCNN. VGG16 and VGG19 have similar structures and different network depths, as shown in Figure 4. VGG16 consists of thirteen convolutional layers and three fully connected layers. VGG19 consists of sixteen convolutional layers and three fully connected layers. Figure 4a is the overall structure of the VGG network. D (the first row and fifth column) represents VGG16, and the “16 weight layers” directly below it denote that the VGG16 network structure has 16 layers. E (the first line and the sixth column) indicates that VGG19, and the “19 weight layers” directly below it indicate that the VGG19 network structure has 19 layers. Figure 4b,c show the specific network structures of VGG16 and VGG19 in detail, respectively. The three extra network layers of VGG19 over VGG16 are marked in blue shading. From Table 1 and Table 2, it can be concluded that the classification performance of the baseline network VGG19 is higher than that of the baseline network VGG16, further validating that deepening the network depths can improve the performance. ResNet50 and DenseNet161 are used as baseline networks for MSiSQRT-COV. In contrast to ResNet50, each layer of DenseNet161 is explicitly connected to all previous layers within an ensemble region, rather than receiving information only from the latest layer. These connections promote feature reuse, as all other layers can use features from earlier layers. Table 3 shows that the classification performance of the baseline network DenseNet161 is better than that of the baseline network ResNet50.
The effect of upsampling modes. The feature map size changes after multi-scale operations are performed on the image in the initial stage. The same feature map size is required for additively fusing feature maps at different scales. Therefore, an upsampling function is required. The PyTorch framework has several upsampling algorithms: nearest, linear, bilinear, bicubic, and trilinear. In this paper, the experiments tried bilinear and bicubic upsampling algorithms based on MIT indoor67 to validate the MSiSQRT-COV. The results are shown in Table 4. From Table 4, it can be seen that bilinear has better classification results than bicubic.

4.3. Visualization

We performed visualization experiments for MSBCNN and MSiSQRT-COV to draw insights into the proposed method.
For MSBCNN, we randomly selected a test image from the CUB200 dataset and visualized the feature maps with and without multiscale feature fusion based on VGG16 and VGG19, as shown in Figure 5. The first column lists the feature maps of the image generated by BCNN based on VGG16. The second column lists the feature maps of the image generated by MSBCNN based on VGG16. The third column lists the feature maps of the image generated by BCNN based on VGG19. The fourth column lists the feature maps of the image generated by MSBCNN based on VGG19.
As shown in Figure 5, the network structure of VGG16 consists of thirteen convolutional layers and three fully connected layers. The network structure of VGG19 consists of sixteen convolutional layers and three fully connected layers. It is also easy to find that VGG16 and VGG19 have five max pooling layers in the entire network structure. The visualization results in Figure 5 show the feature map outputs of each of the five max pooling layers. The feature maps of these five max pooling layers for visualization were selected because the entire convolutional operation can be divided into five parts from the network structure. Each part of the convolutional operation will result in feature maps of different scales. By comparing these five different scales of feature maps, MSBCNN’s effectiveness in this paper can be better visualized.
The bright white parts in the visualizations are the regions to which the network especially pays attention. High-level to low-level feature maps are displayed from the first row to the fifth row. Low-level feature maps tend to extract textures and details. In contrast, high-level function maps tend to extract the most representative contours, forms, and characteristics. The higher the levels, the more representative the extracted features.
Comparing (a) with (b) (or (c) with (d)) in Figure 5, on the low-level feature maps, the feature maps generated by MSBCNN are brighter than that generated by BCNN in detail, and the texture is more pronounced. For example, in row 1(b) and row 2(b), the colorful feathers on the bird’s wings are brighter, and the texture of the bird’s feathers is more detailed and hierarchical. The outline of the target in the high-level feature maps generated by our proposed method is more complete. Specifically, the bird’s outline in row 3(a) is less complete, while the bird’s outline in row 3(b) is relatively complete. Moreover, in the high-level feature maps, the features represented by the bright white parts are more representative. Specifically, in row 5(b), the details of the beak and most of the bird’s body are visible.
Comparing (b) with (d) (or (a) with (c)), when the baseline network is VGG19, the texture of the low-level feature map is more hierarchical and more accurate in capturing the bird’s features (e.g., in row 1(d) and row 2(d), the part of the bird’s feathers is brighter and whiter). Furthermore, the high-level feature map has more apparent contours. It better captures the most representative features (e.g., in row 3(d), the bird’s contours are more complete. In row 4(d) and row 5(d), the features of the bird’s body and beak are captured more thoroughly). Thus, the classification performance is better when the baseline network is VGG19.
Figure 5. Visualization of MSBCNN based on the baseline VGG16 and VGG19. (a) BCNN-CUB200-VGG16, (b) MSBCNN -CUB200-VGG16, (c) BCNN-CUB200-VGG19, (d) MSBCNN-CUB200-VGG19.
Figure 5. Visualization of MSBCNN based on the baseline VGG16 and VGG19. (a) BCNN-CUB200-VGG16, (b) MSBCNN -CUB200-VGG16, (c) BCNN-CUB200-VGG19, (d) MSBCNN-CUB200-VGG19.
Sensors 23 03970 g005
Similarly, for MSiSQRT-COV, a test image from the CUB200 dataset is randomly selected and fed into the network to visualize the feature maps of each layer, as shown in Figure 6 and Figure 7. Figure 6 and Figure 7 show the output feature maps of iSQRT-COV and MSiSQRT-COV based on three network layers of ResNet50 and DenseNet161. Each small image represents the feature map under the corresponding network layer under different channels. Comparing (a), (b), and (c) in Figure 6 and Figure 7, we can find that the contours, lines, and details of the feature maps processed by multi-scale feature fusion are clearer than those of the original scale at the same position in the network layer.

4.4. Comparison to Other Methods

4.4.1. Comparison to Original Covariance Pooling Methods

Table 5 compares BCNN and MSBCNN on CUB200 and MIT indoor67. Compared with BCNN, the accuracy of the two datasets is improved by 0.9% and 1.5%, respectively. It can be concluded that our proposed method is indeed superior to BCNN in classification accuracy, and the improvement on MIT indoor67 is more obvious. At the same time, Table 5 shows the comparison between iSQRT-COV and MSiSQRT-COV on CUB200 and MIT indoor67. Compared with iSQRT-COV, the accuracy of both datasets is improved by 4.6% and 3.3%, respectively. It can be summarized that the proposed approach is indeed superior to iSQRT-COV in fine-grained recognition, and the improvement of CUB200 is more obvious.
Figure 6. Visualization of iSQRT-COV based on the baseline ResNet50. (a) Visualization of the first layer of the network, (b) Visualization of the third layer of the network, (c) Visualization of the fifth layer of the network.
Figure 6. Visualization of iSQRT-COV based on the baseline ResNet50. (a) Visualization of the first layer of the network, (b) Visualization of the third layer of the network, (c) Visualization of the fifth layer of the network.
Sensors 23 03970 g006
Figure 7. Visualization of MSiSQRT-COV based on the baseline ResNet50. (a) Visualization of the first layer of the network, (b) Visualization of the third layer of the network, (c) Visualization of the fifth layer of the network.
Figure 7. Visualization of MSiSQRT-COV based on the baseline ResNet50. (a) Visualization of the first layer of the network, (b) Visualization of the third layer of the network, (c) Visualization of the fifth layer of the network.
Sensors 23 03970 g007

4.4.2. Comparison with the Existing Methods

Table 6 shows the performance of our method on CUB200 and MIT indoor 67 and its comparison with other methods. Our method achieves bird classification accuracy of 94.3% and indoor scene recognition accuracy of 92.1%. In summary, MSCPN is markedly superior to the compared existing methods.

5. Conclusions

In this work, we proposed a new multi-scale feature fusion technique (MSCPN), which captures the visual content of patches in multiple scales and fuses their bilinear features based on covariance pooling networks. Unlike previous work, the proposed network considers both multi-scale and second-order information in the features. Experiments on birds and scene recognition verify the effectiveness of the novel work. In the future, we will conduct extensive research in two directions, i.e., we will investigate whether fusing inter-layer features [58,59] can effectively obtain feature representations at multiple scales and we will explore how to merge other effective methods to improve multi-scale covariance pooling networks to learn better fine-grained representations.

Author Contributions

Methodology, L.Q.; Software, L.Q.; Investigation, L.Q.; Writing—original draft, L.Q.; Writing—review & editing, T.Y. and J.Y. 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

Data sharing not applicable. No new data were created or analyzed in this study. Data sharing is not applicable to this article.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Yang, J.; Duan, J.; Li, T.; Hu, C.; Liang, J.; Shi, T. Tool Wear Monitoring in Milling Based on Fine-Grained Image Classification of Machined Surface Images. Sensors 2022, 22, 8416. [Google Scholar] [CrossRef] [PubMed]
  2. Zhou, X.; Zhang, Y.; Wei, Q. Few-Shot Fine-Grained Image Classification via GNN. Sensors 2022, 22, 7640. [Google Scholar] [CrossRef] [PubMed]
  3. Wang, Y.; Mamat, H.; Xu, X.; Aysa, A.; Ubul, K. Scene Uyghur Text Detection Based on Fine-Grained Feature Representation. Sensors 2022, 22, 4372. [Google Scholar] [CrossRef] [PubMed]
  4. Karlinsky, L.; Shtok, J.; Tzur, Y.; Tzadok, A. Fine-grained recognition of thousands of object categories with single-example training. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  5. Herranz, L.; Jiang, S.; Li, X. Scene recognition with CNNs: Objects, scales and dataset bias. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016. [Google Scholar]
  6. Lin, T.Y.; RoyChowdhury, A.; Maji, S. Bilinear convolutional neural networks for fine-grained visual recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 40, 1309–1322. [Google Scholar] [CrossRef]
  7. Li, P.; Xie, J.; Wang, Q.; Zuo, W. Is second-order information helpful for large-scale visual recognition? In Proceedings of the IEEE Conference on Computer Vision, Venice, Italy, 22–29 October 2017. [Google Scholar]
  8. Welinder, P.; Branson, S.; Mita, T.; Wah, C.; Schroff, F.; Belongie, S.; Perona, P. Caltech-UCSD Birds 200. California Institute of Technology. CNS-TR-2010-001. 2010. Available online: https://www.vision.caltech.edu/visipedia/CUB-200.html (accessed on 26 October 2011).
  9. Quattoni, A.; Torralba, A. Recognizing indoor scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009. [Google Scholar]
  10. Lowe, D.G. Object recognition from local scale-invariant features. In Proceedings of the IEEE Conference on Computer Vision, Fort Collins, CO, USA, 23–25 June 1999. [Google Scholar]
  11. Dalal, N.; Triggs, B. Histograms of oriented gradients for human detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–26 June 2005. [Google Scholar]
  12. Jégou, H.; Douze, M.; Schmid, C.; Pérez, P. Aggregating local descriptors into a compact image representation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010. [Google Scholar]
  13. Perronnin, F.; Dance, C. Fisher kernels on visual vocabularies for image categorization. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Minneapolis, MN, USA, 18–23 June 2007. [Google Scholar]
  14. Law, M.T.; Thome, N.; Cord, M. Bag-of-words image representation: Key ideas and further insight. In Fusion in Computer Vision: Understanding Complex Visual Content; Springer: Berlin/Heidelberg, Germany, 2014; pp. 29–52. [Google Scholar]
  15. LeCun, Y.; Boser, B.; Denker, J.S.; Henderson, D.; Howard, R.E.; Hubbard, W.; Jackel, L.D. Backpropagation applied to handwritten zip code recognition. Neural Comput. 1989, 1, 541–551. [Google Scholar] [CrossRef]
  16. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef] [Green Version]
  17. Szegedy, C.; Liu, W.; Jia, Y.Q.; 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, Boston, MA, USA, 23–28 June 2014. [Google Scholar]
  18. Sharif Razavian, A.; Azizpour, H.; Sullivan, J.; Carlsson, S. CNN features off-the-shelf: An astounding baseline for recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 23–28 June 2014. [Google Scholar]
  19. Xie, L.; Zheng, L.; Wang, J.; Yuille, A.; Tian, Q. Interactive: Inter-layer activeness propagation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016. [Google Scholar]
  20. Xie, L.; Hong, R.; Zhang, B.; Tian, Q. Image classification and retrieval are one. In Proceedings of the ACM on International Conference on Multimedia Retrieval, Shanghai, China, 23–26 June 2015. [Google Scholar]
  21. Zhang, N.; Donahue, J.; Girshick, R.; Darrell, T. Part-based R-CNNs for fine-grained category detection. In Proceedings of the European Conference on Computer Vision, Zurich, Switzerland, 6–12 September 2014. [Google Scholar]
  22. Branson, S.; Van Horn, G.; Belongie, S.; Perona, P. Bird species categorization using pose normalized deep convolutional nets. arXiv 2014, arXiv:1406.2952. [Google Scholar]
  23. Shih, K.J.; Mallya, A.; Singh, S.; Hoiem, D. Part localization using multi-proposal consensus for fine-grained categorization. arXiv 2015, arXiv:1507.06332. [Google Scholar]
  24. Lin, D.; Shen, X.; Lu, C.; Jia, J. Deep lac: Deep localization, alignment and classification for fine-grained recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 8–10 June 2015. [Google Scholar]
  25. Xiao, T.; Xu, Y.; Yang, K.; Zhang, J.; Peng, Y.; Zhang, Z. The application of two-level attention models in deep convolutional neural network for fine-grained image classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 8–10 June 2015. [Google Scholar]
  26. Liu, X.; Xia, T.; Wang, J.; Lin, Y. Fully convolutional attention localization networks: Efficient attention localization for fine-grained recognition. arXiv 2016, arXiv:1603.06765. [Google Scholar]
  27. Zhao, B.; Wu, X.; Feng, J.; Peng, Q.; Yan, S. Diversified visual attention networks for fine-grained object classification. IEEE Trans. Multimed. 2017, 19, 1245–1256. [Google Scholar] [CrossRef] [Green Version]
  28. Ge, Z.Y.; McCool, C.; Saerson, C.; Corke, P. Subset feature learning for fine-grained category classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 8–10 June 2015. [Google Scholar]
  29. Wang, Z.; Wang, X.; Wang, G. Learning fine-grained features via a CNN tree for large-scale classification. Neurocomputing 2018, 275, 1231–1240. [Google Scholar] [CrossRef] [Green Version]
  30. Ge, Z.Y.; Bewley, A.; McCool, C.; Upcroft, B.; Corke, P.; Sanderson, C. Fine-grained classification via mixture of deep convolutional neural networks. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision (WACV), Lake Placid, NY, USA, 7–10 March 2016. [Google Scholar]
  31. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention(MICCAI), Munich, Germany, 5–9 October 2015. [Google Scholar]
  32. Lin, T.Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature pyramid networks for object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  33. Pu, S.; He, Y.; Li, Z.; Zheng, M. Multimodal Topic Learning for Video Recommendation. arXiv 2020, arXiv:2010.13373. [Google Scholar]
  34. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  35. Feichtenhofer, C.; Pinz, A.; Zisserman, A. Convolutional two-stream network fusion for video action recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016. [Google Scholar]
  36. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018. [Google Scholar]
  37. Yun, S.; Han, D.; Oh, S.J.; Chun, S.; Choe, J.; Yoo, Y. CutMix: Regularization strategy to train strong classifiers with localizable features. In Proceedings of the IEEE Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019. [Google Scholar]
  38. Kim, H.J.; Frahm, J.M. Hierarchy of alternating specialists for scene recognition. In Proceedings of the European Conference on Computer Vision, Munich, Germany, 8–14 September 2018. [Google Scholar]
  39. Ge, W.; Lin, X.; Yu, Y. Weakly supervised complementary parts models for fine-grained image classification from the bottom up. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019. [Google Scholar]
  40. Siyao, L.; Yuhong, L.; Rongfen, Z. Fine-Grained Image Classification Based on Multi-Scale Feature Fusion. Laser Optoelectron. Prog. 2020, 57, 7. [Google Scholar] [CrossRef]
  41. Xia, S.; Zeng, J.; Leng, L.; Fu, X. WS-AM: Weakly supervised attention map for scene recognition. Electronics 2019, 8, 1072. [Google Scholar] [CrossRef] [Green Version]
  42. Zhuang, P.; Wang, Y.; Qiao, Y. Learning attentive pairwise interaction for fine-grained classification. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020. [Google Scholar]
  43. Laranjeira, C.; Lacerda, A.; Nascimento, E.R. On modeling context from objects with a long short-term memory for indoor scene recognition. In Proceedings of the SIBGRAPI Conference on Graphics, Patterns and Images (SIBGRAPI), Rio de Janeiro, Brazil, 28–30 October 2019. [Google Scholar]
  44. Gao, Y.; Han, X.; Wang, X.; Huang, W.; Scott, M. Channel interaction networks for fine-grained image categorization. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020. [Google Scholar]
  45. Sorkhi, A.G.; Hassanpour, H.; Fateh, M. A comprehensive system for image scene classification. Multimed. Tools Appl. 2020, 79, 18033–18058. [Google Scholar] [CrossRef]
  46. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  47. Seong, H.; Hyun, J.; Kim, E. FOSNet: An end-to-end trainable deep neural network for scene recognition. IEEE Access 2020, 8, 82066–82077. [Google Scholar] [CrossRef]
  48. Wang, G.; Cheng, L.; Lin, J.; Dai, Y.; Zhang, T. Fine-grained classification based on multi-scale pyramid convolution networks. PLoS ONE 2021, 16, E0254054. [Google Scholar] [CrossRef]
  49. López-Cifuentes, A.; Escudero-Vinolo, M.; Bescós, J.; García-Martín, A. Semantic-aware scene recognition. Pattern Recognit. 2020, 102, 107256. [Google Scholar] [CrossRef] [Green Version]
  50. Huang, S.; Wang, X.; Tao, D. SnapMix: Semantically proportional mixing for augmenting fine-grained data. In Proceedings of the AAAI Conference on Artificial Intelligence, Vancouver, BC, Canada, 2–9 February 2021. [Google Scholar]
  51. Liu, K.; Moon, S. Dynamic Parallel Pyramid Networks for Scene Recognition. IEEE Trans. Neural Netw. Learn. Syst. 2021, 1–11. [Google Scholar] [CrossRef]
  52. Lee, J.; Kim, E.; Yoon, S. Anti-adversarially manipulated attributions for weakly and semi-supervised semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Virtual, 19–25 June 2021. [Google Scholar]
  53. Li, X.; Xiong, H.; Xu, C.; Dou, D. Smile: Self-distilled mixup for efficient transfer learning. arXiv 2021, arXiv:2103.13941. [Google Scholar]
  54. Guang, J.; Liang, J. Cmsea: Compound model scaling with efficient attention for fine-grained image classification. IEEE Access 2022, 10, 18222–18232. [Google Scholar] [CrossRef]
  55. Lin, C.; Lee, F.; Xie, L.; Cai, J.; Chen, H.; Liu, L.; Chen, Q. Scene recognition using multiple representation network. Appl. Soft Comput. 2022, 118, 108530. [Google Scholar] [CrossRef]
  56. Liu, X.; Wang, L.; Han, X. Transformer with peak suppression and knowledge guidance for fine-grained image recognition. Neurocomputing 2022, 492, 137–149. [Google Scholar] [CrossRef]
  57. Fan, X.; Zhu, B.; Gao, X.; Wang, B.; Wang, C.; Xu, G. Indoor Scene Classification Algorithm Based on an Object Vector for Robot Applications. In Proceedings of the International Conference on Artificial Intelligence in Electronics Engineering, Phuket, Thailand, 15–17 January 2022. [Google Scholar]
  58. Liu, W.; Cao, C.; Liu, J.; Ren, C.; Wei, Y.; Guo, H. Fine-grained image inpainting with scale-enhanced generative adversarial network. Pattern Recognit. Lett. 2021, 143, 81–87. [Google Scholar] [CrossRef]
  59. Lu, S.; Zhu, X.; Wu, Y.; Wan, X.; Gao, F. Outfit compatibility prediction with multi-layered feature fusion network. Pattern Recognit. Lett. 2021, 147, 150–156. [Google Scholar] [CrossRef]
Figure 1. The structure of MSCPN. The feature maps are pooled to generate multiple scales and then fused with the original scales or other generated scales. Finally, they are sent to BCNN and iSQRT-COV. The plus sign in the figure indicates the additive fusion between feature maps. The detailed structures of BCNN and iSQRT-COV are described in Figure 2 and Figure 3.
Figure 1. The structure of MSCPN. The feature maps are pooled to generate multiple scales and then fused with the original scales or other generated scales. Finally, they are sent to BCNN and iSQRT-COV. The plus sign in the figure indicates the additive fusion between feature maps. The detailed structures of BCNN and iSQRT-COV are described in Figure 2 and Figure 3.
Sensors 23 03970 g001
Figure 2. BCNN architecture. The images firstly go through CNNA and CNNB, and use the matrix outer product of each image’s output, whose result then goes through the layers of normalization and classification successively.
Figure 2. BCNN architecture. The images firstly go through CNNA and CNNB, and use the matrix outer product of each image’s output, whose result then goes through the layers of normalization and classification successively.
Sensors 23 03970 g002
Figure 3. iSQRT-COV architecture.
Figure 3. iSQRT-COV architecture.
Sensors 23 03970 g003
Figure 4. The structure of VGG. (a) The structure of VGG, (b) The structure of VGG16, (c) The structure of VGG19.
Figure 4. The structure of VGG. (a) The structure of VGG, (b) The structure of VGG16, (c) The structure of VGG19.
Sensors 23 03970 g004
Table 1. Classification accuracy on CUB200 for MSBCNN.
Table 1. Classification accuracy on CUB200 for MSBCNN.
ScaleMulti-Scale ApproachBaselineAccuracyBaselineAccuracy
FCALLFCALL
(1)Avg pooling (2,2,0)VGG1678.5084.96VGG1977.7984.94
(2)Max pooling (2,2,0)78.2484.5777.5584.80
(3)Avg pooling (3,2,0)79.0484.6778.0584.79
(4)Max pooling (3,2,0)78.2984.9677.1085.13
(5)Avg pooling (3,3,1)78.8984.7476.2784.21
(6)Max pooling (3,3,1)77.9684.1774.6583.87
(7)(1)+(1)VGG1678.7984.56VGG1977.7984.67
(8)(2)+(2)78.1984.5677.5585.01
(9)(1)+(2)78.1984.3977.5584.86
(10)(1)+(4)77.9384.3777.1084.39
(11)(1)+(5)78.7985.1277.7984.96
(12)(4)+(5)78.2984.9477.1084.99
(13)(1)+(4)+(5)78.3184.9977.1285.13
The first column lists the number of different scales. The second column lists the fusion strategies at different scales. The third and sixth columns list the baseline networks used in the experiments. The fourth and seventh columns list the accuracy after fine-tuning only FC layers, and the fifth and eighth columns list the accuracy after fine-tuning all layers.
Table 2. Classification accuracy on MIT indoor67 for MSBCNN.
Table 2. Classification accuracy on MIT indoor67 for MSBCNN.
ScaleMulti-Scale ApproachBaselineAccuracyBaselineAccuracy
FCALLFCALL
(1)Avg pooling (2,2,0)VGG1677.6479.69VGG1976.8679.94
(2)Max pooling (2,2,0)78.2079.9776.9080.28
(3)Avg pooling (3,2,0)77.4380.0577.9381.00
(4)Max pooling (3,2,0)77.4980.3176.3180.14
(5)Avg pooling (3,3,1)77.2880.0476.7279.51
(6)Max pooling (3,3,1)77.2580.1477.4380.13
(7)(1)+(1)VGG1678.7980.05VGG1977.8680.77
(8)(2)+(2)77.5980.0276.5579.96
(9)(1)+(2)77.5780.2476.8780.18
(10)(1)+(4)77.4680.0876.7880.15
(11)(1)+(5)77.3580.3477.7780.64
(12)(4)+(5)77.5280.1176.5779.97
(13)(1)+(4)+(5)76.3279.5976.6480.07
Table 3. Classification accuracy on CUB200 and MIT indoor67 for MSiSQRT-COV.
Table 3. Classification accuracy on CUB200 and MIT indoor67 for MSiSQRT-COV.
ScaleMulti-Scale ApproachBaselineAccuracyBaselineAccuracy
CUB200MIT Indoor67CUB200MIT Indoor67
(1)Avg pooling (2,2,0)ResNet5091.1887.62DenseNet16194.0491.39
(2)Max pooling (2,2,0)91.0288.2093.7891.48
(3)Avg pooling (3,2,0)91.3688.5694.1492.10
(4)Max pooling (3,2,0)90.9687.2893.6990.48
(5)Avg pooling (3,3,1)90.9788.7093.4891.22
(6)Max pooling (3,3,1)90.7287.7093.0391.77
(7)(1)+(1)ResNet5091.4387.82DenseNet16194.1691.17
(8)(2)+(2)91.0487.9493.8889.42
(9)(1)+(2)91.2887.5793.9291.52
(10)(1)+(3)91.1486.9193.2491.27
(11)(1)+(5)91.3187.3994.2990.14
(12)(3)+(5)91.3187.3793.4491.44
(13)(1)+(3)+(5)91.6187.5593.4192.13
The first column lists the number of different scales. The second column lists different strategies at different scales. The third and sixth columns list the baseline network used in the experiment. The fourth, fifth, seventh, and eighth columns list the accuracy on CUB200 and MIT indoor67, respectively.
Table 4. Classification accuracy under different upsampling modes.
Table 4. Classification accuracy under different upsampling modes.
ModelScaleMulti-Scale ApproachBaselineMode
BicubicBilinear
MSiSQRT-COV(1)Avg pooling (2,2,0)ResNet5087.4987.62
(2)Max pooling (2,2,0)88.1088.20
(3)Avg pooling (3,2,0)87.3488.56
(4)Max pooling (3,2,0)86.8687.28
(5)Avg pooling (3,3,1)87.3488.90
(6)Max pooling (3,3,1)87.6787.70
The experiments tried bilinear and bicubic upsampling algorithms based on MIT indoor67 to validate the MSiSQRT-COV. The first column indicates that the experimentally validated model is MSiSQRT-COV. The second column lists the number of different scales. The third column lists different strategies at different scales. The fourth column indicates that the baseline network used in this ablation experiment is ResNet50. The fifth and sixth columns enumerate the classification accuracy in bicubic and bilinear modes.
Table 5. Comparison between BCNN and iSQRT-COV. The first column lists different methods of fine-grained classification. The second column shows the baseline. The third and fourth columns list the classification results corresponding to each dataset.
Table 5. Comparison between BCNN and iSQRT-COV. The first column lists different methods of fine-grained classification. The second column shows the baseline. The third and fourth columns list the classification results corresponding to each dataset.
MethodBaselineCUB200MIT Indoor67
AccuracyAccuracy
BCNNVGG1684.178.9
VGG1984.379.5
Multi-scale BCNNVGG1685.080.3
VGG1985.181.0
iSQRT-COVResNet5087.086.4
DenseNet16193.290.6
Multi-scale iSQRT-COVResNet5091.688.7
DenseNet16194.392.1
Table 6. Comparisons with state-of-the-art methods.
Table 6. Comparisons with state-of-the-art methods.
CUB200MIT Indoor67
MethodBaselineAccuracyYearMethodBaselineAccuracyYear
SENet [36]SENet-15480.82018MS-CNNs [5]VGG1686.042016
CutMix [37]ResNet5083.62019HoAS [38]AlexNet88.22018
CPM [39]GoogLeNet87.72019SENet [36]ResNet10189.12018
MS feature fusion [40]ResNet10185.72020WS-AM [41]VGG1185.72019
API-NET [42]DenseNet-16187.72020M2M BiLSTM [43]ResNet5088.32019
CIN [44]ResNet-10188.12020Two-class SVM-fuzzy [45]ResNet5073.62020
ViT [46]ViT-B-1690.62021FOSNet [47]ResNet5090.32020
WS-DAN [48]ResNet5084.912021MMD [49]UperNet 5087.102020
SnapMix [50]ResNet-10189.62021DPP [51]ResNet10190.82021
RCL [52]ResNet5089.82022SMILE [53]ResNet5085.12021
CMSEA [54]EfficientNetV2-S90.62022MRNet [55]ResNet5088.12022
TPSKG [56]ViT-B-1691.32022PlacesNet+ObjectNet [57]MR-CNNs90.32022
OursDenseNet16194.32022OursDenseNet16192.12022
ResNet5091.62022ResNet5088.72022
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

Qian, L.; Yu, T.; Yang, J. Multi-Scale Feature Fusion of Covariance Pooling Networks for Fine-Grained Visual Recognition. Sensors 2023, 23, 3970. https://doi.org/10.3390/s23083970

AMA Style

Qian L, Yu T, Yang J. Multi-Scale Feature Fusion of Covariance Pooling Networks for Fine-Grained Visual Recognition. Sensors. 2023; 23(8):3970. https://doi.org/10.3390/s23083970

Chicago/Turabian Style

Qian, Lulu, Tan Yu, and Jianyu Yang. 2023. "Multi-Scale Feature Fusion of Covariance Pooling Networks for Fine-Grained Visual Recognition" Sensors 23, no. 8: 3970. https://doi.org/10.3390/s23083970

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