Next Article in Journal
A Novel Epidemic Model for Wireless Rechargeable Sensor Network Security
Previous Article in Journal
Stochastic Latency Guarantee in Wireless Powered Virtualized Sensor Networks
Previous Article in Special Issue
Radiomics for Gleason Score Detection through Deep Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

AF-SENet: Classification of Cancer in Cervical Tissue Pathological Images Based on Fusing Deep Convolution Features

1
School of Microelectronics and Communication Engineering, Chongqing University, Chongqing 400044, China
2
School of Information Science and Engineering, Xinjiang University, Ürümqi 830046, China
3
College of Software, Xinjiang University, Ürümqi 830046, China
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(1), 122; https://doi.org/10.3390/s21010122
Submission received: 16 November 2020 / Revised: 3 December 2020 / Accepted: 24 December 2020 / Published: 27 December 2020
(This article belongs to the Special Issue Deep Learning for Cancer Detection)

Abstract

:
Cervical cancer is the fourth most common cancer in the world. Whole-slide images (WSIs) are an important standard for the diagnosis of cervical cancer. Missed diagnoses and misdiagnoses often occur due to the high similarity in pathological cervical images, the large number of readings, the long reading time, and the insufficient experience levels of pathologists. Existing models have insufficient feature extraction and representation capabilities, and they suffer from insufficient pathological classification. Therefore, this work first designs an image processing algorithm for data augmentation. Second, the deep convolutional features are extracted by fine-tuning pre-trained deep network models, including ResNet50 v2, DenseNet121, Inception v3, VGGNet19, and Inception-ResNet, and then local binary patterns and a histogram of the oriented gradient to extract traditional image features are used. Third, the features extracted by the fine-tuned models are serially fused according to the feature representation ability parameters and the accuracy of multiple experiments proposed in this paper, and spectral embedding is used for dimension reduction. Finally, the fused features are inputted into the Analysis of Variance-F value-Spectral Embedding Net (AF-SENet) for classification. There are four different pathological images of the dataset: normal, low-grade squamous intraepithelial lesion (LSIL), high-grade squamous intraepithelial lesion (HSIL), and cancer. The dataset is divided into a training set (90%) and a test set (10%). The serial fusion effect of the deep features extracted by Resnet50v2 and DenseNet121 (C5) is the best, with average classification accuracy reaching 95.33%, which is 1.07% higher than ResNet50 v2 and 1.05% higher than DenseNet121. The recognition ability is significantly improved, especially in LSIL, reaching 90.89%, which is 2.88% higher than ResNet50 v2 and 2.1% higher than DenseNet121. Thus, this method significantly improves the accuracy and generalization ability of pathological cervical WSI recognition by fusing deep features.

1. Introduction

1.1. Background

In recent years, the field of medical image diagnosis has been trending in the direction of artificial intelligence, which has effectively improved the diagnostic efficiency and accuracy of pathologists and reduced missed detections and misdiagnoses caused by human fatigue and insufficient clinical experience [1]. Cancer has always been a major problem among human beings, especially cervical cancer, which has high incidence and mortality rates worldwide. In developed countries, the incidence of cervical cancer is low due to the high level of medical treatment. For example, in the past 30 years, due to advancements in screening and prevention technology in the United States, the incidence of cervical cancer has dropped by approximately 50% [2,3].
Early screening for cervical cancer is an important step in its prevention. Medical screening techniques for cervical cancer include cervical scraping, human papillomavirus (HPV) examination, colposcopy, HPV–ThinPrep cytologic test combined detection, naked-eye observation, and liquid-based cell detection [4,5,6,7].
After detecting cervical lesions through the abovementioned early screening methods, a follow-up biopsy is required for pathological diagnosis. Pathologists use circular electric cutters to perform the conization of cervical lesions and obtain tissue sections. Alternatively, they use biopsy forceps to obtain tissue from lesions, make full slides and use them to generate whole-slide images (WSIs) by microscopic imaging, and then make glass slides for microscopic examination. This is the established standard for cervical cancer diagnosis. Recently, it has become common to create WSIs of the slides for use in cancer diagnosis [8]. Therefore, the key issue in cervical cancer diagnosis has become how to identify WSIs quickly and accurately during different periods. Currently, pathologists classify cervical biopsy images according to the “WHO Classification of Tumors of Female Reproductive Organs, Fourth Edition”, mainly by analyzing the number of atypical cells in the biopsy image, the speed of cell mitosis, the level of cell differentiation, the number of atypical cells in the nucleus, the presence of polarity disorders, and the degree of surface cell keratinization [9]. However, biopsy images of healthy people and images of low-grade squamous intraepithelial lesions (LSILs) are highly similar, and the classification task is difficult and depends largely on the experience of the pathologists. Therefore, the early identification of cervical lesions in images is a significant challenge for medical institutions with pathologists who have only a few years of experience or no professional pathologists at all [10].

1.2. Related Work

In image processing, due to the wide variety of images and the large number of types of images, the color, texture, shape, and spatial relationship features of a single image are highly complex, and describing these image features has become a key problem. The extraction of traditional image features often requires researchers to have rich and solid professional knowledge. In the development and adjustment stage of an algorithm, designing features manually occupies much time and energy for the researchers, and the final results often remain dependent on experience and luck to a certain extent. With the development of neural networks, deep convolutional networks have provided researchers with new ideas of image feature extraction and sample representation. The sample can be automatically transformed from a high-level abstract representation to a series of linear combinations and nonlinear transformations stacked layer by layer. By extracting the feature information of an image, one can effectively avoid the inefficiency and cumbersomeness of manually designing features [11,12,13,14].
Furthermore, deep networks of multiple hidden layers are often able to provide a more profound and essential characterization of the original input data than networks with a single hidden layer, thereby learning more advanced data feature representations [15,16].
For pathological images of breast cancer, brain cancer, and lung cancer, there have been many examples of using deep convolutional network models for feature extraction and sample representation, and good results have been achieved [17,18,19,20,21,22,23,24].
Scientific research teams across the world use cervical WSIs to diagnose the degree of cervical cancer and the accuracy of WSI classification is relatively high when the degree of the disease varies greatly, especially when the classification accuracy of normal and cancerous images is almost 100%, but the overall classification accuracy is low. P. Huang et al. [25] proposed a method for the classification of pathological cervical images based on the least absolute shrinkage and selection operator (LASSO) and ensemble learning-support vector machine, and they explored the classification relationship between images of different stages in a comprehensive manner; for pathological tissue images with large differences in disease degrees, the upper classification effect was good, especially for the normal and cancerous images, which reached 99.24%, but the recognition accuracy of early lesions was only 84.25%, and the average classification accuracy was not high. Wang, YH et al. [26] proposed a computer-assisted diagnosis system for cervical intraepithelial carcinogenesis using ultra-large-scale cervical histology images to diagnose cervical intraepithelial neoplasia (CIN) along the vertical axis of the squamous epithelium. The changes in nuclear structure and morphology were quantified and classified, and the multiclass support vector machine (SVM) was used to classify 31 case images with an accuracy of 94.25%, but the classification objects were not sufficiently comprehensive, and the clinical practicality was not high. This system has a certain practical value in assisting scientists with case diagnosis and doctor training. This article focuses only on CIN image classification, and there is insufficient research on healthy tissue images and tissue images in the early stages of diseases. Wei L. et al. [27] proposed an automatic detection method of cervical cancer that analyzes and extracts texture features via the gray-level co-occurrence matrix (GLCM) of case images and uses the k-means and marker-controlled watershed algorithms to segment and fuse the images. The GLCM and pathological area characteristics are obtained, and finally, SVM is used for classification and recognition. The classification accuracy of the recognized cancer under normal classifications is 90%, but the early classification accuracy of lesion tissue images is only 70%. The classification objects are not sufficiently comprehensive, and the average classification accuracy rate is not high enough to achieve a strong clinical diagnosis effect. Guo P. et al. [28] proposed an automated and localized method based on fusion to assess abnormalities in cervical cancer tissues. After using SVM and the linear discriminant analysis method by a vote on the vertical stages of 61 image cases, the highest accuracy rate of CIN classification was 88.5%, and the overall classification effect was not good, especially in the recognition of healthy people’s cervical tissue and tissue in the early stages of diseases. Keenan S.J. et al. [29] developed a machine vision system using the KS400 macro programming language and tried to use automatic machine vision to develop an objective scoring system for 230 CIN images at all levels of disease. The classification effect for normal and CIN3 images in the scoring system was as high as 98.7%, and the accuracy rate for microcytosis and CIN1 images was 76.5%. This article did not explore the possible relationship between cervical cancer stages and CIN or between normal and microcytosis tissue biopsy images.
However, for the classification of pathological cervical cancer tissue images, in the method to extract shallow convolutional networks and traditional image features, due to high redundancy, low correlation, low sparseness, and sample indication problems, such as weak classification ability, the recognition result is poor [10].

1.3. Aims of the Study

(1)
This research aims to solve the problems of missed detection and misdiagnosis caused by the high similarity of cervical pathological tissue images and reliance on the experience of pathologists and to solve the problem of low overall screening efficiency caused by large reading data.
(2)
The purpose of this research is to explore further the influence of fusion depth features of the four classification effects of tissue images of the new classification standard for cervical cancer tissue images.

2. Method

2.1. Dataset

The cervical tissue biopsy image dataset used in this article came from the First Affiliated Hospital of Xinjiang Medical University. These data were reviewed by the Medical Ethics Committee and were desensitized. The patients’ permission was obtained. There were 468 RGB images in total, each with a resolution of 3456 × 4608, as shown in Figure 1, of which 150 were normal, 85 were low-grade squamous intraepithelial lesion (LSIL), and 104 were high-grade squamous intraepithelial lesion (HSIL). There were 129 images of cancer. After processing via the image enhancement method proposed in this article, the enhanced, small-size cervical tissue biopsy image dataset had a total of 100,020 images, each with a resolution of 200 × 200 (RGB) pixels, as shown in Figure 2, including 50,370 normal images, 11,914 LSIL images, 16,677 HSIL images, and 21,059 cancer images. Among them, 90% of the images were used as the training set, and 10% were used as the test set, as shown in Figure 2.
In Figure 1, it was observed that the epithelial cells showed an increase in the number of atypical immature cells from the top (Area 1) to bottom (Area 2). In addition, as the degree of lesions increased, the number of atypical immature cells in the cervical biopsy tissue images also increased. This number of cells increased sequentially and became increasingly cancerous, which was reflected in the phenomenon that the nucleus-to-cell ratio of the cells became larger, and the cytoplasm deepened and became thicker. We found that the difference between Figure 1a,b was small, and the difference between Figure 1c,d was small. The cell morphology in the four pictures was varied and contained very rich information, and the similarity was very high. From this perspective, it is very difficult to describe the cervical pathological tissue image comprehensively through the use of traditional image features, which leads to an unsatisfactory final classification effect, especially in the early stage of disease.

2.1.1. New Classification Standards

The naming scheme of the WHO (2014) classification of female reproductive system tumors was used for cervical squamous cell precancerous lesions (Table 1), where LSIL is defined as a kind of clinical and pathological change caused by HPV infection. Squamous intraepithelial lesions have a low risk of canceration currently or in the future. Synonyms for LSIL include cervical intraepithelial neoplasia Grade I (CIN1), mild atypical hyperplasia, flat condyloma, and keratocytosis. HSIL is defined as follows: If left untreated, this squamous intraepithelial lesion has a significant risk of progressing to invasive cancer. Synonyms for HSIL include cervical intraepithelial neoplasia grade II (CIN2), cervical intraepithelial neoplasia grade III (CIN3), moderate atypical hyperplasia, severe atypical hyperplasia, and squamous epithelial carcinoma in situ [2].

2.1.2. Introduction to Image Features

This paper used the fine-tuned deep network model to extract deep convolution features. A total of five depth models were trained. The dimensions of the extracted deep convolution features are shown in Table 2, and the feature visualization is shown in Figure 3.
Traditional image features (TIF): This paper mainly used a local binary pattern (LBP) and a histogram of oriented gradient (HOG) to extract features separately and then serially merged them into TIF vectors.
This paper used an LBP [30,31] algorithm to extract image texture features. LBP is a parameterless texture descriptor. LBP has the advantages of being simple and effective and having a strong recognition ability and low computational complexity. The gray value extracted by LBP was used to draw the gray statistics histogram, and the specific method is shown in Formula (1). A neighborhood in standard LBP is defined by a radius because square neighborhoods do not cover the entire image. The gray values of each circular neighborhood were obtained by comparing the gray values of the pixels on the circular border with the center pixel and then clockwise encoding at 90 degrees to obtain a re-encoded grayscale image in turn. The specific process is shown in Figure 4. The form of the LBP descriptor is shown in Formula (2).
H f ( k ) = n k n , n = 1 , 2 , , M 1
where H f ( k ) represents the frequency of gray value k after encoding, n represents the number of pixels in the numbered image, n k represents the sum of pixels of the gray value k, and M represents the number of gray values in the encoded image.
L B P R , N ( g o ) = i = 0 N 1 p ( g i g o ) × 2 i , p ( x ) = { 1 , x 0 0 , x > 0   ,   R = ( x 1 x 2 ) 2 + ( y 1 y 2 ) 2
where R represents the radius of the circular neighborhood. The minimum unit is the Euclidean distance D between the four neighboring pixels of the image, and the distance is 1. Calculated through the defined R formula, the D value of the center pixel four-neighborhood is 1, the D value of the eight-neighborhood is 2, the D value of the 16-neighborhood is 3, and so on. n represents the number of pixels in the circular area, and g o and g i represent the gray values of the central pixel and the i-th pixel in the circular neighborhood, respectively. When R = 1, the boundary point is the eight-neighborhood of the center pixel, and when R = 2, p = 16, the center pixel and the eight-neighborhood are considered as a whole to form a new center pixel. The boundary point is the 16-neighborhood of the new central pixel, and so on.
HOG [32,33] features have a strong image structure and contour description capabilities as well as a strong recognition effect on the description of local areas. HOG features are also suitable for describing texture features. Texture features have local irregularity and macro regularity. Using appropriate HOG cell units to divide the image and extracting HOG features can obtain the changing pattern of the overall texture features of the image. Choosing HOG cell units that are too small results in local features that are too fine and macro features that are unclear and computationally complex. If the selected HOG cell unit is too large, the local feature description is incomplete, which is not conducive to generalizing the macro features. The cell unit size used in this paper was 10 × 10.

2.2. Image Processing

Random cropping based on grayscale matching: Random cropping was performed for each cervical image. The cropped size was 200 × 200 × 3, but there were images without cell nuclei. Obviously, such an image was useless at the training of the depth model. The sum of absolute differences (SAD) [34] used grayscale matching to remove such cropped subimages, as expressed in Formula (3) and manually cropped the verification set to obtain the optimal threshold D T . The random cropping function is defined as y p m = C r o p ( y s n , s i z e ) , and its core formula is shown in (4) and (5).
D ( i , j ) = s = 1 M t = 1 N | S ( i + s 1 , j + t 1 ) T ( s , t ) |
y p m = y s n ( i d 1 + p : ( i + 1 ) d 1 , j d 2 + q : ( j + 1 ) d 2 , z )
{ d 1 = s i z e [ 0 ] d 2 = s i z e [ 1 ] z = z   , { 0 i x / s i z e [ 0 ] 0 j y / s i z e [ 1 ]   , { p = r a n d ( k ) , 0 k x d 1 q = r a n d ( w ) , 0 w y d 2
where d 1 represents the length of the row of the image matrix; d 2 is the length of the column, i , j represent the variables of the number of cropping times; x , y represent the lengths of the row and column of the original image matrix, respectively; k , w represent the value range of randomly cropped row and column position variables; p , q represent randomly generated row and column values; S represents the cropped image matrix; T represents the template cropped image that meets the requirements; and s , t are used to match the row and column variables of the cropped image.
Random translation: The random translation function is defined as y p k + 1 = W a r p ( y p m ) . When implementing this function, a movement matrix M is constructed first. The specific formula is shown in (6).
y p k + 1 = y p m M   , { M = | 1 0 t x 0 1 t y | t x = r a n d ( x ) , t x = r a n d ( y )
Random rotation: The random rotation function is defined as y p k + 2 = R o t a t i o n ( y p m ) . When implementing this function, a rotation matrix M is constructed first. The specific formula is shown in (7).
y p k + 2 = y p m M   , { M = | c o s θ s i n θ s i n θ c o s θ | θ = r a n d ( 360 )
Random zoom: The random zoom function is defined as y p k + 1 = Z o o m ( y p m ) . Zooming is performed by dividing the image and selection points. The specific formula is shown in (8).
y p k + 3 = y p m   ( 0 : m : x , 0 : n : y , z ) ,
{ m = r a n d ( s i z e [ 0 ] ) n = r a n d ( s i z e [ 1 ] )
Random brightness adjustment: The random brightness adjustment function is defined as y p k + 4 = B r i g h t ( y p m ) . When implementing this function, a movement matrix M is constructed first. The specific formula is shown in (9).
y p k + 4 = y p m   ( x , y , z + k ) ,
k = r a n d ( 255 ) + r a n d ( 255 )
Image normalization: To prevent the information on the low-value area from being concealed by the information on the high-value area, the image is normalized.
Y o = Y o / 255.0
The pseudocode for the image enhancement process of this article is shown in Algorithm 1.
Algorithm 1 Image Enhancement Processing
Input: Y I .
Output: Y o
1   Y I is the original image matrix, Y o is the enhanced image matrix.
2  FOR p = 1: s //s is the number of image samples
3    Implement random cropping based on grayscale matching for y s n :
4    (i) Perform random cropping, according to Formulas (4) and (5):
5       y p m = C r o p ( y s n , s i z e ) .
6    (ii) Determine whether the following conditions are met: D ( i , j ) < D T
7       Y o = Y o y p m
8 Randomly shift the randomly cropped image tensor y p m according to Equation (6):
9     y p k + 1 = W a r p ( y p m )   t h e n   Y o = Y o y p k + 1
10  Randomly rotate y p m according to Formula (7):
11     y p k + 2 = R o t a t i o n ( y p m )   t h e n   Y o = Y o y p k + 2
12   Randomly scale y p m according to Formula (8):
13     y p k + 3 = Z o o m ( y p m )   t h e n   Y o = Y o y p k + 3
14   Randomly adjust the brightness of y p m according to Equation (9):
15     y p k + 4 = B r i g h t ( y p m )   t h e n   Y o = Y o y p k + 4
16  Normalize the enhanced, small-sized image according to Equation (10):
17     Y o = Y o / 255.0
18 END
19 Return Y o

2.3. Fine-Tuned Transfer Model

In this paper, the Calling the Applications module of the deep learning framework Keras, and the DenseNet121, ResNet50 v2, Inception v3, and Inception-ResNet models were pre-trained on ImageNet [35] data and used for transfer learning. Because the images in ImageNet had a large gap between images of cervical pathology, and the image features recognized by the top convolutional layer were more abstract and specific, this paper used only the weight of the 1st convolutional layer of the pre-trained model.
The last layer of the deep network model pre-trained on ImageNet was excessively specialized, and the last layer (pre-trained models of applications of Keras) was obviously not suitable for transfer learning. Thus, this layer was deleted.
The most important aspects of transfer learning are the setting of the learning rate, the selection of the loss function, the configuration of the optimizer, and the measures for the prevention of overfitting.
The loss function is the objective function in transfer learning, and it is an indicator of the directions of weight changes. The choice of the loss function directly determines the quality of the result of transfer learning. This article used the categorical cross-entropy (CE) [36] function as the loss function. The basic principle is shown in Equation (11):
C E ( x ) = i = 1 C y i l o g f i ( x )
where x represents the input sample, C is the expected total number of classifications, y i is the i -th true label, and f i ( x ) corresponds to the output value of the model.
The optimizer is also one of the most important parameters in transfer learning. In this paper, stochastic gradient descent (SGD) [37] was used as the optimization algorithm. It updates only once per epoch without redundancy and is fast. The basic principle is shown in Equation (12).
θ = θ η · θ J ( θ j ; x ( i ) ; y ( i ) )
where η is the learning rate, also known as the step size, which is one of the most important parameters in transfer training. An excessively large learning rate causes the gradient to disappear, so the optimal solution cannot be found or the convergence time is too long. The learning rate was 0.1 for epochs 0–60, 0.01 for epochs 61–120, 0.001 for epochs 121–180 epochs, and 0.0001 for epochs 181 and above in this paper. x ( i ) represents the sample data onto the i-th epoch.
In transfer learning, overfitting occurs frequently and has a large impact on the training results. The main method to prevent overfitting is data augmentation. In addition, in the top layer designed in this paper, the convolution kernel was regularized, and the dropout layer and batch normalization [38] layer were added after the full connection in Figure 5. The relevant parameters of the fully connected layer and the regularization layer are shown in Table 3.
The regularization and processing algorithm used in this paper was LASSO [39], and the basic principle implemented in the convolution kernel is shown in Equation (13).
m i n w i = 1 m ( y i w T x i ) 2 + λ w 1
where y i represents the predicted label value, w T x i represents the predicted label value, λ represents the L1 regularization coefficient, and λ w 1 represents the L1 regularization processing on the weight.
The forward calculation formulas for the dropout layer [40] used in the article are shown in Equations (14) and (15):
r j ( l ) ~ B e r n o u l l i ( p )   , y a v r ( l ) = r ( l ) y ( l )
z i ( l + 1 ) = w i ( l + 1 ) y a v r ( l ) + b i ( l + 1 )   , y i ( l + 1 ) = f ( z i ( l + 1 ) )
where r j ( l ) obeys the Bernoulli binomial distribution of probability p and r ( l ) is the generated 0,1 vector. By setting the activation value of 0, some nodes in layer l of the network stop working, and for the input of layer l + 1 , only the nonzero nodes in layer l + 1 are considered (in fact, all nodes are considered, but the output is a node of 0 that has no effect on the next layer of the network, and it cannot update its related network weights during backpropagation).

2.4. Deep Convolution Feature Fusion Mechanism Based on Analysis of Variance-F Value-Spectral Embedding (AF-SENet)

In this paper, the DenseNet121, ResNet50 v2, Inception v3, and Inception-ResNet models were pre-trained on the ImageNet dataset and then transferred to the pathological cervical tissue image dataset for further fine-tuning [41]. The different trained models may contain complementary information. To explore this possible information complementarity, this paper proposed the use of the analysis of variance-F value (ANOVA F)-spectral embedding strategy to analyze the changes in the ANOVA F values for different fusion combinations. Spectral embedding [42] was then used for fusion mapping. The softmax classifier was used for classification. The fused subnet is own in Figure 5.
In this section, the deep convolutional network feature tensor extracted from a single model after migration fine-tuning is represented by X = { X 1 s , X n 1 s , X n s } , where n represents the number of samples and s is the length of the row in the depth feature matrix (the feature-length of the sample). In this section, ANOVA F was used to evaluate the redundancy and correlation between different combinations of deep convolutional features. Analysis of variance (ANOVA) mainly explores the contributions to features of the between-group variance and within-group variance in datasets. The definition of the variance value is shown in Equations (16) and (17).
g r o u p   e r r o r :   S A = i = 1 n n i ( X i ¯ X ¯ ) 2
W i t h i n g r o u p   e r r o r :   S E = i = 1 s j = 1 n n i ( X j i ¯ X i ¯ ) 2
According to Formulas (16) and (17), the test statistic f can be constructed as follows:
f = S A / ( s 1 ) S E / ( n 1 )
where S A represents the sum of variance values between different samples in the depth feature sample matrix and S E represents the sum of variance values between different features in the depth feature sample matrix.
This paper proposed the ANOVA F-spectral embedding algorithm to select sample features and reduce the dimension to reduce the time complexity of training the subnets under the premise of ensuring high classification accuracy. First, a selection was performed by using the test statistic f . The f -value of each feature of the sample image feature matrix X was calculated. Second, the f -values of the sample features were summed to obtain the total value defined as s u m _ f . The average f -value ( f ¯ ) was constructed to measure the importance of each feature of the entire feature set; f ¯ is shown in Equation (19).
f ¯ = f i i n f i
According to the size of f ¯ , the features were sorted in descending order, and the s u m _ f ¯ of the first i sample features was calculated. If s u m _ f ¯ > 99.9%, the feature selection process was stopped, and the subsequent features were eliminated.
Based on the above selection of features, there were many redundant features. The effect of traditional feature selection methods of objective functions (labels) is not ideal, and linear methods, such as Principal Components Analysis (PCA) and Linear Discriminant Analysis (LDA), can be easily used to perform feature space transformations. The loss of the nonlinear relationships to samples is meant to avoid these problems. The ANOVA F-spectral embedding algorithm is shown in Algorithm 2.
Algorithm 2 ANOVA F-spectral Embedding
Input: X I .
Output: X o
 1    X I is the sample image feature matrix, X o is the selected and transformed sample image feature matrix.
 2   FOR i = 1: n //n is the dimension of a feature in the feature matrix of the image sample.
 3   Calculate the f -value of each feature according to Formula (18).
 4    f v e c t o r = f v e c t o r   U   f
 5    s u m f + = f i // s u m f is the sum of the f-values of the sample features, f i is the f-value of the i-th feature.
 6  END
 7  Calculate the f ¯ v e c t o r value of each feature according to Formula (18), sort f ¯ v e c t o r in descending order
 8 FOR i = 1: n
 9  IF (sum + = f ¯ v e c t o r ( i ) ) < 99.9%
 10    X = X I ( i )
 11   END
 12 END
 13  Transform X into a graph representation using the affinity (adjacency) matrix representation.
 14  Construct an unnormalized Laplacian graph as L = D A and a normalized graph as L = D 1 / 2 ( D A ) D 1 / 2 .
 15  Perform eigenvalue decomposition on the Laplacian graph after performing the above treatment on X o .
 16 Return X o

2.5. Feature Analysis

For the problem of feature classification, there are a variety of indicators to evaluate the pros and cons of features, including the correlation between features and categories, the redundancy of the features themselves, and the sparsity of features in the feature matrix. In this paper, to explore the advantages and disadvantages of deep convolutional network features and traditional image features of cervical cancer as well as the ability to represent image samples, the chi-square test (Chi2) is shown in Equation (20), and the ANOVA F(AF) test is shown in Equations (16)–(18). These tests explore the redundancy and correlation of features, using the average tree attributes of extremely randomized trees (ETs) [43] to measure the importance of each feature.
C H I ( x , y ) = χ 2 ( x , y ) = ( A T ) 2 T
where A is the actual value, and T is the predicted value.
x ¯ = x i i n x i
Based on the introduction to Section 2.1, Section 2.2, Section 2.3, Section 2.4 and Section 2.5, this article drew the overall implementation in Figure 6.Block diagram of the AF-SENet algorithm, as shown in Figure 6. The complete process includes using the DenseNet121, ResNet50 v2, Inception v3, and Inception-ResNet models pre-trained on ImageNet data and freezing the lowest layers. The pre-training model was used to extract the deep convolution features, and the ANOVA F-spectral embedding algorithm was used for dimension reduction. Serial fusion was performed, and the training subnet was input. The training subnet had two fully connected layers (the number of neurons is 4096) and an output layer, which contained a four-class softmax classifier.

2.6. Evaluation Criteria

In this article, the Receiver Operating Characteristic (ROC) curve was used to evaluate the generalization ability of the model. The ROC curve is one of the most commonly used indicators in the evaluation of artificial intelligence models. The true-positive rate (TPR) was calculated, as expressed in Formula (22), and the false-positive rate (FPR) was calculated, as expressed in Formula (23) each time, with the TPR as the vertical axis of the ROC curve and the FPR as the horizontal axis of the ROC curve.
T P R = T P T P + F N
F P R = F P T N + F P
where TP, FN, FP, and TN are the true-positive examples, false-negative examples, false-positive examples, and true-negative examples, respectively, in the confusion matrix of the classification results.
Suppose that the sample size of the data to be analyzed by ROC is m, and the number of classifications of the sample is n, so a label matrix L of [m, n] can be obtained. The value is 0 or 1. Correspondingly, if we predicted the probability that each sample would fall into each category of the outcome of the statistical model, we could also obtain a probability matrix p of [m, n], and the value of the matrix p was 0–1.
Micro method: Expand the matrices L and p by rows, and form two columns of length mxn after transposing. In this way, the multicategory outcome can be converted into a two-category situation, followed by the classic two-category outcome. ROC analysis is sufficient.

3. Results and Discussion

3.1. Experimental Conditions

All program codes in this article were developed based on the Python language, and the specific software and hardware configurations are shown in Table 4.

3.2. Multitype Features and Fusion Analysis

In this paper, the depth features mainly extracted the convolutional features and TIFs of the DenseNet121, ResNet50 v2, Inception v3, Inception-ResNet, and VGG19 models, and the TIFs used the HOG features. LBP features were obtained by serial fusion. To intuitively judge the pros and cons of the indicators through the data distribution, this paper analyzed the Chi2, AF, ETs, and SP of the traditional image features arranged in descending order.
In Figure 7a–c, the abscissa represents only the feature-length, not the specific feature number. To observe the effects on the AF and Chi2 indicators for a single feature of the entire sample, as well as their changes, the weight was normalized, and the calculation formula is shown in Equation (20).
First, this paper combined the fine-tuned DenseNet121, ResNet50 v2, Inception v3, and Inception-ResNet models. The combined relationship and number codes are shown in Table 2.
From the analysis of Table 2 and Figure 7, it can be seen that the sparseness of deep convolutional features was higher than that of traditional features, and the individual contributions to deep convolutional features were more balanced with indicators, such as ET weight, ANOVA F weight, and Chi2 weight, and the indicator curve dropped. The sparseness of the VGG19 model was slightly abnormal.

3.3. Accuracy of Classification before and after Fusion

Various models were compared. The combined classification accuracy rate and the classification accuracy rate of each subcategory were compared with those of a single model, and a horizontal comparison was performed with the VGGNet19 model, as shown in Table 5 and Figure 8, Figure 9 and Figure 10.

3.4. Model Evaluation

The ROC curve was used to evaluate the single models, the combined models, and the VGGNet19 model. The evaluation effects are shown in Figure 11, and the Area Under Curve (AUC) value of each model is shown in Table 6.
Since the micro-ROC and micro-AUC values were used as the evaluation indicators for the models, the number of images after data enhancement reached 100,000, and the test sample had more than 17,000 images. The gaps between the ROC curves of the models were not particularly large, most of the curves had only slight differences between them, and the drawing effect was not good. This paper combined the convolutional features of the ResNet50v2 and DenseNet121 models to perform the best classification. The micro-AUC reached 0.9989, and the average classification accuracy rate was 95.29%. The effect of using VGGNet19 was the least ideal. The micro-AUC was only 0.9506, and the average classification accuracy was only 78.37%. Using the traditional image features to classify images by the AF-SENet model proposed in this paper, the micro-AUC was only 0.8952, and the classification accuracy was only 68.31%.
By combining Table 5 and Table 6, we can find that the fused combination of ResNet50 v2-DenseNet121 ( C 5 ) had an average improvement in classification accuracy of 1.07% over that of ResNet50 v2 and a 1.05% improvement over that of DenseNet121. The recognition ability of the fused model on LSIL was especially improved, reaching 90.89%, which was an increase of 2.88% over ResNet50 v2 and an increase of 2.1% over DenseNet121. For the micro-AUC, the fused model achieved an increase of 0.0018 over ResNet50 v2 and an increase of 0.001 over DenseNet121. The fused combination of Inception v3 and Inception-Resnet ( C 10 ) had an improvement in average classification accuracy of 1.61% over Inception v3 and an improvement of 0.97% over Inception-Resnet. It also achieved an improvement in micro-AUC of 0.0027 over Inception v3, which was an increase of 0.0012 over Inception-Resnet.

3.5. Comparison between the Optimal Model in this Paper and Traditional Machine Learning Methods under Different Characteristics

In this paper, 90% of the extracted deep feature samples and TIF feature samples were divided into training sets to train the machine learning algorithms, and 10% were divided into test sets for testing. The test results are shown in Figure 7. The SciKit-learn module in Python was used to implement random forest, SVM, and k-Means.
Combining Table 5 and Table 7 clearly shows that in different classification algorithms, the accuracy for TIFs was far lower than that of a single deep convolutional feature and even lower than that of a fused deep convolution feature. It can then be seen that TIFs represented a pathological image of the cervix. The classification ability was far weaker than that of a single deep convolutional feature, and the classification ability of a single deep convolutional feature was weaker than that of a fused deep convolutional feature.

4. Conclusions

In this paper, we noted that the accurate identification and classification of cervical cancer relies on the professional knowledge and analytical experience of pathologists. Missed detection and misdiagnoses often occur due to the high similarity in pathological cervical images, the large number of readings, the long reading time, and the insufficient experience levels of pathologists. Under this general background, we explored the underlying reasons for the low recognition accuracy of the existing computer-assisted methods of the recognition of pathological cervical tissue images and the insufficient recognition of the objects, and we solved the problem of existing models lacking feature extraction and expression capabilities and lacking deep learning with small samples. Their pathological classifications are not sufficiently detailed. Deep convolutional features were extracted by designing pre-trained ResNet50 V2, DenseNet121, VGG19, Inception V3, and Inception-ResNet deep network models, and LBP, HOG, and other algorithms were used to extract traditional image features of pathological cervical images. Decision fusion parameters, such as ET Weight, ANOVA F Weight, Chi2 weight, and other indicators, were then designed to qualitatively and quantitatively explore the differences between deep convolutional features and traditional image features in the representation of pathological cervical image samples. The new cervical cancer classification standard was explored to analyze the influence of the fusion of convolution features of different depths and the combination of different classifiers on the accuracy of pathological image classification. Finally, a pathological image classification algorithm for cervical cancer (AF-SENet) was formed by fusing convolutional features, and it is the first comprehensive identification algorithm for the various pathological stages of cervical cancer. Experiments proved that the optimal fusion of deep convolutional features proposed in this paper can better express pathological cervical images than traditional image features and shallow convolutional features. The proposed fusion subnet AF-SENet is effective against cervical cancer pathology. The four classification accuracy rates for the images reached 95.33%, which shows a higher clinical value than existing computer-aided algorithms. However, due to the rigor of clinical experiments and the difficulty of obtaining pathological data, the algorithm proposed in this paper has not been subjected to corresponding clinical double-blind verification experiments, and the overall recognition accuracy rate has room for further improvement.

Author Contributions

Conceptualization, X.T., Y.L., and P.H.; Methodology, P.H. and Y.L.; Software, P.H. and C.C.; Investigation, P.H. and X.L.; Resources, X.L.; Data Curation, C.C.; Writing—Original Draft Preparation, P.H.; Writing—Review & Editing, X.T. and Y.L.; Visualization, P.H. and C.C.; Supervision, X.L.; Project Administration, X.L.; Funding Acquisition, X.L. All authors have read and agreed to the published version of the manuscript.

Funding

The Science and Technology Project on Aid to Xinjiang Uygur Autonomous Region (2019E0215); The National Science Foundation of China (61765014), and Xinjiang Uygur Autonomous Region Science Foundation for Distinguished Young Scholars (2019Q003).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

Thanks to the First Affiliated Hospital of Xinjiang Medical University for providing experimental data and Xinjiang University Software College for providing computing equipment.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. The American College of Obstetricians and Gynecologists. Cervical Cancer Screening and Prevention. Obstet. Gynecol. 2016, 168, 1–20. [Google Scholar]
  2. Kurman, R.J.; Carcangiu, M.L.; Herrington, C.S.; Young, R.H. WHO Classification of Tumours of Female Reproductive Organs, 4th ed.; IARC: Lyon, France, 2014; pp. 172–184. [Google Scholar]
  3. Liu, J.; Peng, Y.; Zhang, Y. A Fuzzy Reasoning Model for Cervical Intraepithelial Neoplasia Classification Using Temporal Grayscale Change and Textures of Cervical Images during Acetic Acid Tests. IEEE Access 2019, 7, 13536–13545. [Google Scholar] [CrossRef]
  4. Toliman, P.J.; Phillipsm, S.; de Jong, S.; O’Neill, T.; Tan, G.; Brotherton, J.M.L.; Saville, M.; Kaldor, J.M.; Vallely, A.J.; Tabrizi, S.N. Evaluation of p16/Ki-67 dual-stain cytology performed on self-collected vaginal and clinician-collected cervical specimens for the detection of cervical pre-cancer. Clin. Microbiol. Infect. 2020, 26, 748–752. [Google Scholar] [CrossRef] [PubMed]
  5. Liang, H.; Fu, M.; Zhou, J.; Song, L. Evaluation of 3D-CPA, HR-HPV, and TCT joint detection on cervical disease screening. Oncol. Lett. 2016, 12, 887–892. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  6. Rivera, R.; Madera, J. Diagnostic accuracy of conventional cervical cytology (papanicolau smear), liquid based cytology and visual inspection with acetic acid in detecting premalig-nant and malignant cervical lesions among filipino women in a tertiary hospital. Int. J. Gynecol. Cancer 2019, 29, A569. [Google Scholar]
  7. Liu, Y.; Zhang, L.; Zhao, G.; Che, L.; Fang, J. The clinical research of Thinprep Cytology Test (TCT) combined with HPV-DNA detection in screening cervical cancer. Cell. Mol. Biol. 2017, 63, 92. [Google Scholar] [CrossRef] [PubMed]
  8. Bryan, K. Histopathological evaluation of colposcopic biopsies, LLETZ and cold knife cone biopsies of the uterine cervix in post-menopausal women: Considerations in the setting of the new Australian cervical HPV DNA screening program. Pa Thology 2019, 51, 752–755. [Google Scholar]
  9. Lu, Z.; Chen, J. Introduction of WHO classification of tumours of female reproductive organs, fourth edition. Chin. J. Pathol. 2014, 43, 649–650. [Google Scholar]
  10. Gurcan, M.N.; Boucheron, L.E.; Can, A.; Madabhushi, A.; Rajpoot, N.M.; Yener, B. Histopathological Image Analysis: A Review. IEEE Rev. Biomed. Eng. 2009, 2, 147–171. [Google Scholar] [CrossRef] [Green Version]
  11. Hinton, G.E.; Salakhutdinov, R.R. Reducing the dimensionality of data with neural networks. Science 2006, 313, 504–507. [Google Scholar] [CrossRef] [Green Version]
  12. Babenko, A.; Slesarev, A.; Chigorin, A.; Lempitsky, V. Neural Codes for Image Retrieval. In Computer Vision—Eccv 2014; Fleet, D., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Lecture Notes in Computer Science; Springer: Berlin, Germany, 2014; Volume 8689, Pt I, pp. 584–599. [Google Scholar]
  13. Graves, A.; Liwicki, M.; Fernandez, S.; Bertolami, R.; Bunke, H.; Schmidhuber, R. A Novel Connectionist System for Un-constrained Handwriting Recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 31, 855–868. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  14. Hinton, G.E.; Osindero, S.; Teh, Y.-W. A Fast Learning Algorithm for Deep Belief Nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef]
  15. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  16. Zeiler, M.D.; Fergus, R. Visualizing and Understanding Convolutional Networks. In Computer Vision—Eccv 2014; Fleet, D., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Lecture Notes in Computer Science; Springer: Berlin, Germany, 2014; Volume 8689, Pt I, pp. 818–833. [Google Scholar]
  17. Deng, S.; Zhang, X.; Yan, W.; Chang, E.I.C.; Fan, Y.B.; Lai, M.D.; Xu, Y. Deep learning in digital pathology image analysis: A survey. Front. Med. 2020, 14, 470–487. [Google Scholar] [CrossRef]
  18. Krithiga, R.; Geetha, P. Breast Cancer Detection, Segmentation and Classification on Histopathology Images Analysis: A Systematic Review. Arch. Comput. Methods Eng. 2020, 1–13. [Google Scholar] [CrossRef]
  19. Lu, Z.X.; Xu, S.W.; Shao, W.; Wu, Y.; Zhang, J.; Han, Z.; Feng, Q.J.; Huang, K. Deep-Learning-Based Characterization of Tu-mor-Infiltrating Lymphocytes in Breast Cancers from Histopathology Images and Multiomics Data. JCO Clin. Cancer Form. 2020, 4, 480–490. [Google Scholar]
  20. Cong, L.; Feng, W.; Yao, Z.; Zhou, X.; Xiao, W. Deep Learning Model as a New Trend in Computer-aided Diagnosis of Tumor Pathology for Lung Cancer. J. Cancer 2020, 11, 3615–3622. [Google Scholar] [CrossRef] [PubMed]
  21. Nadeem, M.W.; Ghamdi, M.A.A.; Hussain, M.; Khan, M.A.; Khan, K.M.; Almotiri, S.H.; Butt, S.A. Brain Tumor Analysis Empowered with Deep Learning: A Review, Taxonomy, and Future Challenges. Brain Sci. 2020, 10, 33. [Google Scholar] [CrossRef] [Green Version]
  22. Xu, Y.; Jia, Z.; Wang, L.-B.; Ai, Y.; Zhang, F.; Lai, M.-D.; Chang, E.I.-C. Large scale tissue histopathology image classification, segmentation, and visualization via deep convolutional activation features. BMC Bioinform. 2017, 18, 1–17. [Google Scholar] [CrossRef] [Green Version]
  23. Kanavati, F.; Toyokawa, G.; Momosaki, S.; Rambeau, M.; Kozuma, Y.; Shoji, F.; Yamazaki, K.; Takeo, S.; Iizuka, O.; Tsuneki, M. Weakly-supervised learning for lung carcinoma classification using deep learning. Sci. Rep. 2020, 10, 1–11. [Google Scholar] [CrossRef]
  24. Wang, X.; Chen, H.; Gan, C.; Lin, H.; Dou, Q.; Tsougenis, E.; Huang, Q.; Cai, M.; Heng, P.-A. Weakly Supervised Deep Learning for Whole Slide Lung Cancer Image Analysis. IEEE Trans. Cybern. 2019, 50, 3950–3962. [Google Scholar] [CrossRef] [PubMed]
  25. Huang, P.; Zhang, S.; Li, M.; Wang, J.; Ma, C.; Wang, B.; Lv, X. Classification of Cervical Biopsy Images Based on LASSO and EL-SVM. IEEE Access 2020, 8, 24219–24228. [Google Scholar] [CrossRef]
  26. Wang, Y.; Crookes, D.; Eldin, O.S.; Wang, S.; Hamilton, P.; Diamond, J. Assisted Diagnosis of Cervical Intraepithelial Neoplasia (CIN). IEEE J. Sel. Top. Signal. Process. 2009, 3, 112–121. [Google Scholar] [CrossRef] [Green Version]
  27. Wei, L.; Gan, Q.; Ji, T. Cervical cancer histology image identification method based on texture and lesion area features. Comput. Assist. Surg. 2017, 22, 186–199. [Google Scholar] [CrossRef] [PubMed]
  28. Guo, P.; Banerjee, K.; Stanley, R.J.; Long, R.; Antani, S.; Thoma, G.; Zuna, R.; Frazier, S.R.; Moss, R.H.; Stoecker, W.V. Nuclei-Based Features for Uterine Cervical Cancer Histology Image Analysis With Fusion-Based Classification. IEEE J. Biomed. Health Inform. 2016, 20, 1595–1607. [Google Scholar] [CrossRef]
  29. Keenan, S.J.; Diamond, J.; McCluggage, W.G.; Bharucha, H.; Thompson, D.; Bartels, P.H.; Hamilton, P.W. An au-tomated machine vision system for the histological grading of cervical intraepithelial neoplasia (CIN). J. Pathol. 2020, 192, 351–362. [Google Scholar] [CrossRef]
  30. Mazo, C.; Alegre, E.; Trujillo, M. Classification of cardiovascular tissues using LBP based descriptors and a cascade SVM. Comput. Methods Programs Biomed. 2017, 147, 1–10. [Google Scholar] [CrossRef]
  31. Simon, O.; Yacoub, R.; Jain, S.; Tomaszewski, J.E.; Sarder, P. Multi-radial LBP Features as a Tool for Rapid Glomerular De-tection and Assessment in Whole Slide Histopathology Images. Sci. Rep. 2018, 8, 2032. [Google Scholar] [CrossRef]
  32. Ho, T.K.K.; Gwak, J. Multiple Feature Integration for Classification of Thoracic Disease in Chest Radiography. Appl. Sci. 2019, 9, 4130. [Google Scholar] [CrossRef] [Green Version]
  33. Sun, C.; Zhan, Y.K.; Chang, Q.; Liu, T.J.; Zhang, S.H.; Wang, X.; Guo, Q.Q.; Yao, J.P.; Sun, W.D.; Niu, L.J. Evaluation of a deep learning-based computer-aided diagnosis system for distinguishing benign from malignant thyroid nodules in ultrasound im-ages. Med. Phys. 2020, 47, 3952–3960. [Google Scholar] [CrossRef]
  34. Lai, X.; Xu, X.; Zhang, J.; Fang, Y.; Huang, Z. An Efficient Implementation of a Census-Based Stereo Matching and Its Applications in Medical Imaging. J. Med. Imaging Health Inf. 2019, 9, 1152–1159. [Google Scholar] [CrossRef]
  35. Deng, J.; Dong, W.; Socher, R.; Li, L.J.; Li, K.; Li, F.F. Imagenet: A Large-Scale Hierarchical Image Database. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  36. Rusiecki, A. Trimmed categorical cross-entropy for deep learning with label noise. Electron. Lett. 2019, 55, 319. [Google Scholar] [CrossRef]
  37. Kafka, D.; Wilke, D.N. Resolving learning rates adaptively by locating stochastic non-negative associated gradient projection points using line searches. J. Glob. Optim. 2020. [Google Scholar] [CrossRef]
  38. Xu, T.; Feng, Z.-H.; Wu, X.-J.; Kittler, J. Learning adaptive discrimina-tive correlation _lters via temporal consistency pre-serving spatial feature selection for robust visual object tracking. IEEE Trans. Image Process. 2019, 28, 5596–5609. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  39. Luo, Y.; Ji, R.; Guan, T.; Yu, J.; Liu, P.; Yang, Y. Every node counts: Self-ensembling graph convolutional networks for semi-supervised learning. Pattern Recognit. 2020, 106, 107451. [Google Scholar] [CrossRef]
  40. Alhichri, H.; Bazi, Y.; Alajlan, N.; Bin Jdira, B. Helping the Visually Impaired See via Image Multi-labeling Based on SqueezeNet CNN. Appl. Sci. 2019, 9, 4656. [Google Scholar] [CrossRef] [Green Version]
  41. Da Nóbrega, R.V.M.; Rebouçs, P.P.; Rodrigues, M.B.; da Silva, S.P.P.; Dourado, C.; de Albuquerque, V.H.C. Lung nodule malignancy classification in chest computed tomography images using transfer learning and convolutional neural networks. Neural Comput. Appl. 2020, 32, 11065–11082. [Google Scholar] [CrossRef]
  42. Jing, R.; Liu, S.; Gong, Z.; Wang, Z.; Guan, H.; Gautam, A.; Zhao, W. Object-based change detection for VHR remote sensing images based on a Trisiamese-LSTM. Int. J. Remote. Sens. 2020, 41, 6209–6231. [Google Scholar] [CrossRef]
  43. Kocev, D.; Ceci, M.; Stepišnik, T. Ensembles of extremely randomized predictive clustering trees for predicting structured outputs. Mach. Learn. 2020, 109, 2213–2241. [Google Scholar] [CrossRef]
Figure 1. Cervical pathological tissue image, each with a resolution of 3456 × 4608 (RGB).
Figure 1. Cervical pathological tissue image, each with a resolution of 3456 × 4608 (RGB).
Sensors 21 00122 g001
Figure 2. Small-size cervical tissue biopsy image, each with a resolution of 200 × 200 (RGB) pixels.
Figure 2. Small-size cervical tissue biopsy image, each with a resolution of 200 × 200 (RGB) pixels.
Sensors 21 00122 g002
Figure 3. Feature vector extracted by deep model and Traditional image features (TIF).
Figure 3. Feature vector extracted by deep model and Traditional image features (TIF).
Sensors 21 00122 g003
Figure 4. Diagram of the local binary pattern (LBP) descriptor calculation process.
Figure 4. Diagram of the local binary pattern (LBP) descriptor calculation process.
Sensors 21 00122 g004
Figure 5. Framework diagram of the deep network convolutional feature fusion subnet based on ANOVA F-spectral embedding. The loss function of this subnet was the categorical cross-entropy function, the optimization algorithm was stochastic gradient descent, and the learning rate was: 0.1 for epochs 0–60, 0.01 for epochs 61–120, 0.001 for epochs 121–180, and 0.0001 for epochs 181 and above. In the Figure 5, M represents the number of samples in the training set, and n represents the feature-length of each sample after dimension reduction and fusion. FC stands for Full Connection layer, BN stands for batch normalization layer, and s is the length of the column in the depth feature matrix (the feature length of the sample, n is the length of the sample.
Figure 5. Framework diagram of the deep network convolutional feature fusion subnet based on ANOVA F-spectral embedding. The loss function of this subnet was the categorical cross-entropy function, the optimization algorithm was stochastic gradient descent, and the learning rate was: 0.1 for epochs 0–60, 0.01 for epochs 61–120, 0.001 for epochs 121–180, and 0.0001 for epochs 181 and above. In the Figure 5, M represents the number of samples in the training set, and n represents the feature-length of each sample after dimension reduction and fusion. FC stands for Full Connection layer, BN stands for batch normalization layer, and s is the length of the column in the depth feature matrix (the feature length of the sample, n is the length of the sample.
Sensors 21 00122 g005
Figure 6. The framework of the proposed method of pathological cervical image classification is based on fusion deep network convolutional features.
Figure 6. The framework of the proposed method of pathological cervical image classification is based on fusion deep network convolutional features.
Sensors 21 00122 g006
Figure 7. Analysis diagrams for deep convolutional features and traditional features of cervical cancer tissue images. (The method for calculating the weights in this figure is shown in Equation (21).) VGG19 means VGGNet19, InRes means Inception-Resnet, Resnet means ResNet50 V2, DenseNet means DenseNet121, and Inception means Inception V3.
Figure 7. Analysis diagrams for deep convolutional features and traditional features of cervical cancer tissue images. (The method for calculating the weights in this figure is shown in Equation (21).) VGG19 means VGGNet19, InRes means Inception-Resnet, Resnet means ResNet50 V2, DenseNet means DenseNet121, and Inception means Inception V3.
Sensors 21 00122 g007
Figure 8. The classification accuracy curve of the VGGNet19 model.
Figure 8. The classification accuracy curve of the VGGNet19 model.
Sensors 21 00122 g008
Figure 9. The classification accuracy curve of some individual models.
Figure 9. The classification accuracy curve of some individual models.
Sensors 21 00122 g009
Figure 10. The classification accuracy curves of the fused models.
Figure 10. The classification accuracy curves of the fused models.
Sensors 21 00122 g010
Figure 11. ROC curves of some models.
Figure 11. ROC curves of some models.
Sensors 21 00122 g011
Table 1. Changes in the classification of precarcinoma of cervical squamous cell carcinoma.
Table 1. Changes in the classification of precarcinoma of cervical squamous cell carcinoma.
TraditionalVersion 3Version 4
Mild atypical hyperplasiaCIN1LSIL
Moderate atypical hyperplasiaCIN2HSIL
Severe atypical hyperplasiaCIN3HSIL
Carcinoma in situCarcinoma in situHSIL
Table 2. Model combinations and feature dimensions. ( represents features for serial fusion).
Table 2. Model combinations and feature dimensions. ( represents features for serial fusion).
NumberingCombined ContentFeature LengthNumberingCombined ContentFeature Length
C 1 ResNet50 v22048 C 10 C 3 C 4 400
C 2 DenseNet1211024 C 11 C 1 C 2 C 3 600
C 3 Inception v32048 C 12 C 1 C 2 C 4 600
C 4 Inception-ResNet 1536 C 13 C 2 C 3 C 4 600
C 5 C 1 C 2 400 C 14 C 1 C 2 C 3 C 4 800
C 6 C 1 C 3 400TIF1408
C 7 C 1 C 4 400VGG19512
C 8 C 2 C 3 400LBP256
C 9 C 2 C 4 400HOG1152
Table 3. Core parameters of each layer of the Analysis of Variance-F value-Spectral Embedding Net (AF-SENet model).
Table 3. Core parameters of each layer of the Analysis of Variance-F value-Spectral Embedding Net (AF-SENet model).
Layer NameNumber of NeuronsExcitation FunctionRegularization
InputsFeature dimensionReLuL1
FC14096ReLuL1
BN1
FC24096ReLuL1
BN2
Classification4Softmax
Table 4. Software and hardware platforms.
Table 4. Software and hardware platforms.
CategoryNameVersion
CPUIntel Core I5 9600KF
GPUNVIDIA GTX1070
Deep learning framework KerasV2.3.1
Table 5. Optimal test classification accuracy of pathological cervical tissue images (unit: %).
Table 5. Optimal test classification accuracy of pathological cervical tissue images (unit: %).
FeatureNormalLSILHSILCancerAccuracy
ResNet50 v294.6988.0194.3696.8494.26
DenseNet12195.4588.7992.5896.4294.28
Inception v393.0787.3793.6095.9492.96
Inception-ResNet94.6687.2093.6394.6693.60
VGGNet1983.6753.2173.3482.9178.37
TIF75.7847.1246.1266.2068.31
C 5 96.0090.8994.5797.1395.33
C 6 94.4588.3293.0195.8793.75
C 7 95.1187.8192.6395.6193.87
C 8 94.6488.7793.0295.9593.91
C 9 95.0288.1692.9795.4793.91
C 10 95.3989.3693.7296.4594.57
C 11 94.8289.9193.3696.3894.28
C 12 95.0888.3293.1795.5094.01
C 13 95.1689.0993.4195.9294.28
C 14 95.1889.0693.5396.0894.33
Table 6. Model micro-AUC values.
Table 6. Model micro-AUC values.
FeatureMicro-AUCClassifierMicro-AUC
ResNet50 v20.9941 C 8 0.9891
DenseNet1210.9949 C 9 0.9871
Inception v30.9891 C 10 0.9918
Inception-ResNet0.9906 C 11 0.9898
VGGNet190.9506 C 12 0.9877
C 5 0.9959 C 13 0.9881
C 6 0.9866 C 14 0.9884
C 7 0.9847TIF0.8952
Table 7. Comparison of the classification accuracy of this article’s optimal deep feature fusion combination (ResNet50 v2-DenseNet121) and the machine learning methods of different features (four categories).
Table 7. Comparison of the classification accuracy of this article’s optimal deep feature fusion combination (ResNet50 v2-DenseNet121) and the machine learning methods of different features (four categories).
Classification Algorithm C 5 TIF
AF-SENet95.33%68.31%
Random Forest94.42%63.54%
Support Vector Machines94.88%65.18%
k-Means93.62%86.77%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Huang, P.; Tan, X.; Chen, C.; Lv, X.; Li, Y. AF-SENet: Classification of Cancer in Cervical Tissue Pathological Images Based on Fusing Deep Convolution Features. Sensors 2021, 21, 122. https://doi.org/10.3390/s21010122

AMA Style

Huang P, Tan X, Chen C, Lv X, Li Y. AF-SENet: Classification of Cancer in Cervical Tissue Pathological Images Based on Fusing Deep Convolution Features. Sensors. 2021; 21(1):122. https://doi.org/10.3390/s21010122

Chicago/Turabian Style

Huang, Pan, Xiaoheng Tan, Chen Chen, Xiaoyi Lv, and Yongming Li. 2021. "AF-SENet: Classification of Cancer in Cervical Tissue Pathological Images Based on Fusing Deep Convolution Features" Sensors 21, no. 1: 122. https://doi.org/10.3390/s21010122

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