A computer vision based method for breast cancer histopathological image classification by deep learning approach

86 29 0
A computer vision based method for breast cancer histopathological image classification by deep learning approach

Đang tải... (xem toàn văn)

Tài liệu hạn chế xem trước, để xem đầy đủ mời bạn chọn Tải xuống

Thông tin tài liệu

BỘ GIÁO DỤC VÀ ĐÀO TẠO TRƯỜNG ĐẠI HỌC MỞ THÀNH PHỐ HỒ CHÍ MINH BÙI HUỲNH THÚY MAI A COMPUTER VISION-BASED METHOD FOR BREAST CANCER HISTOPATHOLOGICAL IMAGE CLASSIFICATION BY DEEP LEARNING APPROACH LUẬN VĂN THẠC SĨ KHOA HỌC MÁY TÍNH TP HỒ CHÍ MINH THÁNG 02 NĂM 2020 BỘ GIÁO DỤC VÀ ĐÀO TẠO TRƯỜNG ĐẠI HỌC MỞ THÀNH PHỐ HỒ CHÍ MINH BÙI HUỲNH THÚY MAI A COMPUTER VISION-BASED METHOD FOR BREAST CANCER HISTOPATHOLOGICAL IMAGE CLASSIFICATION BY DEEP LEARNING APPROACH Chuyên ngành : Khoa Học Máy Tính Mã số chuyên ngành : 60 48 01 01 LUẬN VĂN THẠC SĨ KHOA HỌC MÁY TÍNH Người hướng dẫn khoa học: TS TRƯƠNG HỒNG VINH TP HỒ CHÍ MINH THÁNG 02 NĂM 2020 Contents Acknowledgment ii Abstract iii Notations iv Abbreviations v Literature review of breast cancer histopathological image classification 1.1 Introduction and general considerations 1.2 Goals of the thesis 1.3 Contribution of the thesis 10 1.4 Structure of the thesis 10 1.5 Methodology 11 Foundational theory 12 2.1 Deep neuron network 12 2.1.1 Introduction to deep neuron network 12 2.1.2 Present the techniques of neuron network training 20 2.1.3 Present the popular deep network models 26 Generative Adversarial Networks (GAN) 28 2.2.1 Introduction to GAN 28 2.2.2 Present the techniques of GAN training 31 2.2.3 Present the popular GAN models 32 2.2 Experiment and Discussion 42 3.1 Methodology 42 3.2 Experimental setup 44 3.2.1 BreaKHis dataset 44 3.2.2 BACH dataset 48 3.2.3 IDC dataset 48 3.3 Experimental result on three datasets 50 3.4 Comparing to handcrafted features and deep features for classification 50 Conclusion 53 List of Tables 55 List of Figures 55 Bibliography 57 i Acknowledgment I sincerely thank my advisor, Dr Vinh Truong Hoang - Ho Chi Minh City Open University, for guiding me to complete the thesis ii Abstract Computer vision field has became more active in the recent decades when scientists found to apply mathematical and quantitative analysis Various applications have been using computer vision techniques to improve their productivity such as visual surveillance, robotic, autonomous vehicle, and specially medical image processing Until Geoffrey Hinton and Yann LeCun, both known as “Godfather of deep learning” used Neural Networks and Back Propagation in characters and handwritten prediction given the best result comparing to previous works, the techniques has been became prominent In this thesis, we focus to detect the breast cancer with high accuracy in order to decrease the examination cost in accepted time So, we choose the deep learning to research and evaluate our approach on three datasets such as BreaKHis, BACH and IDC Due to some limitations of deep learning and dataset sizes, we propose the composition of popular techniques to be boosting the efficient classification, they are transfer learning, Generative Adversarial Network (GAN) and neural networks VGG16 & VGG19 are the base models which are applied to extract the high level features space from patch cropped images, naming as multi deep features before being trained by neuron nets So far, there are not any works to leverage GAN power to generate the fake BreaKHis and in our thesis, we use Pix2Pix and StyleGAN model as generator model With the proposed approach, the cancer detection results achieve the better performance to some existing works with 98% in accuracy for BreaKHis, 96% for BACH and 86% for IDC iii Notations l Number of block of layers are stacked together Φ( x ) The hypothesis space in traditional machine learning L(Φ( x )) Loss function for each hypothesis σ Activation function in deep learning f,g Mapping function in deep learning x Input feature w Feature’s weight y Output feature θ Loss function in GAN model D(x) Discriminator model G(x) Generator model z Noise input E Mean Var Variance iv Abbreviations LBP Local Binary Pattern WHO World Health Organization GLOBOCAN Global Cancer Incidence, Mortality and Prevalence CBE Clinical Breast Exam CLBP Completed Local Binary Pattern LPQ Local Phase Quantization GLCM Gray Level Co-Occurrence Matrices PFTAS Free Threshold Adjacency Statistic ORB Oriented FAST and Rotated BRIEF k-NN k-Nearest Neighbor SVM Support Vector Machines RF Random Forest QDA Quadratic discriminant analysis GPU Graphic Processing Unit CNN Convolution neuron network CONV Convolutional layer FC Fully connected layer MAE Manifold Persevering Autoencoder v DT Decision Tree LR Logistic Regression GAN Generative Adversarial Network MRI Magnetic Resonance Image SIFT Scale Invariant Feature Transform SURF Speeded Up Robust Features SGD Stochastic Gradient Descent vi Chapter Literature review of breast cancer histopathological image classification 1.1 Introduction and general considerations Cancer is a public health problem in the world today Among them, breast cancer is the most common invasive cancer in women and have a significant impact to 2.1 million people yearly In 2018, the World Health Organization (WHO) estimated 627,000 death cases because of breast cancer, be getting 15% death causes As a result in 2018 from Global Cancer Incidence, Mortality and Prevalence, GLOBOCAN [1] about a number of new and death cases of 36 cancer types from 185 countries though continents shown in Table 1.1, new breast cases is 11.6% and second leading cause of death cancer Specially in 2012, GLOBOCAN estimated Vietnam – South-Eastern Asia country with low per capital income about 3,200$/year and 20$/year for voluntary medical expense – that this breast cancer was 23/100,000 and had the risen trend [2] Early cancer detection has many changes to treat and increase survival rate for patients WHO finds that there are the effective diagnostic methods such as X-ray, Clinical Breast Exam (CBE) but this needs to have the professional physicians or experts Beside the diagnostic result is not always 100% accuracy because of some reasons such as subjective experiments, expertise, emotional state In recent years, trend of image processing field and machine learning proved that physician can employ this technology to make diagnosis via medical image Medical image processing method has been applied much on cancer diagnosis [3] and other diseases [4] with high accuracy in short time Image diagnosis by machine learning is cost efficient method in Vietnam’s urban region where there is no any professional [42] Fotso Kamga Guy A., Tallha Akram, Bitjoka Laurent, Syed Rameez Naqvi, Mengue Mbom Alex, and Nazeer Muhammad A deep heterogeneous feature fusion approach for automatic land-use classification Information Sciences, 467:199–218, October 2018 [43] Sandip Kumar Singh Modak and Vijay Kumar Jha Multibiometric Fusion strategy and its Applications: A Review Information Fusion, November 2018 [44] Ian Goodfellow NIPS 2016 Tutorial: Generative Adversarial Networks arXiv:1701.00160 [cs], December 2016 arXiv: 1701.00160 [45] Ian Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, and Yoshua Bengio Generative Adversarial Nets page [46] Taha J Alhindi, Shivam Kalra, Ka Hin Ng, Anika Afrin, and Hamid R Tizhoosh Comparing LBP, HOG and Deep Features for Classification of Histopathology Images In 2018 International Joint Conference on Neural Networks (IJCNN), pages 1–7, Rio de Janeiro, July 2018 IEEE [47] Mohamed Abdel-Nasser, Antonio Moreno, and Domenec Puig Breast Cancer Detection in Thermal Infrared Images Using Representation Learning and Texture Analysis Methods Electronics, 8(1):100, January 2019 [48] Alex Krizhevsky, Ilya Sutskever, and Geoffrey E Hinton ImageNet classification with deep convolutional neural networks Communications of the ACM, 60(6):84–90, May 2017 [49] Andrew L Maas, Awni Y Hannun, and Andrew Y Ng Rectifier Nonlinearities Improve Neural Network Acoustic Models page [50] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification In 2015 IEEE International Conference on Computer Vision (ICCV), pages 1026–1034, Santiago, Chile, December 2015 IEEE [51] Ian J Goodfellow, David Warde-Farley, Mehdi Mirza, Aaron Courville, and Yoshua Bengio Maxout Networks arXiv:1302.4389 [cs, stat], September 2013 arXiv: 1302.4389 [52] Jimmy Lei Ba, Jamie Ryan Kiros, and Geoffrey E Hinton Layer Normalization arXiv:1607.06450 [cs, stat], July 2016 arXiv: 1607.06450 [53] Dmitry Ulyanov, Andrea Vedaldi, and Victor Lempitsky Instance Normalization: The Missing Ingredient for Fast Stylization arXiv:1607.08022 [cs], November 2017 arXiv: 1607.08022 63 [54] Yuxin Wu and Kaiming He Group Normalization arXiv:1803.08494 [cs], June 2018 arXiv: 1803.08494 [55] Ning Qian On the momentum term in gradient descent learning algorithms Neural Networks, 12(1):145–151, January 1999 [56] John Duchi, Elad Hazan, and Yoram Singer Adaptive Subgradient Methods for Online Learning and Stochastic Optimization page 39 [57] Diederik P Kingma and Jimmy Ba Adam: A Method for Stochastic Optimization arXiv:1412.6980 [cs], January 2017 arXiv: 1412.6980 [58] Karen Simonyan and Andrew Zisserman Very Deep Convolutional Networks for Large-Scale Image Recognition arXiv:1409.1556 [cs], September 2014 arXiv: 1409.1556 [59] Christian Szegedy, Vincent Vanhoucke, Sergey Ioffe, Jonathon Shlens, and Zbigniew Wojna Rethinking the Inception Architecture for Computer Vision arXiv:1512.00567 [cs], December 2015 arXiv: 1512.00567 [60] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun Deep Residual Learning for Image Recognition arXiv:1512.03385 [cs], December 2015 arXiv: 1512.03385 [61] Christian Szegedy, Sergey Ioffe, Vincent Vanhoucke, and Alex Alemi Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning arXiv:1602.07261 [cs], February 2016 arXiv: 1602.07261 [62] Gao Huang, Zhuang Liu, Laurens van der Maaten, and Kilian Q Weinberger Densely Connected Convolutional Networks arXiv:1608.06993 [cs], August 2016 arXiv: 1608.06993 [63] Andrew G Howard, Menglong Zhu, Bo Chen, Dmitry Kalenichenko, Weijun Wang, Tobias Weyand, Marco Andreetto, and Hartwig Adam MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications arXiv:1704.04861 [cs], April 2017 arXiv: 1704.04861 [64] Tim Salimans, Ian Goodfellow, Wojciech Zaremba, Vicki Cheung, Alec Radford, and Xi Chen Improved Techniques for Training GANs arXiv:1606.03498 [cs], June 2016 arXiv: 1606.03498 [65] Shane Barratt and Rishi Sharma A Note on the Inception Score arXiv:1801.01973 [cs, stat], June 2018 arXiv: 1801.01973 [66] Martin Heusel, Hubert Ramsauer, Thomas Unterthiner, Bernhard Nessler, and Sepp Hochreiter GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium page 12 64 [67] Tong Che, Yanran Li, Athul Paul Jacob, Yoshua Bengio, and Wenjie Li MODE REGULARIZED GENERATIVE ADVERSARIAL NETWORKS page 13, 2017 [68] Alec Radford, Luke Metz, and Soumith Chintala Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks arXiv:1511.06434 [cs], November 2015 arXiv: 1511.06434 [69] Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, and Alexei A Efros Image-to-Image Translation with Conditional Adversarial Networks arXiv:1611.07004 [cs], November 2016 arXiv: 1611.07004 [70] Olaf Ronneberger, Philipp Fischer, and Thomas Brox U-Net: Convolutional Networks for Biomedical Image Segmentation arXiv:1505.04597 [cs], May 2015 arXiv: 1505.04597 [71] Jun-Yan Zhu, Taesung Park, Phillip Isola, and Alexei A Efros Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks arXiv:1703.10593 [cs], November 2018 arXiv: 1703.10593 [72] Tero Karras, Samuli Laine, and Timo Aila A Style-Based Generator Architecture for Generative Adversarial Networks arXiv:1812.04948 [cs, stat], December 2018 arXiv: 1812.04948 [73] Padmaja Jonnalagedda, Daniel Schmolze, and Bir Bhanu [Regular Paper] MVPNets: Multi-viewing Path Deep Learning Neural Networks for Magnification Invariant Diagnosis in Breast Cancer In 2018 IEEE 18th International Conference on Bioinformatics and Bioengineering (BIBE), pages 189–194, Taichung, October 2018 IEEE [74] Gang Zhang, Ming Xiao, and Yong-hui Huang Histopathological Image Recognition with Domain Knowledge Based Deep Features In De-Shuang Huang, M Michael Gromiha, Kyungsook Han, and Abir Hussain, editors, Intelligent Computing Methodologies, volume 10956, pages 349–359 Springer International Publishing, Cham, 2018 65 Fusing of Deep Learning, Transfer Learning and GAN for Breast Cancer Histopathological Image Classification Mai Bui Huynh Thuy and Vinh Truong Hoang Faculty of Information Technology Ho Chi Minh City Open University, Vietnam e-mail: maibht.178i@ou.edu.vn; vinh.th@ou.edu.vn Abstract Biomedical image classification often deals with limited training sample due to the cost of labeling data In this paper, we propose to combine deep learning, transfer learning and generative adversarial network to improve the classification performance Fine-tuning on VGG16 and VGG19 network are used to extract the good discriminated cancer features from histopathological image before feeding into neuron network for classification Experimental results show that the proposed approaches outperform the previous works in the state-of-the-art on breast cancer images dataset (BreaKHis) Keywords: Deep learning · Transfer learning · BreaKHis dataset · Breast cancer · Histopathological image classification · GAN INTRODUCTION Breast cancer is the most common invasive cancer in women and have a significant impact to 2.1 million people yearly In 2018, the World Health Organization (WHO) estimated 627,000 death cases because of breast cancer, be getting 15% death causes Early cancer detection might help to treat and increase survival rate for patients WHO finds that there are the effective diagnostic methods such as X-ray, Clinical Breast Exam but it needs to have the professional physicians or experts In fact, the diagnostic result is not always 100% accuracy because of some reasons such as subjective experiments, expertise, emotional state There are several applications of computer vision for Computer-Aided Diagnosis (CADx) have been proposed and implemented [7,6] The breast cancer can be diagnosed via histopathological microscopy imaging, for which image analysis can aid physicians and technical expert effectively [7,12] Moreover, the CADx system for breast cancer diagnosis is still challenging until now due to the complexity of the histopathological images In the last decade, many works have been proposed to enhance the recognition performance of breast cancer image They can be categorized into three groups: – Handcrafted-feature or deep feature: Spanhol and Badejo [28,3] compare several handcrafted features extracted from Local Binary Patterns, Local Phase Quantization, Gray Level Co-Occurrence Matrices, Free Threshold Mai Bui Huynh Thuy and Vinh Truong Hoang Adjacency Statistic, Oriented FAST and Rotated BRIEF based on 1-NN, SVM and Random forest classifiers Alom et al [2] combine the strength of Inception, ResNet and Recurrent Convolutional Neural Network with and without augmentation for magnification factors Zhang et al [34] propose a method to use skip connection in Resnet in order to solve the optimization issues when network becomes deeper Roy et al [21] propose a patch-based classifier using CNN network consisting of 6CONV-5POOL-3FC – Transfer learning approach: Weiss et al [32] evaluate different features extracted from VGG, ResNet and Xception with a limited training samples and achieved a good result in the state-of-the-art on BACH dataset This method downsized BACH image into 1024 × 768 in order to build the classification model Vo et al [31] apply the augmentation techniques as rotate, cut, transform image to increase the training data before extracting deep feature from Inception-ResNet-v2 model in order to avoid the over-fitting Vo trained the model with multi-scale input images 600 × 600, 450 × 450, 300 × 300 to extract local and global feature Then Gradient Boosting Trees model again was trained to detect breast cancer Fusion model will vote the higher accuracy classifier The accuracy rate archived to 93.8% – 96.9% at low cost computation Murtaza et al [18] use Alexnet as feature extraction hierarchical classification model by combination of classifiers to reduce the feature space and increase the performance – Generative Adversarial Network (GAN) method: Shin et al [24] apply Image-to-Image Conditional GAN mode (pix2pix) to generate synthesis data and discriminate T1 brain tumor class on ADNI dataset They then use this model on other dataset namely, BRATS to classify T1 brain tumor This GAN model can increase accuracy compared to train on the real image dataset Iqbal et al [8] propose a new GAN model for Medical Imaging (MIGAN) to generate synthetic retinal vessel images for STARE and DRIVE dataset This method generated precise segmented image better than existing techniques Author declared that synthetic image contained the content and structure from original images Senaras et al [22] employ a conditional GAN (cGAN) to generate synthetic histopathological breast cancer images Six readers (three pathologists and image analysts) tried to differentiate 15 real from 15 synthetic images and the probability that average reader would be able to correctly classify an image as synthetic or real more than 50% of the time was only 44.7% Mahapatra et al [15] propose a P-GANs network to generate a high-resolution image of defined scaling factors from a low-resolution image Both handcrafted and deep feature demonstrate the good cancer detection capability Various researches combine numerous color features and local texture descriptors to improve the performance [1,16] Modak at al [16] did comparative analysis of several multi-biometric fusions consisting levels of feature-mostly feature concatenation, score or rules/algorithms level Authors statistically analyzed that fusion approach represents many advantages than single mode such as accuracy improvement, noise data and spoof attack reduction, more convenience Title Suppressed Due to Excessive Length A at al [1] exploited the powerful transfer-learning technique from popular models such as Alexnet, VGGNet-16, VGGNet-19, GoogleNet and ResNet to design the fusion schema at feature level for satellite images classification It is said that fusion from many ConvNet layers are better than feature extracted from single layer Features extracted from CNN network is less effected by different conditions such as edge of view, color space; it is an invariant feature and getting the better generalization Thus data augmentation methods might affect the accuracy if it is applied inadequately In order to save low computation cost from scratch, transfer learning technique can be considered to employ in medical field It needs to be retrained or fine-tuning in some layers so that these networks can detect the cancer features Furthermore, GAN is the effective data augmentation method in computer vision but GAN training process is still a difficult problem These method have been investigated intensively for common data and rarely for medical data To overcome this limitation, we propose a composition method of three techniques to be boosting the breast cancer classification accuracy in a limited training data The rest of this paper is organized as follows Section introduces our proposed approach by combining three methods such as transfer learning, deep learning and GAN The experimental results are then introduced in section Finally, the conclusion is given in section PROPOSED APPROACH In the recent years, Convolutional Neural Network (CNN) proved as an efficient approach in computer vision and have significantly improved in cancer classification Both VGG16 and VGG19 are proven to be a good candidate in transfer-learning technique To get the discriminated benign and malignant from the tumor features, the base networks have to retrained on BreaKHis dataset and then be used as an input for CNN network A combination of different feature extraction methods can increase the classification accuracy This work uses VGG16 network and then both VGG16 & VGG19 to extract the features The proposed architecture is summarized in Figure and can be described in the following steps: – Input layer: the input layer has three channels of 256 × 256 pixels which normalized from RGB patch images – Fine-tuning VGG16 and VGG16 & VGG19 feature extraction: the first 17 layers of VGG16 and VGG19 has primitive low-level spatial characteristic learned on ImageNet dataset which can be transferred to medical dataset To later higher convolutional layer, they are trained according to BreaKHis dataset – Batch normalization: layer to normalize a number of activations in combination layer of VGG16 & VGG19’s output layer to reduce overfitting from ImageNet’s original weight – Full connected layer: all neurons in this layer have full connections to previous layer’s neurons Mai Bui Huynh Thuy and Vinh Truong Hoang resize to 256x256 pixels resize to 256x256 pixels multi deep features multi deep features VGG19fine-tuning VGG16 fine-tuning Concatenate layer VGG16 fine-tuning FC layer (4096 filter) BatchNormalization ReLU layer CNN network FC layer (4096 filter) ReLU layer Dropout (prob=0.2) FC layer (512 filter) Dropout (prob=0.2) ReLU layer CNN network FC layer (512 filter) FC layer (1filter) ReLU layer Sigmoid layer FC layer (1filter) Malignant or not Sigmoid layer (a) Malignant or not (b) Fig (a) Fine-tuning VGG16 and CNN, (b) Fine-tuning VGG16 &VGG19 and CNN – Rectified Linear Units (ReLU) layer: ReLU activation layer f (x) = max(0, x) (1) will output previous layer value if it is positive, otherwise it will output zero So ReLU layer is used many in deep learning because it helps the network to be trained easily and achieve the better performance – Dropout layer: is a regularization technique which removes some neurons randomly out network with probability 0.2 during forward or backward propagation process – Output layer: the layer uses a non-linear activation - sigmoid function hθ (x) = 1 + e− θ T x (2) Title Suppressed Due to Excessive Length Furthermore, three voting methods are applied to compute the model accuracy based on the patch image for two malignant or benign class We define the so called method A is to select a majority predicted accuracy of the patch images as final result of orginal image Method B is a similar to A however, if patch images is correctly predicted and patch images is wrongly predicted, the final results of original image will be assigned as correct Otherwise, method C is defined as at least one patch image is correct, orginal image is predicted as correct 3.1 EXPERIMENTS Dataset description We propose to evaluate the proposed approach on one real histopathological image database (BreaKHis) and two generated databases from BreaKHis by GAN The following subsection describes theses datasets The BreaKHis dataset [28] is a recent benchmark database proposed by Spanhol et al to study the automated classification problem for breast cancer This dataset contains 7,909 images (see figure 3.1) of 82 patients using magnifying factors (40×, 100×, 200×, 400×) It is divided into main groups: benign and malignant tumors, sub cancer type as well totally size is 4GB It is publicly available from https://web.inf.ufpr.br/vri/databases/breast-cancerhistopathological-database-breakhis (a) (b) (c) (d) (e) (f) (g) (h) Fig Illustration of BreaKHis database at different magnification factors of benign cell 40× (a), 100× (b), 200× (c), 400× (d) and malignant cell 40× (e), 100× (f), 200× (g), 400× (h) Mai Bui Huynh Thuy and Vinh Truong Hoang The fake BreaKHis images generated from StyleGAN transfers [11] the style image to input latent space z by using mapping network f to create an immediate feature space w The adaptive instance normalization (AdaIN) technique is applied to control the style transferred image We use StylgeGAN to generate the fake benign and malignant image for each scale of 40×, 100×, 200×, 400× (figure 3.1) StyleGAN is trained with 256×256 BreaKHis image for the independent scale and type on a PC with NVIDIA Tesla P100 1GPU during hour (a) (b) (c) (d) (e) (f) (g) (h) Fig Illustration of generated database by StyleGAN at different magnification factors of benign cell 40× (a), 100× (b), 200× (c), 400× (d) and malignant cell 40× (e), 100× (f), 200× (g), 400× (h) The fake BreaKHis generated by Pix2Pix which is a conditional GAN network proposed by Isola et al [9] This framework applies U-Net model and skip connector technique as proposed generator network and discriminator architecture from PatchGAN to penalize structure at patch scale To synthesize cancer image at each rate, we trained Pix2Pix network by using conditional image as the generated magnification rate image and the rest of magnification rates as input image Benign 40× rate image will be conditional image and Begnign 100×, 200×, 400× rate images will be used as input image Because of complex cancer structure, most of latent space from other magnification rate images can be transferred to the target image and might maintain original feature 3.2 Experimental setup The accuracy was estimated by a cross validation method through iterations while the ratio of training and testing set ratio of each class are 70% and 30%, respectively The reason that we choose this ration because it is the most common decomposition (be applied in more than 20 papers) in the literature on BreaKHis Title Suppressed Due to Excessive Length (a) (b) (c) (d) (e) (f) (g) (h) Fig Magnification factor of fake benign cell 40× (a), 100× (b), 200× (c), 400× (d) and fake malignant cell 40× (e), 100× (f), 200× (g), 400× (h) from Pix2Pix model dataset We train the proposed approach with BreaKHis dataset mentioned in a previous section Firstly, the histopathological image will be divided into patches by horizontal (resulting in figure 3.1b and 3.1c) and vertical direction (resulting in figure 3.1d and figure 3.1e) (a) (b) (c) (d) (e) Fig Magnification factor of 40× benign image (a), top half (b), a bottom half (c), a left half (d) a right half (e) The image patch size is 700×230 pixels in horizontal direction and 350×460 pixels in vertical direction In stead of extracting small patch size as 32×32 pixels or 64×64 pixels, the approach can keep not only the textural and geometrical features but increase data’s complexity and dimension Most of discriminated features are twice stronger if it is at a central of images After extracting all patch images needed, image pixel in each channel is normalized to the range of [0, 1] in order to decrease the colored intensive rate Then patch image is resized to 256×256 pixels, using the bilinear interpolation method Each image in train comprises the patches of an original image so that our network can learn the multi deep features and increase the performance Secondly, the discriminated features extracted from fine-tuning VGG16 and concatenated of fine-tuning VGG16 & VGG19 transfer learning is classified by Mai Bui Huynh Thuy and Vinh Truong Hoang our novel approach In this work, all layers before 17th layer of VGG16 & VGG19 is freezed and the rest of layers is re-trained The loss function is a binary crossentropy and the Adam optimizer is applied All experiments are implemented in TensorFlow-GPU version on 16 CPU, 64GB RAM Tesla P4 3.3 Results Table shows that the concatenation of many transfer learning features can increase the recognition accuracy of breast cancer To train the deep networks efficiently, a large enough dataset is needed so apply the transfer learning is nominated approach nowadays This technique shared the low feature space but have many differences about textural and geometrical features between ImageNet and BreaKHis So our approach suggest to train some top layers of VGG16 & VGG19 network and achieved the averaged accuracy from 91.7% to 95.0% Both of evaluation method B & C get the average accuracy from 94.9% to 99.2% which can be applied to quickly detect the cancer if patients present any potential signs before doing many costly medical examinations In order to compare our results, we carefully select the works (table 1) in the state-of-the-art with the same decomposition and experimental condition We can observe that the proposed approach clearly outperforms all the previous works Additionally, the local image descriptors based approach does not give a good results compared with deep learning based method Our work is “a plus” since we apply GAN to generate more medical images and apply deep learning method to classify images CONCLUSION We proposed a composition method of three techniques, transfer learning, deep learning and GAN to be boosting the breast cancer classification accuracy in a limited training dataset We studied two GAN models such as StyleGAN and Pix2Pix to boost the medical train dataset At each training iteration, we combine the additional fake images of 4,800 generated StyleGAN and 2,912 generated Pix2Pix images The experiments show that GAN images created much noise and effected to classification accuracy Although GAN network can not generate the similar structure as original images but it can synthesize some features from medical images which proved not to be different accuracy The future of this work is to adjust the U-Net generator in Pix2Pix network to increase a volumes of training set and improve the classification performance References Fotso Kamga Guy A., Tallha Akram, Bitjoka Laurent, Syed Rameez Naqvi, Mengue Mbom Alex, and Nazeer Muhammad A deep heterogeneous feature fusion approach for automatic land-use classification Information Sciences, 467:199–218, October 2018 Title Suppressed Due to Excessive Length Model Evaluation 40× 100× 200× 400× Average method Method C 97.5±1.6 98.3±0.8 97.3±1.7 96.8±1.5 97.5±1.4 VGG16 ft + CNN Method B 95.0±1.5 95.6±1.8 95.4±1.8 94.0±1.6 95.0±1.6 Method A 91.6±2.4 92.2±2.6 92.7±2.2 89.6±2.2 91.6±2.2 VGG16 ft + CNN + StyleGAN VGG16 ft + CNN + Pix2Pix VGG16 &VGG19 ft + CNN VGG16 &VGG19 ft + CNN + StyleGAN VGG16 &VGG19 ft + CNN + Pix2Pix Method C 97.3±1.3 98.0±1.3 97.4±1.2 95.3±2.1 97.1±1.4 Method B 94.7±1.9 95.7±1.9 95.0±1.9 93.0±2.4 94.6±1.9 Method A 90.9±2.0 92.0±2.0 92.2±1.7 89.2±1.5 91.1±1.7 Method C 97.5±1.5 98.5±1.0 97.4±2.1 95.3±1.5 97.2±1.5 Method B 94.9±2.9 96.2±1.6 95.4±2.2 92.8±1.9 94.9±2.1 Method A 91.4±3.4 92.9±1.8 92.8±2.5 89.3±1.9 91.7±2.3 Method C 99.2±1.0 99.5±0.6 99.2±1.1 99.1±1.3 99.2±1.0 Method B 98.2±1.6 98.3±1.3 98.2±1.3 97.5±2.1 98.1±1.5 Method A 95.1±3.0 95.2±2.4 95.2±1.7 94.6±2.9 95.0±2.4 Method C 98.6±0.8 99.0±1.3 99.0±1.0 98.1±1.8 98.7±1.2 Method B 96.7±0.8 97.9±1.8 97.8±1.9 96.1±2.5 97.1±2.0 Method A 93.5±3.2 95.2±3.0 94.4±2.7 92.6±3.5 94.0±3.0 Method C 98.8±1.4 98.8±1.4 98.7±1.6 97.8±1.7 98.6±1.5 Method B 97.0±2.6 97.3±2.3 97.3±2.0 95.5±2.0 96.8±2.2 Method A 93.8±3.4 94.4±3.1 94.2±2.7 91.8±2.8 93.6±2.9 Table The experimental results of two proposed approaches on BreaKHis dataset Md Zahangir Alom, Chris Yakopcic, Mst Shamima Nasrin, Tarek M Taha, and Vijayan K Asari Breast Cancer Classification from Histopathological Images with Inception Recurrent Residual Convolutional Neural Network Journal of Digital Imaging, February 2019 Joke A Badejo, Emmanuel Adetiba, Adekunle Akinrinmade, and Matthew B Akanle Medical Image Classification with Hand-Designed or Machine-Designed Texture Descriptors: A Performance Evaluation In Ignacio Rojas and Francisco Ortu˜ no, editors, Bioinformatics and Biomedical Engineering, volume 10814, pages 266–275 Springer International Publishing, Cham, 2018 Silvia Cascianelli, Raquel Bello-Cerezo, Francesco Bianconi, Mario L Fravolini, Mehdi Belal, Barbara Palumbo, and Jakob N Kather Dimensionality Reduction Strategies for CNN-Based Classification of Histopathological Images In Giuseppe De Pietro, Luigi Gallo, Robert J Howlett, and Lakhmi C Jain, editors, Intelligent Interactive Multimedia Systems and Services 2017, volume 76, pages 21–30 Springer International Publishing, Cham, 2018 Yangqin Feng, Lei Zhang, and Juan Mo Deep Manifold Preserving Autoencoder for Classifying Breast Cancer Histopathological Images IEEE/ACM Transactions 10 Mai Bui Huynh Thuy and Vinh Truong Hoang Ref,Year Method [2] 2019 IRRCNN + augmentation 40x 100x 200x 400x classes 97.9 97.5 97.3 97.4 - [31] 2019 Inception & Boosting & Fusion 95.1 96.3 96.9 93.8 - [34] 2019 ResNet50 + CBAM - [23] 2018 VGG16 (finetuning) + LR [19] 2018 Active learning 89.4 90.9 91.6 90.4 - [25] 2018 CSE (Fish vector) 87.5 88.6 85.5 85.0 - [26] 2017 Intra-embedding algorithm 87.7 87.6 86.5 83.9 - [30] 2019 Non parametric 87.8 85.6 80.8 82.9 - [27] 2017 DeCaf feature 84.6 84.8 84.2 81.6 - [29] 2016 CNN 85.6 83.5 83.1 80.8 - [28] 2016 PFTAS 83.8 82.1 85.1 82.3 - [18] 2019 BMIC Net [5] 2018 DMAE [10] 2018 MVPNet+NuView data [3] 2018 Texture Descriptor [13] 2018 CNN 82.0 86.2 84.6 84.0 - [17] 2018 PCANet 96.1 97.4 90.9 85.9 - [14] 2018 Multi-task deep learning 94.8 94.0 93.8 90.7 - [4] 2018 Deep VGG16 & Reduction 86.3 84.9 84.7 81.0 - [33] 2018 Domain Knowledge - - - - 81.2 [20] 2018 CNN + Over-sampling - - - - 86.8 Our - A VGG16 & VGG19 & CNN 91.2 91.7 92.6 88.9 - - - - - - - - 89.8 88.0 91.5 89.2 - - - 91.1 90.7 87.2 91.7 95.5 - - 92.2 87 - 95.1 95.2 95.2 94.6 95.0 Our - B VGG16 & VGG19 & CNN 98.2 98.3 98.2 97.5 98.1 Table Comparison of the proposed approach with previous works in the state-ofthe-art on BreaKHis dataset on Computational Biology and Bioinformatics, pages 1–1, 2018 Pablo Guill´en-Rondon, Melvin Robinson, and Jerry Ebalunode Breast Cancer Classification: A Deep Learning Approach for Digital Pathology In Esteban Meneses, Harold Castro, Carlos Jaime Barrios Hern´ andez, and Raul Ramos-Pollan, editors, High Performance Computing, volume 979, pages 33–40 Springer International Publishing, Cham, 2019 Zilong Hu, Jinshan Tang, Ziming Wang, Kai Zhang, Ling Zhang, and Qingling Sun Deep learning for image-based cancer detection and diagnosis - a survey Pattern Recognition, 83:134–149, November 2018 Talha Iqbal and Hazrat Ali Generative Adversarial Network for Medical Images (MI-GAN) Journal of Medical Systems, 42(11), November 2018 Title Suppressed Due to Excessive Length 11 Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, and Alexei A Efros Image-toImage Translation with Conditional Adversarial Networks arXiv:1611.07004 [cs], November 2016 arXiv: 1611.07004 10 Padmaja Jonnalagedda, Daniel Schmolze, and Bir Bhanu [Regular Paper] MVPNets: Multi-viewing Path Deep Learning Neural Networks for Magnification Invariant Diagnosis in Breast Cancer In 2018 IEEE 18th International Conference on Bioinformatics and Bioengineering (BIBE), pages 189–194, Taichung, October 2018 IEEE 11 Tero Karras, Samuli Laine, and Timo Aila A Style-Based Generator Architecture for Generative Adversarial Networks arXiv:1812.04948 [cs, stat], December 2018 arXiv: 1812.04948 12 Daisuke Komura and Shumpei Ishikawa Machine Learning Methods for Histopathological Image Analysis Computational and Structural Biotechnology Journal, 16:34–42, 2018 13 Kundan Kumar and Annavarapu Chandra Sekhara Rao Breast cancer classification of image using convolutional neural network In 2018 4th International Conference on Recent Advances in Information Technology (RAIT), pages 1–6, Dhanbad, March 2018 IEEE 14 Lingqiao Li, Xipeng Pan, Huihua Yang, Zhenbing Liu, Yubei He, Zhongming Li, Yongxian Fan, Zhiwei Cao, and Longhao Zhang Multi-task deep learning for fine-grained classification and grading in breast cancer histopathological images Multimedia Tools and Applications, December 2018 15 Dwarikanath Mahapatra, Behzad Bozorgtabar, and Rahil Garnavi Image superresolution using progressive generative adversarial networks for medical image analysis Computerized Medical Imaging and Graphics, 71:30–39, January 2019 16 Sandip Kumar Singh Modak and Vijay Kumar Jha Multibiometric Fusion strategy and its Applications: A Review Information Fusion, November 2018 17 Revathi Mukkamala, Poreddy Santoshi Neeraja, Sravya Pamidi, Tina Babu, and Tripty Singh Deep PCANet Framework for the Binary Categorization of Breast Histopathology Images In 2018 International Conference on Advances in Computing, Communications and Informatics (ICACCI), pages 105–110, Bangalore, September 2018 IEEE 18 Ghulam Murtaza, Liyana Shuib, Ghulam Mujtaba, and Ghulam Raza Breast Cancer Multi-classification through Deep Neural Network and Hierarchical Classification Approach Multimedia Tools and Applications, April 2019 19 Qi Qi, Yanlong Li, Jitian Wang, Han Zheng, Yue Huang, Xinghao Ding, and Gustavo Rohde Label-efficient Breast Cancer Histopathological Image Classification IEEE Journal of Biomedical and Health Informatics, pages 1–1, 2018 20 Md Shamim Reza and Jinwen Ma Imbalanced Histopathological Breast Cancer Image Classification with Convolutional Neural Network In 2018 14th IEEE International Conference on Signal Processing (ICSP), pages 619–624, Beijing, China, August 2018 IEEE 21 Kaushiki Roy, Debapriya Banik, Debotosh Bhattacharjee, and Mita Nasipuri Patch-based system for Classification of Breast Histology images using deep learning Computerized Medical Imaging and Graphics, 71:90–103, January 2019 22 Caglar Senaras, Muhammad Khalid Khan Niazi, Berkman Sahiner, Michael P Pennell, Gary Tozbikian, Gerard Lozanski, and Metin N Gurcan Optimized generation of high-resolution phantom images using cGAN: Application to quantification of Ki67 breast cancer images PLOS ONE, 13(5):e0196846, May 2018 23 Shallu and Rajesh Mehra Breast cancer histology images classification: Training from scratch or transfer learning? ICT Express, 4(4):247–254, December 2018 12 Mai Bui Huynh Thuy and Vinh Truong Hoang 24 Hoo-Chang Shin, Neil A Tenenholtz, Jameson K Rogers, Christopher G Schwarz, Matthew L Senjem, Jeffrey L Gunter, Katherine P Andriole, and Mark Michalski Medical Image Synthesis for Data Augmentation and Anonymization Using Generative Adversarial Networks In Ali Gooya, Orcun Goksel, Ipek Oguz, and Ninon Burgos, editors, Simulation and Synthesis in Medical Imaging, volume 11037, pages 1–11 Springer International Publishing, Cham, 2018 25 Yang Song, Hang Chang, Yang Gao, Sidong Liu, Donghao Zhang, Junen Yao, Wojciech Chrzanowski, and Weidong Cai Feature learning with component selective encoding for histopathology image classification In 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), pages 257–260, Washington, DC, April 2018 IEEE 26 Yang Song, Hang Chang, Heng Huang, and Weidong Cai Supervised Intraembedding of Fisher Vectors for Histopathology Image Classification In Yafang Han, editor, Physics and Engineering of Metallic Materials, volume 217, pages 99–106 Springer Singapore, Singapore, 2017 27 Fabio A Spanhol, Luiz S Oliveira, Paulo R Cavalin, Caroline Petitjean, and Laurent Heutte Deep features for breast cancer histopathological image classification In 2017 IEEE International Conference on Systems, Man, and Cybernetics (SMC), pages 1868–1873, Banff, AB, October 2017 IEEE 28 Fabio A Spanhol, Luiz S Oliveira, Caroline Petitjean, and Laurent Heutte A Dataset for Breast Cancer Histopathological Image Classification IEEE Transactions on Biomedical Engineering, 63(7):1455–1462, July 2016 29 Fabio Alexandre Spanhol, Luiz S Oliveira, Caroline Petitjean, and Laurent Heutte Breast cancer histopathological image classification using Convolutional Neural Networks In 2016 International Joint Conference on Neural Networks (IJCNN), pages 2560–2567, Vancouver, BC, Canada, July 2016 IEEE 30 P.J Sudharshan, Caroline Petitjean, Fabio Spanhol, Luiz Eduardo Oliveira, Laurent Heutte, and Paul Honeine Multiple instance learning for histopathological breast cancer image classification Expert Systems with Applications, 117:103–111, March 2019 31 Duc My Vo, Ngoc-Quang Nguyen, and Sang-Woong Lee Classification of breast cancer histology images using incremental boosting convolution networks Information Sciences, 482:123–138, May 2019 32 Nick Weiss, Henning Kost, and Andr´e Homeyer Towards Interactive Breast Tumor Classification Using Transfer Learning In Aur´elio Campilho, Fakhri Karray, and Bart ter Haar Romeny, editors, Image Analysis and Recognition, volume 10882, pages 727–736 Springer International Publishing, Cham, 2018 33 Gang Zhang, Ming Xiao, and Yong-hui Huang Histopathological Image Recognition with Domain Knowledge Based Deep Features In De-Shuang Huang, M Michael Gromiha, Kyungsook Han, and Abir Hussain, editors, Intelligent Computing Methodologies, volume 10956, pages 349–359 Springer International Publishing, Cham, 2018 34 Xianli Zhang, Yinbin Zhang, Buyue Qian, Xiaotong Liu, Xiaoyu Li, Xudong Wang, Changchang Yin, Xin Lv, Lingyun Song, and Liang Wang Classifying Breast Cancer Histopathological Images Using a Robust Artificial Neural Network Architecture In Ignacio Rojas, Olga Valenzuela, Fernando Rojas, and Francisco Ortu˜ no, editors, Bioinformatics and Biomedical Engineering, volume 11466, pages 204–215 Springer International Publishing, Cham, 2019 ... breast cancer image in three databases: BreaKHis, Breast Cancer Classification Challenge 2018, Kaggle in order to improve the classification performance WHO declared that there were many image. .. pathological expert is time-consuming and expensive Nowadays there are open-access breast cancer databases for research and literature such as BreaKHis, ICIAR 2018 BACH Challenge, Kaggle breast histopathological. .. Cytopathology, Parana, Brazil, it means that those results can’t gain the same accuracy on new dataset Deep learning is a branch of machine learning, representing data characteristic by layers from

Ngày đăng: 18/11/2020, 10:07

Mục lục

    Literature review of breast cancer histopathological image classification

    Introduction and general considerations

    Goals of the thesis

    Contribution of the thesis

    Structure of the thesis

    Introduction to deep neuron network

    Present the techniques of neuron network training

    Present the popular deep network models

    Generative Adversarial Networks (GAN)

    Present the techniques of GAN training

Tài liệu cùng người dùng

Tài liệu liên quan