Next Article in Journal
Differences in Milk Proteomic Profiles between Estrous and Non-Estrous Dairy Cows
Next Article in Special Issue
Environmental and Anthropogenic Influences on Coliform Concentrations in the Octopus insularis Production Chain in the Veracruz Reef System, Gulf of Mexico
Previous Article in Journal
Editorial: Recent Advances in Animal Cognition and Ethology
Previous Article in Special Issue
Insights on the Evolutionary History and Genetic Patterns of Octopus vulgaris Cuvier, 1797 in the Northeastern Atlantic Using Mitochondrial DNA
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Fusing Local Shallow Features and Global Deep Features to Identify Beaks

1
College of Information Technology, Shanghai Ocean University, Shanghai 201306, China
2
College of Marine Sciences, Shanghai Ocean University, Shanghai 201306, China
3
The Key Laboratory of Sustainable Exploitation of Oceanic Fisheries Resources, Ministry of Education, Shanghai Ocean University, Shanghai 201306, China
4
National Distant-Water Fisheries Engineering Research Center, Shanghai Ocean University, Shanghai 201306, China
5
Key Laboratory of Oceanic Fisheries Exploration, Ministry of Agriculture and Rural Affairs, Shanghai 201306, China
*
Author to whom correspondence should be addressed.
Animals 2023, 13(18), 2891; https://doi.org/10.3390/ani13182891
Submission received: 26 July 2023 / Revised: 4 September 2023 / Accepted: 6 September 2023 / Published: 12 September 2023
(This article belongs to the Special Issue Assessment and Management of Cephalopod Fisheries and Ecosystems)

Abstract

:

Simple Summary

Cephalopods are not only important economic products in fisheries, but also located in the middle pyramid of the marine ecosystem, playing a role of carrying the top and bottom. Cephalopods are the meals of large marine mammals, and their soft tissues are mostly digested in the stomach, and the beaks can be retained as hard tissues of cephalopods, which are structurally stable and resistant to corrosion. Therefore, the biodiversity of cephalopods can be analyzed by studying the beaks. However, there are many difficulties in the identification of beaks, such as the high level of similarity between different species of beaks and the variability arising from the growth process. The local shallow features, namely texture features and morphological features, and the global deep features were used, and the two types of features were fused for identification. This study verifies the complementarity between the two types of features and further contributes to the progress of beak recognition, providing a new approach to analyzing the biodiversity of cephalopods.

Abstract

Cephalopods are an essential component of marine ecosystems, which are of great significance for the development of marine resources, ecological balance, and human food supply. At the same time, the preservation of cephalopod resources and the promotion of sustainable utilization also require attention. Many studies on the classification of cephalopods focus on the analysis of their beaks. In this study, we propose a feature fusion-based method for the identification of beaks, which uses the convolutional neural network (CNN) model as its basic architecture and a multi-class support vector machine (SVM) for classification. First, two local shallow features are extracted, namely the histogram of the orientation gradient (HOG) and the local binary pattern (LBP), and classified using SVM. Second, multiple CNN models were used for end-to-end learning to identify the beaks, and model performance was compared. Finally, the global deep features of beaks were extracted from the Resnet50 model, fused with the two local shallow features, and classified using SVM. The experimental results demonstrate that the feature fusion model can effectively fuse multiple features to recognize beaks and improve classification accuracy. Among them, the HOG+Resnet50 method has the highest accuracy in recognizing the upper and lower beaks, with 91.88% and 93.63%, respectively. Therefore, this new approach facilitated identification studies of cephalopod beaks.

1. Introduction

The important role cephalopods (Mollusca: Cephalopoda) play in many marine ecosystems has been widely acknowledged [1]. Cephalopods are predators for numerous prey and are preyed upon by predators [2,3,4,5]. In particular, cephalopods are one of the main food sources for large marine predators such as whales [6], dolphins [7], and sharks [8]. Consequently, cephalopods are located in the middle of the marine trophic level pyramid, playing a significant role in the marine food chain and nutrition structure [9]. Furthermore, cephalopods are significant marine animals in economic terms, due to their short life cycles (typically 1 year), rapid growth, and abundant resources [10]. In recent decades, the development of the global cephalopod fishery industry and the production of edible cephalopods have accelerated. Research on cephalopods is beneficial for the sustainable utilization of this resource and will also increase the number of cephalopod species available for future commercial development.
The majority of our understanding of cephalopods comes from analyzing the stomach contents of their predators. The identification of cephalopods in stomach contents is typically dependent on beaks since the majority of soft tissue has been digested, but the beaks can resist digestion for as long as several months [11,12]. As the main feeding organ of cephalopods, beaks are located in the buccal mass and are divided into the upper beak and the lower beak [13,14,15,16]. The beak is one of the hard tissues in cephalopods, which has a stable structure and is resistant to corrosion [14]. In recent years, the beak has been extensively utilized for the identification of cephalopod populations [13,17] and the classification of species [18]. Therefore, a lot of research work has been devoted to improving the feature extraction and recognition methods for beaks.
In the field of computer vision, shallow features refer to extracting basic image attributes or features from image data. The common shallow features in computer vision include edge features, texture features, morphological features, color features, and so on. The morphological features of the beak are a useful tool for searching for inter- and intra-species differences in cephalopods, as well as for species identification [10]. Hence, the majority of research on the classification of beaks has centered on refining methods for extracting morphological features. The research on deriving the morphological features of the beak focuses primarily on the calibration of feature points and the extraction of feature parameters [19]. With the development of artificial intelligence, edge detection has been applied as a basic method for image processing using computer vision in the study of beak recognition. He Q H et al. [20] extracted the contours of the beak by using the canny algorithm to assist in the calibration of feature points and extraction of feature parameters, which resulted in addressing issues such as time-consuming and labor-intensive manual measurements. Wang B Y et al. [21] proposed an improved edge detection method to extract the morphological outer contour of the beak, which can effectively distinguish signal noise and improve the accuracy of target selection, while ensuring the integrity of the contour within the error tolerance. The feature algorithm used in the above study to extract a single shallow feature of the beak is effective in beak image classification, which has the advantages of high interpretability, good performance with a small number of samples, and low computational resource requirements. This traditional method typically requires the manual design of region of interest features and feature extraction operators in the image, which fails to fully define the subtle differences in the beak and is, therefore, sensitive to changes in scale and morphology.
CNN is the most prominent deep learning method in which the multiple layers are trained and tested robustly. In recent years, deep learning has been broadly applied in various domains [22], since it autonomously extracts image features for image recognition [23,24]. Deep features are high-level feature representations that are learned from original image data by deeply learned models. These features can help computers better understand and utilize complex real-world data. Tan H Y et al. [25] extracted shallow and deep features from beaks and classified them using eight machine learning classification methods. They concluded that deep features were preferable to shallow ones for beak classification. This model has several limitations, including imbalance and a small sample size, as well as a single beak view and a limited number of morphological features in morphological shape descriptors (MSDs). Deep learning methods based on the convolutional neural network (CNN) model have led to significant breakthroughs in various fields, as they can achieve the extraction of complex target features to some extent and also reduce the errors arising from human-defined features. However, the CNN model requires a large amount of labeled data and a long training time to fully learn and represent complex features within the image data. Also, its performance may be limited in the face of an insufficient amount of beak data. Therefore, shallow feature algorithms and deep feature methods have advantages and disadvantages and differ in their representation of features.
Based on the preceding analysis, we have reason to believe that traditional algorithms are beneficial for extracting shallow features for classifying beaks. However, the feature information extracted by a single feature descriptor is relatively limited, and the required features may not be extracted sufficiently. At the same time, the deep features contain semantic information, but due to the limited number of beak samples, the descriptor may not be able to extract all the necessary details. Therefore, we tried to improve accuracy by describing multiple features of the image and achieving a complementary means of feature information. This study proposes, for the first time, a recognition method based on fusing global deep features with local shallow features in the field of beak research. The study included four cephalopod species, namely Dosidicus gigas (D. gigas), Illex argentinus (I. argentinus), Eucleoteuthis luminosa (E. luminosa), and Ommastrephes bartramii (O. bartramii), which provided images of upper and lower beaks. Initially, the histogram of the orientation gradient (HOG) and the local binary pattern (LBP) feature descriptors were employed to derive the morphological and texture features from the beak image. Meanwhile, we selected the optimal CNN model for deep feature extraction, including the VGG16 [26], InceptionV3 [27], and Resnet series [28]. Next, two types of local shallow features and global deep features were fused separately to highlight the details of the features, and the support vector machine (SVM) classifier was utilized for classification. This method will facilitate the development of beak recognition and provide a new and feasible strategy for future cephalopod biodiversity studies.

2. Materials and Methods

2.1. Materials

In this study, we collected samples of four oceanic cephalopods targeted for fisheries, including D. gigas, I. argentinus, E. luminosa, and O. bartramii (Table 1). Among them, D. gigas, I. argentinus, and O. bartramii were obtained by handfishing from squid boats, and E. luminosa was caught using trawl nets. Species identification was confirmed with reference to Jereb P et al. [29]. These specimens were selected to represent the diversity of unique morphological groups and size classes during the sampling process. The collected samples were frozen immediately upon arrival at the laboratory and the beaks were peeled off and stored in bottles containing 75% ethanol. A total of 200 beak samples were obtained.

2.2. Image Acquisition

We collected digital images of the beak. First, the beak sample was placed in the center of the white light board, and a smartphone was used as the shooting instrument to capture images from multiple angles, including the top view, left view, right view, front view, etc. (Figure 1). The project gathered 4000 images to satisfy the training requirements of the CNN model. The original image resolution was 3020 px × 3020 px and all images were saved in JPEG format. Then, images were input into the model for feature extraction and resized according to the image input standards.

2.3. Partition Dataset

In shallow feature extraction models, the dataset of upper and lower beaks for each species was split into training and testing sets according to an 80% and 20% ratio. A total of 20% of the dataset was used as the testing set. The remaining 80% of the beak dataset was randomly split into 80% for training and 20% for the validation set in the CNN model. After each training iteration, the validation set serves as a preliminary evaluation of the learning architecture. Once the CNN model had been trained, the parameters (network weights) were stored and used to evaluate the performance of the testing set. There was zero overlap between the training set, validation set, and testing set.

2.4. Data Augmentation

It is a generally accepted notion that a bigger dataset results in better deep learning models [30,31]. Data augmentation is a frequently employed technique in deep learning that generates new training samples by expanding and transforming the original data. An affine transformation was used for data augmentation (Figure 2). This can be written as follows:
y = ω x + b
where y represents the transformed data, ω represents the weight matrix that contains the parameters of the transformation, x is the input data, and b is a constant term.
The following enhanced parameters were applied:
Image flipping and rotation: by randomly determining whether or not to perform the flip and rotate operation and by randomly generating the corresponding parameters (flip direction and rotation angle).
Random crop: by selecting at random the position of a crop box on the original image and cropping it.
Scale transformation: by generating a new aspect ratio at random and calculating the new width and height of the beak image.

2.5. Methods

The methods for identifying the four species of beaks can be split into four main stages: (a) obtaining digital images of beaks and adjusting the image size; (b) extracting the shallow features of HOG and LBP, and using the SVM classifier to automatically classify the beak; (c) obtaining deep features through six different CNN models and classifying them; (d) selecting the deep features with the best deep model in fusion with shallow features and using the SVM classifier to identify the beaks (Figure 3). The details of the specific process steps are as follows.

2.5.1. Local Shallow Feature Extraction

Local Binary Patterns (LBP)

LBP [32] is a descriptor used to characterize the local texture features of the image, with robust extraction capabilities for texture information. The method must be applied to image regions containing multiple points, as opposed to a single pixel. The improved LBP descriptor is employed to adapt to texture features of varying dimensions and satisfy the requirements of grayscale and rotation invariance, which replaces square neighborhoods with circular neighborhoods. In the image of the beak, the improved LBP descriptor permits random P sampling points within a circular neighborhood of radius R (Figure 4).
Expressed in terms of the formula:
L B P ( x c , y c ) = p = 0 P 1 2 p s ( i p i c )
where ( x c , y c ) is the center pixel, P is the number of samples, p belongs to a number from 0 to P, i c is the gray value, i p is the gray value of the neighboring pixel, and S is a sign function;
S ( x ) = 1           i f   x   0 0                           e l s e  
For a given center point ( x c , y c ) , the position of the sampling point ( x p , y p ) is determined using Equations (4) and (5), p P , P is the number of samples, p belongs to the number from 0 to P.
x p = x c + R cos 2 p P
y p = y c R sin 2 π p P
The LBP statistical histogram is the feature vector of the beak image (Figure 3). The following is a summary of the LBP features extracted from the beak image:
  • The image of the beak is converted to a grayscale image and divided into n × n cells;
  • The central pixel of each cell is compared with P pixels in the circular neighborhood and the LBP value of each cell is calculated;
  • Normalize the histogram of every cell;
  • The histograms of all cells are concatenated as texture feature vectors of the whole image.

Histogram of Oriented Gradient (HOG)

HOG is one of the best features to capture edge or local morphological information [33] and is widely used in machine learning, pattern recognition, and image processing that uses gradient information to reflect the edge features of beak images and describe the appearance and morphology of images based on the value of local gradients (Figure 3). The following is a summary of the extraction process:
  • The beak image is grayscaled and normalized, which diminishes the effect of shadows and illumination on the image and reduces noise.
  • The gradient (including size and direction) of each pixel is calculated, and the image is divided into multiple units. The gradient calculation formula is defined as:
G x x , y = I x + 1 , y I x 1 , y
G y x , y = I x , y + 1 I x , y 1
G X , Y = G x x , y 2 + G y x , y 2
t h e t a x , y = a r c t a n G y x , y G x x , y
where G x x , y is the gradient in the x direction, G y x , y is the gradient in the y direction, G X , Y is the gradient amplitude, t h e t a x , y is angle;
3.
The image is separated into numerous cells. Each cell consists of C × C pixels, with N cells forming a block (Figure 5).
4.
The statistical direction gradient histogram of the cell builds a block, and the feature vectors of the beak image are obtained by connecting feature vectors of all blocks.
Figure 5. Each cell contains 16 × 16 pixel points and 4 cells form a block of the HOG descriptor.
Figure 5. Each cell contains 16 × 16 pixel points and 4 cells form a block of the HOG descriptor.
Animals 13 02891 g005

2.5.2. Deep Feature Extraction

Deep learning is a field of machine learning which learns high-level abstractions in data by using hierarchical architectures [34]. Three typical CNN models are used to extract deep features, namely VGG16, InceptionV3, and ResNet series. ResNet can be divided into ResNet18, ResNet34, ResNet50 (Figure 6), and ResNet101 based on the network structure of different layers. CNN typically includes three fundamental operations: convolution layers, pooling layers, and full connection layers. The convolutional layer refers to the application of convolutional kernels to obtain image pixel data. The main function of the pooling layer is to reduce redundant feature data. The full connection layer acts as a classifier.

2.5.3. Feature Fusion

The results of the extraction of image features frequently influence the accuracy of classification. A single type of image feature overlooks the complementarity of multiple features. Shallow features and deep features each represent different species of image features. In this study, shallow features and deep features are fused, which means deep features are fused with HOG or LBP features to form fused features, and this method effectively utilizes the relationship between various features to obtain more discriminative detailed features. The fused features are introduced through the SVM classifier to obtain the final classification result (Figure 3).
In this paper, the vector stacking fusion method is used. Assuming that x h o g is a morphological feature, x d e e p is a deep feature and x l b p is a texture feature. The feature fusion expression is as follows:
y 1 = [ x h o g , x d e e p ]
y 2 = [ x l b p , x d e e p ]
where, y 1 represents the fusion of morphological features and deep features, y 2 represents the fusion of texture features and deep features.

2.5.4. Support Vector Machine (SVM)

SVM originated for binary classification problems and is a binary classification model. SVM is extensively used in species classification and is considered a representative of machine learning [35], which can solve both linearly separable and linearly nonseparable problems [36]. The classification of four species of beaks is a nonlinear problem with multi-class classifications. When addressing problems involving multiple classes, it is necessary to develop appropriate multi-class classifiers [37,38]. Therefore, the basic theory of multi-class SVM is to transform the space by introducing the kernel function K and find the optimal hyperplane in the high-dimensional feature space to maximize the distance between multi-class samples, thus transforming the nonlinear classification problem into the high-dimensional linear classification problem [36,39].

2.5.5. Performance Evaluation

The confusion matrix is a performance evaluation tool presented in matrix form to measure the classification results of a model for different species. In this study, the classification was based on the true beak species and the predicted beak species, and the classification results could be classified into four different cases: true positive (TP), false positive (FP), true negative (TN), and false negative (FN). Based on the confusion matrix, a series of classification performance metrics were calculated, including accuracy, precision, recall, and F1-score. Accuracy is the ratio of the number of correctly classified samples to the total number of samples. Precision is defined as the proportion of true positives to all positives predicted by the model. Recall is the proportion of correctly predicted positive classes relative to the total number of actual positive classes. F1-score is an all-encompassing measure of precision and recall rate. The following are the definitions of these classification indicators:
A c c u r a c y = T P + T N T P + T N + F P + F N
P r e c i s i o n = T P T P + F P
R e c a l l = T P T P + F N  
F 1 - s c o r e = 2 P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l
where, TP = true positive, TN = true negative, FP = false positive, FN = false negative.

2.5.6. Experimental Parameter Settings

Based on prior knowledge of hyperparameter settings for the SVM classifier, this study chose the hyperparameter that achieves the best results for SVM (Table 2). The parameters of the multi-class SVM classifier are kernel function (K), C, and decision function morphological, correspondingly. K is set to “rbf” so that the feature data of the beak is separable in the feature space. C represents the penalty coefficient, which is the tolerance for errors.
In addition, the relevant parameters of all deep feature extraction models include learning rate, epoch, and batch size (Table 2). The learning rate is closely related to the convergence process of the model. In this experiment, the learning rates of 0–50 epoch and 51–100 epoch are set to 1 × 10−3 and 1 × 10−4, respectively. The appropriate batch size is selected based on factors such as hardware resources, model complexity, and dataset size, so batch size = 16 in this experiment. In the actual training, the appropriate number of epochs was chosen according to the convergence of the model and the limitation of computational resources, which can determine the required eopch = 100 for complete training.
The experimental environment included computer processor Intel(R) Xeon(R) Gold 6130 CPU @ 2.10 GHz, Intel Corporation, Santa Clara, CA, USA; mainboard model YZMB-00882-104, Samsung, Seoul, SouthKorea; primary hard drive ADC55CE5-E726-44DF-A85C-CE534483DE11, Seagate Technology PLC, Dublin, Ireland; graphics card NVIDIA TITAN RTX (24,576 MB), NVIDIA Corporation, Santa Clara, CA, USA; and Python 3.8.1.

3. Results

3.1. Using Shallow Features and SVM for the Classification of Beaks

This experiment tests the classification performance of HOG and LBP on the beak test set to determine the optimal LBP and HOG features (Table 3).
When R = 1 and P = 8, the greatest classification results were obtained for the upper and lower beaks, with 53.63% and 41.88%, respectively (Table 4).
In the HOG experiment, morphological features were extracted from beak images by adjusting the C value. The experimental results showed that when C = 64, the classification accuracy for the upper and lower beaks was 70.25% and 58.00%, respectively. When C = 32, the classification accuracy was 69.38% and 60.50%, respectively (Table 5). The two sets of experiments showed that the local morphological features extracted by the HOG descriptor more accurately express the differences between the four species of beaks.

3.2. Six CNN Models for Extracting Deep Features

The loss function curves of the training and validation sets (Figure 7) are important tools for model selection and tuning, which can help determine how well the model fits, its generalization ability, and the appropriate time to stop training. After approximately 35 epochs in the beak dataset, the convergence trend of most models slowed. After about 100 epochs, the minimum value of the loss function was attained and the optimal fitting result was obtained.
This experiment used different CNN models for performance comparison on the testing set for the beaks, including VGG16, InceptionV3, ResNet18, ResNet32, ResNet50, and Resnet101.
The recognition performance of the six CNN models on beaks was excellent, with accuracy ranging between 89.38% and 90.50% (Table 6). In contrast to the other four CNN models, InceptionV3 and Resnet18 had a recognition accuracy error of about 3.00% in the lower beak, and their accuracy was 86.40% and 87.60%, respectively. Resnet50 showed better classification abilities, with accuracy rates of 89.38% and 90.50% in the upper and lower beaks. The correct identification numbers of the upper beaks of D. gigas, I. argentinus, E. luminosa, and O. bartramii were 165, 170, 199, and 181, respectively. And the right number of species for the lower beaks was 172, 193, 199, and 160, respectively (Figure 8). In comparison to the confusion matrix of the other five models, Resnet50 had a more uniform and stable distribution of the number of correct recognitions in the four species of beaks, and the recognition rate was optimal overall. In particular, all of the CNN models successfully classified E. luminosa. The lower beaks performed better than the upper beaks following a comprehensive evaluation of the six CNN models.

3.3. Experimental Analysis of the Fusion of Shallow Features with Deep Features

The experiment examined ResNet50 as the backbone network for extracting deep features and fusing them with shallow features, and SVM was used for classification to test the performance of the fused features. The fully connected layer was the result of the multi-layer convolution of the obtained beak features. The feature information of this layer structure was very plentiful. There is a practical reason for extracting the feature vectors of the fully connected layer as parameter inputs to the SVM [22]. Therefore, the deep features of the fusion model originate from the fully connected layer of Resnet50, and the dimensions of the two fusion features are detailed (Table 3).
Based on the results of the shallow experiments, the morphological features extracted by the HOG descriptor were used for feature fusion when C = 32. When R = 1 and P = 8, the texture features extracted by the LBP descriptor were used for feature fusion. The four species of beaks can be effectively classified using this method of feature fusion (Table 7 and Table 8). The results of the confusion matrix based on the CNN model and the feature fusion model (Figure 7 and Figure 9) indicate that the number of correct classifications of beaks can be significantly increased when feature fusion is applied. The feature fusion of HOG and CNN obtains the highest classification performance, with the average testing accuracy of 91.88% and 93.63% for the upper and lower beaks, respectively (Table 7 and Table 8). The correct identification numbers of the upper beaks of D. gigas, I. argentinus, E. luminosa, O. bartramii are 175, 175, 199, and 186, respectively. And the right number of species for the lower beaks is 192, 182, 199, and 176, respectively. Compared with the CNN model using deep features, the average testing accuracy of HOG+CNN for upper and lower beaks improved by 2.50% and 3.13%, respectively. And the average testing accuracy of LBP+CNN improved by 2.21% and 2.33%, respectively. In both feature fusion models, the accuracy of classification for D. gigas, I. argentinus, E. luminosa, and O. bartramii was improved in the upper beak. The classification accuracy of the lower beak of D. gigas and O. bartramii was improved. However, the classification accuracy of I. argentinus decreased.

4. Discussion

4.1. The Descriptors of the Two Local Shallow Features Are HOG and LBP

Morphological features and texture features are important shallow features in the study of image classification. If efficient morphological and textural features can be extracted, this is advantageous for beak classification. The HOG descriptor modifies the cell units to alter the range of local operations. After a comparison of classification experiments using three C values to extract morphological features, the lower beak achieved the highest classification accuracy of 60.50% when C = 32. However, the upper beak achieved the highest classification accuracy of 70.25% when C = 64. The morphological features obtained at C = 32 were used in the experiments for feature fusion. LBP was proposed to extract texture features. The texture features of the beak were extracted utilizing an enhanced circular LBP descriptor, with R and P values representing the number of the neighborhood radius and sample points, respectively. Three sets of different fusions of R and P values were employed, and the results demonstrate that the small neighborhood range was more appropriate for expressing the detailed features of the beak images.
According to the results of the shallow feature experiments, morphological features were more effective than texture features in distinguishing the beaks of the four cephalopod species. The significant difference in the dimension of features retrieved by HOG and LBP is due to the HOG descriptor having an advantage in extracting high dimensional morphological features, which may convey and characterize variations in the details of the beak. The morphological specificity of the beaks [40] is superior in cephalopod biometrics, and the detailed variation within the two-dimensional morphology of the beak is extremely rich. Therefore, morphological features can be accurately extracted by analyzing image pairs from different perspectives [41]. There was some variation among the beak profile characterization factors of various squids, but they all contained several important characterization factors, such as upper hood length (UHL), upper crest length (UCL), and lower hood length (LHL), lower crest length (LCL), which indirectly provided a basis for the identification of cephalopod species using beak feature factors [10,42,43]. In order to meet the predatory needs and changes in the cephalopods during different growth periods, the pigmentation of the beaks also changes [43,44,45]. In addition, there were differences in pigmentation between male and female individuals [46]. Therefore, these factors also increase the difficulty of extracting discriminative texture features of similar beaks. The experimental results of feature fusion show that the HOG+CNN can improve classification accuracy. Therefore, we can infer that morphological features are more suitable for distinguishing beaks.

4.2. CNN Model to Extract Global Deep Features

VGG16, InceptionV3, and Resnet series were used to extract the deep features of the beaks for performance comparison. Most models have a significant decrease in loss values at the start of training, indicating a suitable learning rate and gradient descent. After a certain stage of learning, the change in loss is not as obvious as at the beginning, and the loss curve tends to stabilize. Four evaluation metrics were used to assess the models, and all models were effective in extracting features and performed well in classification. VGG16 builds a deep network structure by stacking 16 convolutional layers, which is simple to understand and implement. However, VGG16 contains a huge number of parameters, which results in significant computational costs for training and inference. According to the loss function curve and evaluation indicators, VGG16 is easier to train on beaks but performs poorly in the upper beak classification of D. gigas. InceptionV3 improves the performance of image classification by introducing a structure of multi-scale feature extraction and parallel operation. InceptionV3 performs poorly on the beaks of D. gigas and I. argentinus. ResNet19 and ResNet34 are both equipped with skip connections and fewer full connection layers. Therefore, ResNet19 and Resnet34 have fewer parameters and faster convergence during training. Resnet18 performed the worst in the upper and lower beak classification of D. gigas. Resnet50 has a deeper network structure to acquire more complex and abstract feature representations, which achieves the highest classification accuracy in both the upper and lower beaks. Resnet101 is less accurate than Resnet50 since the beak dataset was too small to effectively train the Resnet101 model.

4.3. Advantages of Feature Fusion

The approach of fusing global deep features and local shallow features was employed in the classification of beaks for two key reasons. The first reason is that there are subtle interclass variations as well as large intraclass variations among species of beaks, which renders it challenging to classify specific regions based on subtle differences, and factors such as the morphology, size, pigmentation, age, and growth environment of the same species of cephalopod may all lead to differences. Therefore, the information contained in the fused features of different species can complement each other to produce a more robust feature representation, and the feature design and interpretation of shallow feature descriptors as well as the learning ability and generalization performance of deep learning can be used to improve accuracy in practical applications. Secondly, a strong advantage of deep learning is feature learning, i.e., automatic feature extraction from raw data, with features from higher levels of the hierarchy being formed by the composition of lower level features [36]. However, some species of beak samples are extremely challenging to acquire and belong to the category of tiny samples. As a result, the accurate identification of beaks using deep learning techniques is limited. Based on the global deep features, using local shallow features as an important reference for the classification task can effectively help in beak recognition. The results show that the fusion of deep features and shallow features can better represent the detailed features to distinguish the four beaks, compared to single deep features or shallow features. In particular, the HOG+Resnet50 model can more accurately show the distinctions between the beaks.

4.4. Using Multi-Class SVM Classifier for Beak Classification

The recognition results achieved by fused features for beaks of the same family but distinct genera using a multi-class SVM classifier were analyzed. Approximately 800 images of each kind of beak were used for training in feature extraction process. Due to the limited training samples, there may be overfitting and underfitting. SVM can perform nonlinear classification on small samples and enhance classifier performance by mapping data to high dimensional feature spaces using kernel functions. Second, SVM is insensitive to a small number of outliers or noise data and thus can handle interference effectively. During the experiment, the parameter C was adjusted to balance the fitting ability and generalization ability of the model. In summary, SVM has superior generalization ability, robustness, and controlled complexity, which can effectively solve classification problems in small sample datasets.

5. Conclusions

The study proposes an effective method for beak identification that fuses global deep features with local shallow features and uses multi-class SVM for automatic classification. In two shallow feature experiments, adjusting the parameters resulted in the greatest results, the HOG descriptor gave better results than the LBP descriptor in extracting the features. In CNN model experiments, Renet50 performed the best, achieving an upper beak accuracy of 89.38% and a lower beak accuracy of 90.50%. In the feature fusion experiments, both sets of fusion models showed good performance, and the feature fusion method of Resnet50+HOG achieved the highest recognition accuracy, with 91.88% and 93.63% for the upper and lower beaks, respectively. Resnet50+LBP achieved 91.50% and 92.63% for the upper and lower beak test datasets, respectively. Also, it was demonstrated that classification of the beak dataset can be effectively performed automatically using the multi-class SVM classifier. This study verifies the complementarity and differentiality of different types of features in the beak recognition task by using different performance analysis methods. The comparative analysis of fusion of different features shows that the fused features can be used to analyze the biodiversity of cephalopod beaks. Extracting HOG features, LBP features, deep features, and combining two types of features is conducive to the analysis of beaks, enriching the toolbox for studying cephalopod biology, and advancing the field of cephalopod biology. The combination of feature fusion with SVM-based recognition methods demonstrates robust performance. This not only promotes the automation of beak recognition but also fosters interdisciplinary collaboration and research by bridging deep learning, machine learning, and biological studies. Therefore, this approach drives the automation of beak recognition and provides an efficient and innovative research method applicable not only to cephalopods but also to various other biological domains. Since this study used a lower resolution image dataset and a more complex image background to classify beaks, the accuracy achieved by this research method can be applied. High-quality images will help to apply the research method more accurately to solve classification problems in the future. There are still many things we can achieve in cephalopod classification. Future research will continue to focus on the use of more beneficial shallow and deep features to obtain feature information of the beaks, and how to improve the usefulness of automatic classification tools to achieve the ultimate goal of real-time image processing.

Author Contributions

Conceptualization, Q.H., B.L. and Q.Z.; methodology, Q.H. and Q.Z.; software, D.Z. and Q.Z.; formal analysis B.L. and Q.H.; investigation, B.L., Q.Z. and Q.H. resources, B.L. and M.C.; Writing—original draft, Q.Z.; writing—review and editing, Q.H., B.L. and D.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Youth Project of the National Natural Science Foundation of China (42106190), the Follow-up program for Professor of Special Appointment (Eastern Scholar) at Shanghai Institutions of Higher Learning (GZ2022011) and the Sino-Indonesian Technical Cooperation in Coastal Marine Ranching (12500101200021002).

Institutional Review Board Statement

No ethical approval was required. Beaks were only obtained from dead individuals caught. No live animals were caught specifically for this project.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data that support the findings of this study are available from the corresponding author upon reasonable request.

Acknowledgments

We would like to thank College of Marine Sciences, Shanghai Ocean University, for providing the beak samples and the students who worked with us to collect the material and conduct the analyses. This study was financially supported by the Youth Project of National Natural Science Foundation of China (42106190), and the Follow-up program for Professor of Special Appointment (Eastern Scholar) at Shanghai Institutions of Higher Learning (GZ2022011).

Conflicts of Interest

All authors declare that they have no conflicts of interest regarding the publication of the scientific article in question.

References

  1. Boyle, P.R.; Rodhouse, P.G. Cephalopods: Ecology and Fisheries; Wiley-Blackwell: Hoboken, NJ, USA, 2007. [Google Scholar]
  2. Xavier, J.C.; Cherel, Y. Cephalopod Beak Guide for the Southern Ocean: An Update on Taxonomy; British Antarctic Survey: Cambridge, UK, 2021. [Google Scholar]
  3. Santos, M.B.; Clarke, M.R.; Pierce, G.J. Assessing the importance of cephalopods in the diets of marine mammals and other top predators: Problems and solutions. Fish Res. 2001, 52, 121–139. [Google Scholar] [CrossRef]
  4. Bello, G.; Bentivegna, A.T.; Bonnellii, F.H. (Cephalopoda: Histioteuthidae): A new prey item of the leatherback turtle Dermochelys coriacea (Reptilia: Dermochelidae). Mar. Biol. Res. 2011, 7, 314–316. [Google Scholar] [CrossRef]
  5. Hoving, H.J.T.; Perez, J.A.A.; Bolstad, K.S.R.; Braid, H.E.; Evan, A.B.; Fuchs, D.; Judkins, H.; Kelly, J.T.; Marian, J.E.A.R.; Nakajima, R.; et al. The study of deep-sea cephalopods. Adv. Mar. Biol. 2014, 67, 235–359. [Google Scholar]
  6. Clarke, M.R.; Roeleveld, M.A.D. Cephalopods in the diet of sperm whales caught commercially off Durban, South Africa. Afr. J. Mar. Sci. 1998, 20, 41–45. [Google Scholar] [CrossRef]
  7. Cremer, M.J.; Pinheiro, P.C.; Simões-Lopes, P.C. Prey consumed by Guiana dolphin Sotalia guianensis (Cetacea, Delphinidae) and franciscana dolphin Pontoporia blainvillei (Cetacea, Pontoporiidae) in an estuarine environment in southern Brazil. Iheringia Ser. Zool. 2012, 102, 3. [Google Scholar] [CrossRef]
  8. Smale, M.J.; Cliff, G. Cephalopods in the diets of four shark species (Galeocerdo cuvier, Sphyrna lewini, S. zygaena and S. mokarran) from KwaZulu-Natal, South Africa. Afr. J. Mar. Sci. 1998, 20, 241–253. [Google Scholar] [CrossRef]
  9. Chen, X.J.; Liu, B.L.; Wang, Y.G. Cephalopods of the World; China Ocean Press: Beijing, China, 2009. (In Chinese) [Google Scholar]
  10. Liu, B.L.; Chen, X.J. Review on the research development of beaks in Cephalopoda. J. Fish. China 2009, 33, 157–164. (In Chinese) [Google Scholar]
  11. Xavier, J.C.; Croxall, J.P.; Cresswell, K.A. Boluses: An effective method for assessing the proportions of cephalopods in the diet of albatrosses. Auk 2005, 122, 1182–1190. [Google Scholar] [CrossRef]
  12. Barrett, R.T.; Camphuysen, K.J.; Anker-Nilssen, T.; Chardine, J.W.; Furness, R.W.; Garthe, S.; Hüppop, O.; Leopold, M.F.; Montevecchi, W.A.; Veit, R.R. Diet studies of seabirds: A review and recommendations. ICES J. Mar. Sci. 2007, 64, 1675–1691. [Google Scholar] [CrossRef]
  13. Borges, T.C. Discriminant analysis of geographic variation in hard structures of Todarodes sagittatus from the North Atlantic. ICES Mar. Sci. Symp. 1995, 199, 433–440. [Google Scholar]
  14. Clarke, M.R. The identification of cephalopod “beaks” and the relationship between beak size and total body weight. Bull. Br. Mus. Nat. Hist. Zool. 1962, 8, 419–480. [Google Scholar]
  15. Fang, Z.; Fan, J.T.; Chen, X.J.; Chen, Y.Y. Beak identification of four dominant octopus species in the East China Sea based on shallow measurements and geometric morphological. Fish. Sci. 2018, 84, 1235. [Google Scholar] [CrossRef]
  16. Pacheco-Ovando, R.; Granados-Amores, J.; González-Salinas, B. Beak morphological analysis and its potential to recognize three loliginid squid species found in the northeastern Pacific. Mar. Biodivers 2021, 51, 82. [Google Scholar] [CrossRef]
  17. Liu, B.L.; Fang, Z.; Chen, X.J. Spatial variations in beak structure to identify potentially geographic populations of D. gigas in the Eastern Pacific Ocean. Fish. Res. 2015, 164, 185–192. [Google Scholar] [CrossRef]
  18. Ogden, R.S.; Allcock, A.L.; Watts, P.C.; Thorpe, J.P. The role of beak morphological in octopodid taxonomy. S. Afr. J. Mar. Sci. 1998, 20, 29–36. [Google Scholar] [CrossRef]
  19. Wang, C.; Fang, Z. A Preliminary Study on the Quantitative of Beak Landmark of Cephalopod: Uroteuthis edulis as A Case. Chin. J. Zool. 2021, 56, 756–769. (In Chinese) [Google Scholar]
  20. He, Q.H.; Sun, W.J.; Liu, B.L.; Kong, X.H.; Lin, L.S. Morphological study of cephalopod beak based on computer visionⅡ: Morphological parameter measurement. Oceanol. Limnol. Sin. 2021, 52, 252–259. (In Chinese) [Google Scholar]
  21. Wang, B.Y.; Liu, B.L.; Gu, X.Y. The application of an edge detection algorithm in cephalopod beak recognition. Fish. Mod. 2022, 49, 12. (In Chinese) [Google Scholar]
  22. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  23. Ou, L.G.; Liu, B.L.; Chen, X.J.; He, Q.; Qian, W.G.; Li, W.L.; Zou, L.L.; Shi, Y.Y.; Hou, Q.L. Automatic classification of the phenotype textures of three Thunnus species based on the machine learning SVM classifier. Can. J. Fish. Aquat. Sci. 2023, 80, 1221–1236. [Google Scholar] [CrossRef]
  24. Ou, L.G.; Liu, B.L.; Chen, X.J.; He, Q.; Qian, W.G.; Zou, L.L. Automated Identification of Morphological features of Three Thunnus Species Based on Different Machine Learning Algorithms. Fishes 2023, 8, 182. [Google Scholar] [CrossRef]
  25. Tan, H.Y.; Zhi, Y.G.; Loh, K.H.; Then, A.Y.H.; Omar, H.; Chang, S.W. Cephalopod species identification using integrated analysis of machine learning and deep learning approaches. PeerJ 2021, 9, e11825. [Google Scholar] [CrossRef] [PubMed]
  26. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar] [CrossRef]
  27. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the Inception Architecture for Computer Vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 2818–2826. [Google Scholar]
  28. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  29. Jereb, P.; Roper, C.F.E. Cephalopods of the World: An Annotated and Illustrated Catalogue of Cephalopod Species Known to Date; Myopsid and Oegopsid Squids 2; Food and Agriculture Organization of the United Nations: Rome, Italy, 2010. [Google Scholar]
  30. Halevy, A.; Norvig, P.; Pereira, F. The Unreasonable Effectiveness of Data. IEEE Intell. Syst. 2009, 24, 8. [Google Scholar] [CrossRef]
  31. Sun, C.; Shrivastava, A.; Singh, S.; Gupta, A. Revisiting Unreasonable Effectiveness of Data in Deep Learning Era. In Proceedings of the 16th IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 843–852. [Google Scholar]
  32. Ojala, T.; Pietikainen, M.; Maenpaa, T. Multiresolution Gray-Scale and Rotation Invariant Texture Classification with Local Binary Patterns. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 24, 971–987. [Google Scholar] [CrossRef]
  33. Dalal, N.; Triggs, B. Histograms of Oriented Gradients for Human Detection. In Proceedings of the Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–26 June 2005; Volume 1, pp. 886–893. [Google Scholar]
  34. Khalifa, N.E.M.; Taha, M.H.N.; Hassanien, A.E.; Selim, I.M. Deep galaxy: Classification of galaxies based on deep convolutional neural networks. arXiv 2017, arXiv:1709.02245. [Google Scholar]
  35. Astuti, S.D.; Tamimi, M.H.; Pradhana, A.A.; Alamsyah, K.A.; Purnobasuki, H.; Khasanah, M.; Susilo, Y.; Triyana, K.; Hashif, M.; Syahrom, A. Gas sensor array to classify the chicken meat with E. coli contaminant by using random forest and support vector machine. Biosens. Bioelectron. X 2021, 9, 100083. [Google Scholar] [CrossRef]
  36. Zhu, H.F.; Yang, L.H.; Fei, J.W.; Zhao, L.G. Recognition of carrot appearance quality based on deep feature and support vector machine. Comput. Electron. Agric. 2021, 186, 106185. [Google Scholar] [CrossRef]
  37. Hsu, C.W.; Lin, C.J. Comparison of Methods for multi-class Support Vector Machines. IEEE Trans. Neur. Net. 2002, 13, 415–425. [Google Scholar]
  38. Weston, J.; Watkins, C. Support Vector Machines for Multi-Class Pattern Recognition. ESANN 1999, 99, 219–224. [Google Scholar]
  39. Yu, H.; Kim, S. SVM Tutorial-Classification, Regression and Ranking. Handb. Nat. Comput. 2012, 1, 479–506. [Google Scholar]
  40. Liu, B.L.; Chen, X.J.; Fang, Z.; Li, J.H. Beak of Cephalopod; Science Press: Beijing, China, 2017. (In Chinese) [Google Scholar]
  41. Ou, L.G.; Gu, X.Y.; Wang, B.Y.; Liu, B.L. Systematic classification of Cephalopod beaks from stomach contents of six large marine predatory fishes. Prog. Fish. Sci. 2022, 43, 105–115. (In Chinese) [Google Scholar]
  42. Chen, X.J.; Lu, H.J.; Liu, B.L.; Chen, Y.; Li, S.L.; Jin, M. Species identification of Ommastrephes bartramii, Dosidicus gigas, Sthenoteuthis oualaniensis and Illex argentinus (Ommastrephidae) using beak morphological variables. Sci. Mar. 2021, 76, 10076. [Google Scholar] [CrossRef]
  43. Chen, Z.Y.; Lu, H.J.; Tong, Y.H.; Liu, W.; Zhang, X.; Chen, X.J. Effects of difference of individual size on beak morphology of Sthenoteuthis oualaniensis in the Xisha Islands of South China Sea. J. Fish. China 2019, 43, 2501–2510. (In Chinese) [Google Scholar]
  44. Castro, J.J.; Hernández-García, V. Ontogenetic changes in mouth structures, foraging behaviour and habitat use of Scomber japonicus and Illex coindetii. Sci. Mar. 1995, 59, 347–355. [Google Scholar]
  45. Hernandez-Garcia, V. Growth and Pigmentation Process of the Beaks of Todaropsis eblanae (Cephalopoda: Ommastrephidae); Berliner Palaobiol Abh Berlin: Berlin, Germany, 2003; pp. 131–140. [Google Scholar]
  46. Guerra, Á.; Rodrígueznavarro, A.B.; González, Á.F.; Romanek, C.S.; Alvarez-Lloret, P.; Pierce, G.J. Life-history traits of the giant squid Architeuthis dux revealed from stable isotope signatures recorded in beaks. ICES J. Mar. Sci. 2010, 67, 1425–1431. [Google Scholar] [CrossRef]
Figure 1. Four species of beaks. (a) Represents the upper beak image. (b) Represents the lower beak image.
Figure 1. Four species of beaks. (a) Represents the upper beak image. (b) Represents the lower beak image.
Animals 13 02891 g001
Figure 2. Data enhancement example: (a) original image; (b) flip the image horizontally; (c) rotate the image 45 degrees to the left; (d) randomly crop the image; (e) randomly change the width and length of the image.
Figure 2. Data enhancement example: (a) original image; (b) flip the image horizontally; (c) rotate the image 45 degrees to the left; (d) randomly crop the image; (e) randomly change the width and length of the image.
Animals 13 02891 g002
Figure 3. Flowchart for the classification of beaks with names D. gigas, I. argentinus, E. luminosa, and O. bartramii. xhog are the HOG features, xdeep are the deep features and xlbp is the LBP feature.
Figure 3. Flowchart for the classification of beaks with names D. gigas, I. argentinus, E. luminosa, and O. bartramii. xhog are the HOG features, xdeep are the deep features and xlbp is the LBP feature.
Animals 13 02891 g003
Figure 4. There are 8 sampling points in a 2 cm radius circular neighborhood.
Figure 4. There are 8 sampling points in a 2 cm radius circular neighborhood.
Animals 13 02891 g004
Figure 6. The network architecture of Resnet50 for deep feature extraction.
Figure 6. The network architecture of Resnet50 for deep feature extraction.
Animals 13 02891 g006
Figure 7. The loss function curves of the validation set and testing set derived from six CNN models, namely VGG16, InceptionV3, Resnet18, Resnet34, Resnet50, Resnet101: (af) represents the loss function curves for the upper beak; (gl) represents the loss function curve for the lower beak.
Figure 7. The loss function curves of the validation set and testing set derived from six CNN models, namely VGG16, InceptionV3, Resnet18, Resnet34, Resnet50, Resnet101: (af) represents the loss function curves for the upper beak; (gl) represents the loss function curve for the lower beak.
Animals 13 02891 g007
Figure 8. Confusion matrix for the six deep feature extraction models namely VGG16, InceptionV3, Resnet18, Resnet34, Resnet50, and Resnet101: (af) represents the confusion matrix for the upper beak; (gl) represents the confusion matrix for the lower beak.
Figure 8. Confusion matrix for the six deep feature extraction models namely VGG16, InceptionV3, Resnet18, Resnet34, Resnet50, and Resnet101: (af) represents the confusion matrix for the upper beak; (gl) represents the confusion matrix for the lower beak.
Animals 13 02891 g008aAnimals 13 02891 g008b
Figure 9. The confusion matrix of the fusion of deep features and shallow features: (a,b) represent the confusion matrix of the upper beak; (c,d) represent the confusion matrix of the lower beak.
Figure 9. The confusion matrix of the fusion of deep features and shallow features: (a,b) represent the confusion matrix of the upper beak; (c,d) represent the confusion matrix of the lower beak.
Animals 13 02891 g009
Table 1. Sampling information for four cephalopod samples.
Table 1. Sampling information for four cephalopod samples.
SpeciesSampling LocationSampling Date
Dosidicus gigas89° W~118° W, 0°~6° SMarch 2020
Illex argentinus57° W~60° W, 41° S~47° SMarch 2021
Eucleoteuthis luminosa158° E~162° E, 36° N~38° NJune 2021
Ommastrephes bartramii157° E~164° E, 36° N~45° NJuly 2022
Table 2. Parameters set in feature extraction and classification.
Table 2. Parameters set in feature extraction and classification.
ModelParameter NameParameter Value
SVMK‘rbf’
C10
decision function morphologicalOVR
CNNlearning rate“1 × 10−3/1 × 10−4
epoch100
batch size16
Table 3. The size of the input image, parameter settings, and vector dimensions of the features.
Table 3. The size of the input image, parameter settings, and vector dimensions of the features.
ModelsInputParameterNumber of Feature Vectors
LBP512 × 512R = 1, P = 859
R = 2, P = 859
R = 2, R = 1659
HOG256 × 256C = 168100
C = 321764
C = 64324
Resnet50224 × 224FC2048
LBP+Resnet50 FC, R = 1, P = 82107
HOG+Resnet50 FC, C = 323812
Table 4. Adjusting the R and P values in the LBP descriptor to obtain testing accuracy.
Table 4. Adjusting the R and P values in the LBP descriptor to obtain testing accuracy.
Testing Accuracy of LBP
R = 1, P = 8R = 2, P = 8R = 2, P = 16
Upper beak53.63%33.75%30.88%
Lower beak41.88%40.88%33.88%
Table 5. Adjusting the C value in the HOG descriptor to obtain testing accuracy.
Table 5. Adjusting the C value in the HOG descriptor to obtain testing accuracy.
Testing Accuracy of HOG
C = 16C = 32C = 64
Upper beak65.25%69.38%70.25%
Lower beak59.50%60.50%58.00%
Table 6. Accuracy for CNN models recognizing upper and lower beaks.
Table 6. Accuracy for CNN models recognizing upper and lower beaks.
Testing Accuracy of CNN Models
ModelUpper BeakLower Beak
VGG1688.75%90.00%
InceptionV388.75%86.40%
Resnet1888.75%87.60%
Resnet3488.38%90.13%
Resnet5089.38%90.50%
Resnet10188.50%90.13%
Table 7. Comparison of feature fusion experiments of the upper beak.
Table 7. Comparison of feature fusion experiments of the upper beak.
ModelsSpeciesAccuracyPrecisionRecallF1-Score
LBP+Resnet50ALL91.50%91.81%91.50%91.65%
D. gigas89.50%86.06%89.50%87.75%
I. argentinus85.50%96.07%85.50%90.48%
E. luminosa99.50%100.00%99.50%99.75%
O. bartramii91.50%85.12%91.50%88.19%
HOG+Resnet50ALL91.88%92.13%91.88%92.00%
D. gigas87.50%87.06%87.50%87.28%
I. argentinus87.50%96.15%87.50%91.62%
E. luminosa99.50%100.00%99.50%99.75%
O. bartramii93.00%85.32%93.00%88.99%
Table 8. Comparison of feature fusion experiments of the lower beak.
Table 8. Comparison of feature fusion experiments of the lower beak.
ModelsSpeciesAccuracyPrecisionRecallF1-Score
LBP+Resnet50ALL92.63%93.08%92.63%92.85%
D. gigas91.50%81.33%91.50%86.12%
I. argentinus90.50%96.79%90.50%93.54%
E. luminosa99.50%99.50%99.50%99.50%
O. bartramii89.0%94.68%89.0%91.75%
HOG+Resnet50ALL93.63%94.34%93.63%93.98%
D. gigas96.00%81.70%96.00%88.27%
I. argentinus91.00%98.38%91.00%94.55%
E. luminosa99.50%99.50%99.50%99.50%
O. bartramii88.00%97.78%88.00%92.63%
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

He, Q.; Zhao, Q.; Zhao, D.; Liu, B.; Chu, M. Fusing Local Shallow Features and Global Deep Features to Identify Beaks. Animals 2023, 13, 2891. https://doi.org/10.3390/ani13182891

AMA Style

He Q, Zhao Q, Zhao D, Liu B, Chu M. Fusing Local Shallow Features and Global Deep Features to Identify Beaks. Animals. 2023; 13(18):2891. https://doi.org/10.3390/ani13182891

Chicago/Turabian Style

He, Qi, Qianqian Zhao, Danfeng Zhao, Bilin Liu, and Moxian Chu. 2023. "Fusing Local Shallow Features and Global Deep Features to Identify Beaks" Animals 13, no. 18: 2891. https://doi.org/10.3390/ani13182891

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