Abstract
Works requiring taxonomic knowledge face several challenges, such as arduous identification of many taxa and an insufficient number of taxonomists to identify a great deal of collected organisms. Machine learning tools, particularly convolutional neural networks (CNNs), are then welcome to automatically generate high-performance classifiers from available data. Supported by the image datasets available at the largest online database on ant biology, the AntWeb (www.antweb.org), we propose here an ensemble of CNNs to identify ant genera directly from the head, profile and dorsal perspectives of ant images. Transfer learning is also considered to improve the individual performance of the CNN classifiers. The performance achieved by the classifiers is diverse enough to promote a reduction in the overall classification error when they are combined in an ensemble, achieving an accuracy rate of over 80% on top-1 classification and an accuracy of over 90% on top-3 classification.
Introduction
Taxonomy is a cornerstone for biodiversity management, since information on species names and distributions is essential for scientific studies and environmental monitoring programs [1]. However, biodiversity research currently faces a series of obstacles which hinder the development of works founded on taxonomic knowledge [2, 3]. Among these obstacles are the great number of specimens requiring identification and the concomitant low number of taxonomists available to perform this task [2, 4].
A suggested approach to deal with these issues is the use of artificial intelligence techniques [5, 6]. Although identification by experts should be the preferred way to identify specimens, computational intelligence systems may provide reliable alternative tools for taxonomic identification [2, 5, 7] while reducing the number of routine identifications performed by taxonomists [6]. A promising approach for this task is Deep Learning, particularly Convolutional Neural Networks (CNNs), a machine learning technique widely applied to image recognition [8]. Indeed, the use of CNNs for species identification from images has already been shown to be reliable for plants [9], aquatic macroinvertebrates [10], mammals [11], and insects [12–14].
Aiming at developing a reliable machine learning algorithm for quickly identifying a large amount of specimens, we developed a CNN automated ant genera identification process that receive as input the head, profile and dorsum perspectives of ant images. This dataset is a medium-size dataset; although CNNs is capable of automatically detecting discriminant attributes—which is essential here for a high-performance ant genera identification—it needs a large size dataset, and over-fitting can be an issue. In order to address the characteristics of this dataset, we proposed ensembles to aggregate the three image perspectives (head, dorsum and profile), and explored different types of training (general, specific and transfer learning). Such approach allows to deal with the possible issues arising from dataset sample size.
Methods
Dataset characterization
Ant identification requires mounting specimens on a piece of paper glued on a pin (Fig 1), so as to allow the observation of several morphological structures on the specimen’s head, dorsum and profile. Ant images deposited on databases therefore commonly consist of three views per specimen: a frontal, a lateral and a dorsal one (Fig 1).
We gathered ant images from AntWeb (www.antweb.org), the largest online database on ant biology, containing 44,806 specimens with at least 1 picture and an average number of 3.35 pictures per specimen, totalizing 150,088 pictures. Other relevant dataset characteristics are provided in Table 1.
Table 1. Summary of dataset characteristics.
Characteristic | # of specimens | Rate |
---|---|---|
Nh + Np + Nd ≥ 1 | 44806 | − |
Nh = Np = Nd = 1 | 35027 | 78% |
Nh ≥ 1 and Np ≥ 1 and Nd ≥ 1 | 42944 | 96% |
Nh ≥ 1 | 43970 | 98% |
Np ≥ 1 | 44372 | 99% |
Nd ≥ 1 | 43648 | 97% |
We classified this dataset as being multi-view, because, when each specimen is considered as a sample, there are three views for each sample. Also, we classified this dataset as a medium size dataset because the major CNN reference dataset, the image-net.org, has above 1,000,000 images.
Multi-view methods that uses one picture per view may have difficulties with this dataset, because keeping specimens with only one picture per view (discarding the extra pictures) causes a reduction of 14% in the number pictures (resulting in 42,944 specimens and 128,832 pictures). Considering 100 as the reasonable minimum number of specimens for training CNN from scratch, we decided to identify ant genera, instead of ant species, because there are only two species achieving this criteria (Fig 2A), against L = 57 ant genera (Fig 2B).
The dataset was divided into three sets: 70% of the base was allocated for training the network; 20% of the dataset for validation; and 10% of the dataset for test. The validation and test datasets were composed only of specimens with exactly one image per view, which performed 78% of the total number of specimens cataloged. The training set is used to adjust the weights of the neural network. The validation set is used to evaluate the quality of specific purpose classifiers and the diversity of the models. After the training procedure, the best model in validation is the one selected for classification. The test set is then used to evaluate the quality of the proposed classifier.
The nature of the dataset allows one to conclude that each image sample p of a specimen s from a perspective v ∈ {h, d, p} has a labeled genus g ∈ {1, …, L}. Two kinds of learning procedures are investigated: 1) given a picture sample p of any specimen or perspective, classify the label l; 2) given a specimen s with one picture of each perspective v ∈ {h, d, p}, classify the label l. On evaluation, both methods deliver a list with the t most likely classes for each sample, called top-t. Therefore, the prediction is considered correct if the correct class is within the obtained list.
Given the structure of our data, the following hypotheses were investigated:
We expect that the dataset is large enough to train a CNN for image prediction (Type 1), ensuring a high-performance general-purpose classifier (capable of classifying an image from any perspective).
We expect that a specific-purpose classifier (capable of classifying images from a specific perspective) has a fair performance compared to the general-purpose classifier, but a specific-purpose classifier built using transfer learning knowledge from the model trained for general-purpose is capable of outperforming both.
Since the images are taken from different perspectives, we expect that, the classification pattern of each perspective of a specimen will lead to accurate models, with reasonable consensus on most of the data, yet preserving diversity and thus helping to predict more difficult samples.
If premise 3 is true, an ensemble aggregating the outputs of each classifier (from different perspectives and types of training) should improve the classification performance.
The Type 2 classifier applied to scenarios with multiple data perspectives is commonly treated in the machine learning literature as a multi-view learning problem. The main challenge of this field is to explore the multitude of data without overfitting, which could happen when the method concatenates the data features. This behavior can be avoided by constructing learners that integrate features without directly sharing them. Although the main methods to deal with this problem are co-training, multiple kernel learning and subspace learning, there are some similarities with ensemble learning [15]. Still, ensemble is applied to multi-view data by aggregating the votes of random forests trained to each view [16]. Multi-view CNN approaches involve appending the multiple views as channels [17], using a fine-tune ImageNet-trained CNN for each view, for concatenating the penultimate layer output for each view, training a classifier on top of it [18] and simultaneously training a CNN for which the initial layers are view-specific convolutional layers [19].
Many multi-view insights are contemplated by our proposal, despite the fact that this multi-view approach is mainly based on a simple ensemble aggregation. The general purpose classifier tries to explore the common features through all views; the specific purpose classifier creates individual classifiers per view; and the transfer learning classifier tries to find a specific view regularized by the common features through all views. These approaches can explore many characteristics of the data, and the final classifier produced by the aggregation of all views benefits from this diversity.
In the Convolutional Neural Network Architecture section we describe the Type 1 (single-view) CNN classifier and the architecture employed in this work, and in section CNN Training procedure we describe the train procedure applied to training the general and specific purpose CNNs. Also, the CNN Training procedure section, describes experiments devoted to validating hypotheses 1 and 2. The Ensemble section describes some ensemble properties and metrics and evaluate the ensemble behavior to access the correctness of hypothesis 3. In the Ensemble section we also use the general and specific purpose classifiers to construct a Type 2 classifier using an ensemble aggregation. To check hypothesis 4, we evaluate the performance of single classifiers and compare them with the ensembles.
The experimental setup do gather the dataset, train the different CNNs, and build the ensemble is available at dx.doi.org/10.17504/protocols.io.kzpcx5n.
Convolutional neural network architecture
Convolutional neural networks (CNNs) are characterized by a neural network with many information processing steps, also known as layers. In a CNN, the ith layer transforms the previous feature vector, consisted of ci − 1 channels with ni − 1 × ni − 1 cells, in another feature vector consisted of ci channels with ni × ni cells.
The description of each type of layer is given as follows [20], and the linkage between consecutive layers can be seen in Fig 3:
Convolution - Considering a previous layer with ci − 1 channels with Hin × Wi cells, a convolution layer is formed by the interaction of this layer with a number of receptive fields (also called filters). The quantity of filters, Cout, are windows with ci − 1 channels and k × k weights, and each window will scroll the whole bidimensional output of the previous layer with the same set of filters. This scroll can be performed in different ways, controlled by two variables, padding and stride.
Padding or Zero-padding is the insertion of extra values around the bidimensional input. The extra values are generally set to zero, so as to not change the value of the input. This information can help the receptive field to work better at the borders of the matrix or to control the dimension of the output.
Stride is the shift step of the receptive fields throughout the matrix of pixels. With stride equal to 1, the shift is of one pixel.
The operation of the receptive field over the output of the previous layer results in Cout bidimensional action maps, each one with dimension Hout × Wout, which can be calculated by:
(1) |
Wout is generally taken to be equal to Hout; Cout is the number of receptive fields with dimension k × k, P is the padding and S is the stride.
Pooling - A pooling operation calculates a specific norm of the activation values produced by a small region of each channel. The goal of this calculation is to decrease the computational costs by reducing the size of each channel of the previous layer.
Normalization - Used to accelerate the convergence process and reduce the odds of being stuck in a local minimum. This procedure normalizes the output layer signals using linear and non-linear operations.
Fully connected - Each cell of the output in this layer is calculated by making a weighted sum of all cells from all channels of the previous layer.
Dropout - Apply a transformation which is similar to a fixed mask that makes a cell as zero (saving the cell for future use) for half of the cells (this rate can be changed). Thus, the calculation of the gradient is ignored by these cells during some epochs. After this period, the saved values of the reset cells are recovered and another random mask is applied, reseting half of the cells at random. The objective here is to avoid overfitting by reducing co-adaptation.
ReLu - The activation function is defined by f(x) = max(0, x). This is a linear by parts function that accelerates weight adjustment, when compared to traditional sigmoidal functions.
Softmax - It is the final operator at the output of the neural network. The output for each label is exponentiated and then divided by the sum of the output of all the labels in order to make this output vary between zero and one, expressing the degree of membership of the analyzed sample to each class.
Loss - It is the performance index that calculates the classification error rate.
The relationship between the calculated outputs and the expected results are used to generate a cost function that is to be implements the iterative. The optimization technique used is the stochastic gradient descending, which adjustment of the weights.
The network architecture employed in this work was based on the AlexNet [21], but using the Caffe framework [22]. The input layer receives an image with dimension 256x256 in gray-scale.
The sequence of layers, presented in Fig 4, is enumerated in what follows:
Input in grayscale—256 × 256.
Convolution with 11 × 11 receptive field, stride = 4: Output 63 × 63 × 96 with ReLU in sequence.
Pooling with 3 × 3 receptive field, stride = 2: Output 31 × 31 × 96 with Normalization Layer in sequence.
Convolution with values to keep dimensions: Output 31 × 31 × 256 with ReLU in sequence.
Pooling with 3 × 3 receptive field, stride = 2: Output 15 × 15 × 256 with Normalization Layer in sequence.
Convolution with values to keep dimensions: Output 15 × 15 × 384 with ReLU in sequence.
Convolution with values to keep dimensions: Output 15 × 15 × 384 with ReLU in sequence.
Convolution with values to keep dimensions: Output 15 × 15 × 256 with ReLU in sequence.
Pooling with 3 × 3 receptive field, stride = 2: Output 7 × 7 × 256.
Fully connected and dropout—output: 4096 channels.
Fully connected and dropout—output: 4096 channels.
Fully connected softmax and loss—output: 57 channels.
Constructing an ensemble of CNN for multi-view ant genera identification
CNN training procedure
First of all, we created a general purpose classifier. The training procedure (for 50000 epochs) for this learning machine uses the training set to calculate the classification loss. Then, back-propagation is applied to obtain the gradient vector that will guide the weight adjustment of the neural network. The validation error is monitored throughout the training epochs to keep the most accurate model. As described in the Convolutional Neural Network Architecture section, given that the samples of this training came from any view, this machine was trained to be capable of classifying the genus of an ant using any image perspective.
Since distinct features can be observed in each image view, we decided to make specific learning machines for each of them, and we called these machines specific purpose classifiers. In order to do this, we split the dataset by image view and performed the same training procedure (for 50000 epochs) of the general one, but creating one machine for each view. Since we have one third of the base for each view and this shortage could cause overfitting we propose a kind of transfer learning strategy to deal with this. This strategy consists in creating one learning machine for each view by loading the already trained general purpose classifier and continuing the training for 30000 epochs with images from one view only. This whole process generates three new classifiers, one for each view, in order to extract the specific features of each view.
In order to provide baseline performance values against our approach, we extracted the outputs from the penultimate layer of an AlexNet CNN trained with the image-net.org dataset and used such outputs as feature vectors for a SVM training [18]. The SVM training procedure used the SVC classifier (SVM object for classification, version 0.18.1) of scikit-learn.org, keeping all parameters in the default values, with the exception of the regularization strength—this parameter was tuned with the hyperopt library (available at github.com/hyperopt), which searches the regularization strength with best accuracy on the validation set of a SVC model trained in the training set. The performance values correspond to the validation set of the most accurate model.
Tables 2 and 3 give the accuracy, average precision for each label and the minimum label performance on precision per label for the top lists; Table 2 shows the baseline methods and Table 3 shows the proposed methods. We choose precision as the main metric because it is more frequently used by biologists than recall, and it is relevant to achieve a high precision for all genera. Accuracy has a widespread use in machine learning, and it also complements the precision metrics. Hypothesis 1 turned to be true because the general purpose methods were satisfactory, with at least 90% of accuracy and average precision on top-3 and top-5 lists, and at least 80% of minimum precision on top-3 and top-5 lists. We can also verify hypothesis 2 by observing a small performance drop of the specific purpose classifier, but this behavior is reverted in the specific purpose with transfer learning, even outperforming the general purpose one. Both hypothesis are strengthened when compared with the baseline performances; Hypothesis 1 is reinforced because, with more data (in the general case), the performance is consistently better than the baseline performance (except in some cases in the minimum precision metric); this is not the case when the data is scarce (in the specific case). Hypothesis 2 is also reinforced because the transfer learning has a performance that is similar to the obtained in the general case, also consistently better than the baseline performance.
Table 2. Classification performance of the SVM with linear and rbf kernel, when the features are extracted from the penultimate layer of an AlexNet CNN trained with an www.image-net.org dataset.
Accuracy | Average precision | Minimum precision | ||||||||
---|---|---|---|---|---|---|---|---|---|---|
Top 1 | Top 3 | Top 5 | Top 1 | Top 3 | Top 5 | Top 1 | Top 3 | Top 5 | ||
H | SVM-L | 0.69 | 0.87 | 0.92 | 0.67 | 0.88 | 0.93 | 0.38 | 0.75 | 0.86 |
SVM-R | 0.71 | 0.87 | 0.92 | 0.68 | 0.88 | 0.92 | 0.39 | 0.77 | 0.87 | |
D | SVM-L | 0.55 | 0.76 | 0.84 | 0.52 | 0.77 | 0.84 | 0.00 | 0.64 | 0.77 |
SVM-R | 0.57 | 0.77 | 0.84 | 0.53 | 0.78 | 0.85 | 0.22 | 0.70 | 0.78 | |
P | SVM-L | 0.55 | 0.76 | 0.84 | 0.49 | 0.76 | 0.84 | 0.14 | 0.62 | 0.77 |
SVM-R | 0.58 | 0.77 | 0.85 | 0.51 | 0.77 | 0.85 | 0.13 | 0.67 | 0.77 |
Table 3. Classification performance of the CNN learning machines in the validation set.
Accuracy | Average precision | Minimum precision | ||||||||
---|---|---|---|---|---|---|---|---|---|---|
Top 1 | Top 3 | Top 5 | Top 1 | Top 3 | Top 5 | Top 1 | Top 3 | Top 5 | ||
H | G | 0.78 | 0.91 | 0.94 | 0.73 | 0.90 | 0.94 | 0.46 | 0.81 | 0.88 |
S | 0.78 | 0.90 | 0.94 | 0.72 | 0.90 | 0.94 | 0.33 | 0.83 | 0.88 | |
T | 0.78 | 0.91 | 0.94 | 0.74 | 0.91 | 0.94 | 0.28 | 0.83 | 0.90 | |
D | G | 0.62 | 0.80 | 0.86 | 0.54 | 0.79 | 0.86 | 0.15 | 0.58 | 0.76 |
S | 0.56 | 0.75 | 0.82 | 0.50 | 0.74 | 0.82 | 0.14 | 0.57 | 0.69 | |
T | 0.60 | 0.79 | 0.86 | 0.54 | 0.78 | 0.86 | 0.11 | 0.55 | 0.74 | |
P | G | 0.66 | 0.83 | 0.89 | 0.57 | 0.81 | 0.88 | 0.19 | 0.64 | 0.77 |
S | 0.61 | 0.79 | 0.85 | 0.50 | 0.77 | 0.84 | 0.12 | 0.57 | 0.72 | |
T | 0.67 | 0.84 | 0.89 | 0.58 | 0.83 | 0.88 | 0.23 | 0.65 | 0.80 |
Ensemble
Since we have three perspectives of images, we hoped to find a divergent but accurate prediction for different views of the same specimen, giving rise to one of the main properties required to construct an ensemble: diversity [23]. We also investigated two multi-view properties: consensus principle, which relates performance to the agreement of multiple views; and complementary principle, which states that each view can provide an information not contained in other views, and is related to diversity in the components of the ensemble [15]. Since the models were already generated, we implemented filtering selection and an aggregation procedure to create an ensemble.
Diversity
In order to verify the agreement and diversity (complementarity) present in the trained ensembles, we adopted pairwise metrics comparing two classifiers based on double-fault measures [24]: both correct measure (bc), the rate of samples for which both classifiers are correct; both fault measure (df), the rate of samples for which both classifiers are incorrect; some correct measure (sc), the rate of samples for which at least one classifier is correct; and only one correct measure (oc), the rate of samples for which only one classifier is correct. The sc indicates the potential for accurate performance, since it counts the proportion of at least one of the classifiers in the pairwise evaluation being correct. The oc measure can be interpreted as the useful diversity, which indicates the number of disagreements in the classifiers that can potentially increase the performance, or as an indicator of complementarity. From a multi-view perspective, bc can be seen as a consensus metric and ec as a complementary metric.
Given these pairwise measures, a global performance of an ensemble is given by the average of the computed diversity on all pairwise combinations of the ensemble components. Table 4 shows these diversities considering four types of ensembles: 1) aggregating components associated with each view in the general purpose classifier (G); 2) aggregating components associated with each view in the specific purpose classifier S; 3) aggregating components associated with each view in the transfer learning T; 4) aggregating all views and all classification methods All. We can see that hypothesis 3 is true because all ensembles have a good diversity measure, achieving high values of sc. The ensemble All has the highest performance on oc and an excellent performance on sc, which show that this ensemble has diverse components, potentially achieving a good classifier performance. Under a multi-view perspective, the aggregation of general classifiers shows good consensus and the aggregation of specific classifiers guides to good complementary classifiers. This behavior is expected, but any extreme solution can be harmful. To solve this issue, a transfer learning approach is implemented, presenting a good trade-off between both principles, and the final aggregation of all approaches also shows a good performance in deference to the multi-view perspective.
Table 4. Diversity performance on sets of learning machines on validation set.
Top 1 | Top 3 | Top 5 | |||||||
---|---|---|---|---|---|---|---|---|---|
sc | bc | oc | sc | bc | oc | sc | bc | oc | |
G | 0.84 | 0.72 | 0.12 | 0.94 | 0.88 | 0.06 | 0.96 | 0.92 | 0.04 |
S | 0.68 | 0.51 | 0.17 | 0.84 | 0.71 | 0.13 | 0.90 | 0.80 | 0.10 |
T | 0.72 | 0.57 | 0.15 | 0.87 | 0.77 | 0.10 | 0.91 | 0.84 | 0.08 |
All | 0.81 | 0.54 | 0.27 | 0.92 | 0.74 | 0.18 | 0.96 | 0.82 | 0.13 |
Classifier
Using the models trained in CNN Training procedure section and the diversity analyses of the Diversity section, it is possible to construct an ensemble. Following the steps needed to build an ensemble [23], we constructed four types of ensembles.
The first one is conceived by aggregating all general and specific purpose classifiers and summing up the output distributions [25]. This ensemble is represented in Fig 5D, where the final output is given by a summation of all outputs .
The other three ensembles are made by summing up only the machines generated by the general purpose (represented in Fig 5A), by the simple specific purpose (represented in Fig 5B) or by the transfer specific purpose (represented in Fig 5C). Performances for these ensembles and single predictors (CNNs) are shown in Table 5.
Table 5. Classification performance of ensembles and CNN learning machines in the test set.
G | S | T | E | |||||||||||
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
H | D | P | H | D | P | H | D | P | G | S | T | All | ||
Accuracy | Top 1 | 0.77 | 0.61 | 0.64 | 0.76 | 0.54 | 0.60 | 0.59 | 0.65 | 0.81 | 0.79 | 0.81 | 0.83 | |
Top 3 | 0.80 | 0.82 | 0.90 | 0.74 | 0.78 | 0.78 | 0.83 | 0.92 | 0.90 | 0.92 | 0.93 | |||
Top 5 | 0.87 | 0.88 | 0.82 | 0.85 | 0.85 | 0.89 | 0.95 | 0.94 | 0.95 | 0.96 | ||||
Average precision | Top 1 | 0.53 | 0.54 | 0.72 | 0.46 | 0.51 | 0.52 | 0.57 | 0.80 | 0.78 | 0.79 | 0.83 | ||
Top 3 | 0.79 | 0.81 | 0.89 | 0.74 | 0.77 | 0.77 | 0.81 | 0.92 | 0.91 | 0.92 | 0.94 | |||
Top 5 | 0.94 | 0.86 | 0.87 | 0.94 | 0.83 | 0.84 | 0.85 | 0.89 | 0.95 | 0.95 | 0.96 | 0.96 | ||
Minimum precision | Top 1 | 0.11 | 0.24 | 0.31 | 0.00 | 0.20 | 0.30 | 0.16 | 0.24 | 0.45 | 0.39 | 0.43 | 0.40 | |
Top 3 | 0.76 | 0.54 | 0.58 | 0.56 | 0.60 | 0.53 | 0.64 | 0.81 | 0.81 | 0.83 | 0.84 | |||
Top 5 | 0.86 | 0.74 | 0.74 | 0.86 | 0.70 | 0.73 | 0.69 | 0.81 | 0.89 | 0.91 | 0.92 | 0.90 |
Table 5 indicates that hypothesis 4 is true, because almost all ensembles have better performance compared to the single machines, in all metrics for all types of lists (top-1, top-3 and top-5). The only exception is the ensemble of specific purpose, which is worse than a machine for the head perspective in general purpose, when top-3 accuracy is considered.
Discussion
We developed an efficient learning system based on CNNs to identify ant genera from available datasets. The system explores the diversity of multiple perspectives (head, dorsum and profile) from the same sample (an ant specimen) to create an ensemble that aggregates the classification of CNNs for each perspective.
For almost all classifiers the best prediction rates were achieved using head views. We find two possible explanations for this. Classification from head views may be more accurate because the position of the specimen’s legs in profile and dorsal views might add more noise to the picture than the position of the antennae in the head view (see Fig 1). Another possible explanation is that ant genera may have more pronounced morphological differences in the head due to greater selective pressures for niche differentiation in this body part. For instance, eye size in ants may be related to several ecological pressures such as navigation and capture of prey; antennae size may influence the detection of chemosensory stimuli; and mandible shape may be determinant for prey capturing and handling [26]. Indeed, ant genera have already been shown to be morphologically differentiated mostly by body size (which our system does not take into account) and morphological characters in the head [27], [26].
The ensemble classifier we developed exhibited promising performance in predicting ant genera from images. Even though the classification of a single perspective showed a good performance mainly for the average precision and accuracy, classifiers of distinct perspectives have also shown diversity, thus motivating the usage of ensemble aggregation. Indeed, all metrics used in the top-1 classification were improved by the ensembles, as were the top-3 and top-5 minimum precision. This classifier achieved over 80% for both accuracy and average precision on top-1 and over 90% of accuracy and average precision on top-3 and top-5, showing a really good performance in the average use of the system. Even in the prediction of the most challenging genus, the ensemble guarantees a fair performance on top-1 (40%) and a great performance on top-3 (84%) and top-5 (90%) lists, which demonstrates high confidence and robustness in ant genera identification.
The performance achieved by the transfer learned single view classifiers, mainly for head and profile perspectives, brings insights both for transfer learning and multi-view applied to CNN classifiers: The transfer learning strategy recovered the lost performance when used to train the network from scratch, with better results for all metrics compared to the specific purpose classifiers. It also increased performance compared to the general purpose classifier for all metrics in head and dorsum perspective, achieving the best results for almost all cases when used on head perspective images. Given that, considering images with the same dimension, training a general purpose classifier (CNN capable of classifying images from any view), followed by a transfer learning strategy to specify the classification of each view, can be a simple and straightforward way to create a classifier which improves the generalization performance by looking for other view attributes.
In summary, the paper proposed an efficient learning system based on CNNs to identify ant genera. We believe our work contributes towards extracting taxonomic knowledge without human intervention. The work also contributes to the Machine Learning field, bringing new insights on the usage of ensembles for multi-view structured data, and on the transfer learning mechanisms to explore shared attributes on multi-view CNNs.
Acknowledgments
The authors kindly acknowledge support from the Brazilian National Council for Scientific and Technological Development (grants #141308/2014-1, #131488/2015-5, #311751/2013-0 and #309115/2014-0), Coordination for the Improvement of Higher Education Personnel (grants #23038.002884/2013-38) and São Paulo Research Foundation (grant 2014/13533-0).
Data Availability
The dataset is fully available at the website antweb.org, and this website content is licensed under a Creative Commons Attribution License. To replicate our experiments and use the same method to gather the images from antweb.org website and build the dataset; you can use the script available at http://doi.org/10.5281/zenodo.1134690. Further explanation to use this script is available at http://dx.doi.org/10.17504/protocols.io.kzpcx5n.
Funding Statement
The authors kindly acknowledge support from the: Brazilian National Council for Scientific and Technological Development (http://cnpq.br/), grants #141308/2014-1 (ACRM), #131488/2015-5 (LFPS) #311751/2013-0 (CL) and #309115/2014-0 (FJVZ); Coordination for the Improvement of Higher Education Personnel (http://www.capes.gov.br/) grants #23038.002884/2013-38 (EMBC); and São Paulo Research Foundation (http://www.fapesp.br/) grant 2014/13533-0 (MMR).
References
- 1. Wilson EO. Taxonomy as a fundamental discipline. Philosophical Transactions of the Royal Society B: Biological Sciences. 2004;359(1444):739 doi: 10.1098/rstb.2003.1440 [DOI] [PMC free article] [PubMed] [Google Scholar]
- 2. Gaston KJ, O’Neill MA. Automated species identification: why not? Philosophical transactions of the Royal Society of London Series B, Biological sciences. 2004;359(1444):655–667. doi: 10.1098/rstb.2003.1442 [DOI] [PMC free article] [PubMed] [Google Scholar]
- 3. Drew LW. Are We Losing the Science of Taxonomy? BioScience. 2011;61(12):942–946. doi: 10.1525/bio.2011.61.12.4 [Google Scholar]
- 4. Hopkins GW, Freckleton RP. Declines in the numbers of amateur and professional taxonomists: implications for conservation. Animal Conservation. 2002;5:245–249. doi: 10.1017/S1367943002002299 [Google Scholar]
- 5. Weeks PJD, Gauld ID, Gaston KJ, O’Neill MA. Automating the identification of insects: a new solution to an old problem. Bulletin of Entomological Research. 1997;87(02):203–211. doi: 10.1017/S000748530002736X [Google Scholar]
- 6. MacLeod N, Benfield M, Culverhouse P. Time to automate identification. Nature. 2010;467(7312):154–155. doi: 10.1038/467154a [DOI] [PubMed] [Google Scholar]
- 7. Favret C, Sieracki JM. Machine vision automated species identification scaled towards production levels. Systematic Entomology. 2016;41(1):133–143. doi: 10.1111/syen.12146 [Google Scholar]
- 8. Mitchell TM. Machine Learning. New York, NY, USA: McGraw-Hill, Inc; 1997. [Google Scholar]
- 9. Dyrmann M, Karstoft H, Midtiby HS. Plant species classification using deep convolutional neural network. Biosystems Engineering. 2016;151(2005):72–80. doi: 10.1016/j.biosystemseng.2016.08.024 [Google Scholar]
- 10.Raitoharju J, Riabchenko E, Meissner K, Ahmad I, Iosifidis A, Gabbouj M, et al. Data Enrichment in Fine-Grained Classification of Aquatic Macroinvertebrates. In: 2016 ICPR 2nd Workshop on Computer Vision for Analysis of Underwater Imagery (CVAUI). IEEE; 2016. p. 43–48.
- 11.Chen G, Han TX, He Z, Kays R, Forrester T. Deep convolutional neural network based species recognition for wild animal monitoring. In: 2014 IEEE International Conference on Image Processing (ICIP); 2014. p. 858–862.
- 12. Ding W, Taylor G. Automatic moth detection from trap images for pest management. Computers and Electronics in Agriculture. 2016;123:17–28. doi: 10.1016/j.compag.2016.02.003 [Google Scholar]
- 13. Liu Z, Gao J, Yang G, Zhang H, He Y. Localization and Classification of Paddy Field Pests using a Saliency Map and Deep Convolutional Neural Network. Scientific Reports. 2016;6(February):11–26. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14. Zhu LQ, Ma MY, Zhang Z, Zhang PY, Wu W, Wang DD, et al. Hybrid deep learning for automated lepidopteran insect image classification. Oriental Insects. 2016;5316(November):1–13. [Google Scholar]
- 15. Xu C, Tao D, Xu C. A Survey on Multi-view Learning. arXiv. 2013; arXiv:1304:1–59. [Google Scholar]
- 16. Fratello M, Caiazzo G, Trojsi F, Russo A, Tedeschi G, Tagliaferri R, et al. Multi-View Ensemble Classification of Brain Connectivity Images for Neurodegeneration Type Discrimination. Neuroinformatics. 2017;15(2):199–213. doi: 10.1007/s12021-017-9324-2 [DOI] [PMC free article] [PubMed] [Google Scholar]
- 17. Liu K, Kang G. Multiview convolutional neural networks for lung nodule classification. International Journal of Imaging Systems and Technology. 2017;27(1):12–22. doi: 10.1002/ima.22206 [Google Scholar]
- 18. Carneiro G, Nascimento J, Bradley AP. Unregistered Multiview Mammogram Analysis with Pre-trained Deep Learning Models In: Medical Image Computing and Computer-Assisted Intervention—MICCAI 2015; 2015 p. 652–660. [Google Scholar]
- 19.Kan M, Shan S, Chen X. Multi-view Deep Network for Cross-view Classification. In: IEEE Conference on Computer Vision and Pattern Recognition; 2016. p. 4847–4855.
- 20. Goodfellow I, Bengio Y, Courville A. Deep Learning. MIT Press; 2016. [Google Scholar]
- 21. Krizhevsky A, Sutskever I, Hinton GE. ImageNet Classification with Deep Convolutional Neural Networks. Advances In Neural Information Processing Systems. 2012; p. 1–9. [Google Scholar]
- 22. Jia Y, Shelhamer E, Donahue J, Karayev S, Long J, Girshick R, et al. Caffe: Convolutional Architecture for Fast Feature Embedding. arXiv preprint arXiv:14085093. 2014;. [Google Scholar]
- 23. Zhou ZH. Ensemble Methods, Foundations and Algorithms. Chapman & Hall; 2012. [Google Scholar]
- 24. Schapire RE. Measures of Diversity in Classifier Ensembles. Machine Learning. 2003;51(2):181–207. doi: 10.1023/A:1022859003006 [Google Scholar]
- 25. Rokach L. Ensemble-based classifiers. Artificial Intelligence Review. 2010;33(1–2):1–39. doi: 10.1007/s10462-009-9124-7 [Google Scholar]
- 26. Silva RR, Brandao CRF. Morphological patterns and community organization in leaf- litter ant assemblages. Ecological Monographs. 2010;80(1):107–124. doi: 10.1890/08-1298.1 [Google Scholar]
- 27. Weiser MD, Kaspari M. Ecological morphospace of New World ants. Ecological Entomology. 2006;31(2):131–142. doi: 10.1111/j.0307-6946.2006.00759.x [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
The dataset is fully available at the website antweb.org, and this website content is licensed under a Creative Commons Attribution License. To replicate our experiments and use the same method to gather the images from antweb.org website and build the dataset; you can use the script available at http://doi.org/10.5281/zenodo.1134690. Further explanation to use this script is available at http://dx.doi.org/10.17504/protocols.io.kzpcx5n.