• Nu S-Au Găsit Rezultate

View of A Study of CNN Based Brain Tumor Detection Using Deep Learning

N/A
N/A
Protected

Academic year: 2022

Share "View of A Study of CNN Based Brain Tumor Detection Using Deep Learning"

Copied!
9
0
0

Text complet

(1)

A Study of CNN Based Brain Tumor Detection Using Deep Learning

P Ramkumar1, Manjunath Varchagall2, P Kalamani3, M Sheela Devi4

1,3,4

Assistant Professor, Dept of CSE, Sri Sairam College of Engineering, Anekal, Bengaluru, Karnataka,India

2Assistant Professor, Dept of CSE, Gitam School of Technology Bangalore, Karnataka, India

1[email protected],2[email protected],3[email protected],

4[email protected]

ABSTRACT

Necessarily, most of the humans are suffered by an abnormal growth of cells in the body called cancer. There is various sort of cancer diseases are prevailed among the human. So, among a few infections, quite possibly the most thorough issues people are confronting today is Brain Tumour. Tumour is a bundle tissue that is made by a development of irregular cells. Tumour cells develop quickly paying little mind to the body need not bother with them. They don't kick the bucket like ordinary cells. Along these lines, identification of tumour cells is an incomparable errand. Manual location is a drawn-out task. At Present, Artificial Intelligence is helpful for diminishing manual work and furthermore work like a human. Despite the fact that we had a modest quantity of dataset, we can without much of a stretch distinguish the Tumour cells utilizing Transfer learning. It is one of the primary benefits of AI. A portion of the calculations are there, yet it has low precision and requires more pre- handling strategies. A large portion of the customary mind tumour identification having low exactness issue. The principle point of this work is to arrange and anticipate the tumours a piece of the MRI picture by utilizing Transfer learning. The results created by this methodology will build the precision and lessen the quantity of cycles.

Keywords: Brain Tumour, Magnetic Resonance Imaging (MRI), Transfer Learning

Introduction

All the necessary functions of the body are controlled by brain. The brain is most important part of the central nervous system (CNS) which is the most complex organ in human body. The people in the developed countries are died due to brain tumours has increased 300% over the last three decades which is reported by National Brain Tumour Foundation (NBTF). It is one of the Menacing diseases in the world. Tumour is an uncontrollable cell proliferation in the brain. It can be benign or malignant. The benign and malignant tumour types classification is scaled from grade I to grade IV where benign tumours categorized under grade I and II glioma and malignant tumours categorized under grade III and IV glioma. One of the brains tumour analysis based on imaging data. Analysis through experts may vary by experience which can influence the accurate examination of image. Therefore, how accurately the algorithms show only 90% to 96% of accuracy in detection.

Detect the tumours in the brain is the foremost thing. Magnetic Resonance Imaging can provide detailed information about the human tissues and organs including its contour, volume and location without high ionizing radiation. Computed Tomography (CT) uses radiations to check for abnormalities in the tissues and have the potential to affect the living tissues. The advantage of MRI over CT image is that it is not harmful to human health. The results derived from MRI scans are very clear and precise. Here MRI Images are used for detecting the brain tumour parts.

(2)

13458

Literature Review

For the past few decades, a numeral number of algorithms have been developed for recognition and segmentation. Some of the algorithms show only 90% to96%accuracy in detection.

Nasrulloh et al. [2] proposed an enhanced region mounting approach to eliminate the integrate the gradient information and volume effect. This work obtained more accuracy and had a certain filling of the seepage gap that may occur after detection.

The Template-based K means and improved Fuzzy C Means clustering algorithm for an automatic brain tumor detection in MRI image was proposed by Md ShahariarAlam et. al.[3].

This algorithm produced 97.5% accuracy.

Convolutional Neural Network (CNN) based lung tumor detection was proposed by Sasikala et.

al. [8]. This system predicts and classify the lung tumor as malignant or benign. The accuracy of this system is 96%. It is more efficient than traditional neural network systems. In addition to that, the specificity of this system is 100% which shows that there is no false positive detection.

However, this existing method of tumor detection generally have the following problem

● Low accuracy

● It requires more data preprocessing

● Need a greater number of images to train

The major aid of this work can be concluded as follows:

This work proposes an algorithm of brain Tumor detection based on Transfer learning with a small amount of dataset. Mainly, it improves the accuracy of detection.

Transfer Learning

Transfer learning is mainly used for, instead of learning from scratch, leverage or transfer the knowledge learnt from the past. Fig1 shows the schematic representation of the transfer learning.

Fig1.SchematicdiagramofTransferLearning

(3)

It is one of the research problems in Machine Learning. When we have a smaller dataset than the large dataset, then we can use the transfer learning.

a) Vgg16

A convolutional neural network model named as VGG16 was developed by K.Simonyan and A.

Zisserman in their ―Very Deep Convlutional Networks for Large-Scale Image Recognition work at University of Oxford. It is having multiple 3 x 3 kernel sized filters one after another which replaces large kernel-sized filters in AlexNet. Hence, VGG16 outperforms well rather than AlexNet.It was one of the famous models submitted to ILSVRC-2014.

Fig2. Architectural Diagram of Vgg16

(4)

13460

This model achieved 92.7% test accuracy in ImageNet. ImageNet is the large dataset of over 14 million images available with 1000 different classes. NVIDIA Titan Balck GPU was used for training VGG16 model for week. The architecture of VGG16 model is shown in Fig.2. This model consists of 13 convolutional layers, 5 Max Pooling layers and 3 dense layers, where out of 21 layers 16 layers are having weights in VGG16.c) SMOTE (Synthetic Minority Oversampling Technique)

Layers

a) Convolution Layers

Convolution layeristhe first layerin the VGG16Model. This layer mainly comprises of set of filterswhich areconvolved with an input image. The mainaim this layer is to extract the high- level features ofthe inputimageviz.edges. During training, CNN learns and updates filters or kernel values. The richer features of the images can be extracted by using CNN with multi- kernel convolution mechanism. The convolution operation of the layer isclearlydefinedintheFig.3.

Fig3. Schematic diagram of CNN convolution operation

b) Pooling Layer

The spatial size of the convolved feature is reduced using pooling layer which is computationally in expensive one. There are two different types of pooling function viz Max pooling and Average pooling. The maximum value from the convolved matrix as the result of

(5)

max pooling method. whereas an average value from the convolved matrix as the result of average pooling method.The average and max pooling operations are shown in Fig.4

Fig4. SchematicDiagramofPooling Operation

Max pooling is used to remove the Noisy activation and also perform de-noising along with dimensionality. So, Max pooling outperforms well rather than Average pooling. Once the pooling operation is completed, the model can be learned the feature of input image.In this work the Relu activation function has been used because of its advantage which is it does not activate all the neurons at the same time.

c) Activation Function

Activation functions are significant to construct sense of something really complicated and Non- linear complex functional mappings. If we use the network, without activation function then, the network does not perform good most of the times. Some of the activation functions used in CNN model are ReLu, Sigmoid, tanh which is mentioned in the Fig 5. In this work the Relu activation function has been used because of its advantage such as it does not activate all the neurons at the same time.

(6)

13462

In this work, we used densely connected or fully connected layer where each neuron in layer received an input from all the neurons present in the previous layer. This densely connected layer provides learning features collected from all the combinations of features from previous layer.

But where as in the convolution layer relies only consistent features with a small repetitive field.In order to obtain the classification result, the image is imported to softmax classifier through the densely connected layer after the convolution kernel imaged.

Proposed Methodology Flow Diagram

Fig6 :Flow diagram of the workflow System Working

Initially, the original small dataset was augmented using ImageDataGenarator() function. There is no need for training for this model VGG16. But we can also use our own layer as a last layer.

Here, 2 dense layers with 1024 neurons and activation function are ReLu. Finally, one more layer which is a Prediction layer with 2 Neurons because we have to classify between 2 Categories and add Softmax Activation Function which is for Probability Distribution. After all this modification simply compiles and runs the entire model. Compile the model using model.compile() function which has taken two parameters Optimizer and loss function.

Adam optimizer and categorical cross entropy is used as a loss function. Run the model using model.fit_generator(). The main parameter of this function is no. of epochs and batch size. Now, this model can successfully recognize and categorize images into either a Brain Tumor(tumorous) or a Not a Brain Tumor(non-tumorous).

(7)

Experimental Results

Dataset:

The experimental data set consists of Yes and No for Tumor Detection, which have a total 253 MRI image of the Brain. Folder yes contains 155 MRI images and No contain 98 MRI images. In this work, existing data set is augmented with the limited source of images. Then images will be converted as numpy arrays to process the data.

Confusion Matrix:

The summary of prediction result on a classificationproblem is carried out by using confusion matrixwhere count values of correct and incorrect prediction on each class is summarized. It shows the ways in which our classification model is confused when it makes predictions. Table1 shows the General Confusion Matrix and where as in Table2 shows the Calculated Matrix for this work.

Table1: General Confusion Matrix

Calculations

Table2: Calculated Confusion Matrix

1. TPR (True Positive Rate)

TPR = TP/P = TP/(TP+FN)TPR =7/(7+1)=0.875

2. TNR (True Negative Rate)

TNR=TN/N=TN/(TN+FP)TNR=6/(6+0)=1.000

(8)

13464

Training Loss and Accuracy

The Experimental result of this network is out performed. This work produced 98.74%

training accuracy over 8 epochs. Below the diagram is the graph for Training loss. This method takes around 3.5minutes to train the dataset with 98% accuracy.

Fig7. Result of Training Graph

The above graph Fig7 represents the Training loss of the model. Here X axis represents No of epochs and Y axis represent the loss value of the model.

Conclusion and Future Enhancement

In this study, a 2D MRI brain tumor detection using the VGG16 model was proposed. It is very useful to predict the Brain Tumor‖ or Not a Brain Tumor image with more accuracy. The main advantage of this approach is with the help of small dataset, system can easily predict the tumor cells with 98% accuracy. For future scope, I will analyze the multimodality of the brain and detect the tumor lesions area very effectively using CNN combining with Multimodal fusion information using Literature [1].For further we will consider life quality attributes to which will identify the most influencing factor and to identify the best classification technique for

predicting the brain tumor.

References

[1] Ming Li, LishanKuang, Shuhua Xu, an d ZhanguoSha,”Brain Tumor Detection Based on Multimodal Information Fusion and Convolutional Neural Network‖,IEEE Access Journal - Volume: 7,2019

[2] A. V. Nasrulloh, C. G. Willcocks, P. T. G. Jackson, C. Geenen,M. S. Habib, D. H. W.

Steel, and B. Obara, ``Multi-scale segmentation and surface fitting for measuring 3-D macular holes,'' IEEE Trans. Med.Imag., vol. 37, Feb. 2018.

(9)

[3] Md ShahariarAlam, Md Mahbubur Rahman, Mohammad Amazad Hossain, Md KhairulIslam, Kazi Mo wdud Ahmed, KhandakerTakdir Ahmed, Bikash Chandra Singh, and Bikash Chandra Sin gh,‖Automatic Human Brain Tumor Detection in MRI Image Using Template-Based K Means and Improved Fuzzy C Means Clustering Algorithm‖, MDPI,2019 [4] M. B. Pereira, M. Wallroth, and V. Jonsson, ― Comparison of normalization methods for

the analysis of metagenomic gene abundance data'',BMC Genomics, vol. 19, no. 1, pp.

274_291, 2018.

[5] V. P. Ananthi, P. Balasubramaniam, and T. Kalaiselvi, ― A new fuzzy clustering algorithm for the segmentation of brain Tumor'', Soft Comput.,vol. 20, no. 12, pp. 48594879, 2016.

[6] A. Feizollah, N. B. Anuar, and R. Salleh, ‗‗Evaluation of network traffic analysis using fuzzy c-means clustering algorithm in mobile malware detection,‘‘ Adv. Sci. Lett., vol. 24, no.

2, pp. 929–932, 2018.

[7] S. Pereira, A. Pinto, J. Oliveira, A. M. Mendrik, J. H. Correia, and C. A. Silva,

‗‗Automatic brain tissue segmentation in MR images using random forests and conditional random fields,‘‘ J. Neurosci. Methods, vol. 270, pp. 111 –123, Sep. 2016.

[8] S. Sasikala, M. Bharathi, and B. R. So wmiya,‖Lung Cancer Detection and Classification Using Deep CNN‖, on International Journal of Innovative Technology and Exploring Engineering (IJITEE) ISSN: 2278-3075, Vol. 8 Issue-2S December, 2018.

[9] A. Krizhevsky, I. Sutskever, and G. E. Hint on, ‗‗ImageNet classification with deep convolutional neural networks,‘‘ in Proc. Int. Conf. Neural Inf. Process. Syst., 2012, pp. 1097–

1105.

[10] C.Vijayakumar and D.C. Gharpure, ‗‗Development Of Image-processing software for automatic segmentation of brain Tumors in MR images,‘‘ J. Med. Phys., vol. 36, no. 3, pp.

147 – 158, 2011.

[11] Y. Hu, M. Grossberg, and G. Mageras, SU-D-BRA-03: What image features are useful for Tumor segmentation in multi- modal images?‘‘ Med. Phys., vol. 42, no. 6, p. 3213, 2015.

[12] M. Havaei, A. Davy, and D. Warde-Farley, ‗‗Brain Tumor segmentation with deep neural networks,‘‘ Med. Image Anal., vol. 35, pp. 18–31, 2017.

[13]L. M. Fletcher-Heath, L. O. Hall, D. B. Goldgof, and F. R. Murtagh, ‗‗Automatic segmentation of non-enhancing brain Tumors in magnetic resonance images,‘‘ Artif. Intell.

Med., vol. 21, nos. 1–3, pp. 43–63, 2001.

[14]M.Ramalho, A. P. Matos, and M. Alobaidy, ‗‗Magnetic resonance imaging thecirrhotic liver:Diagnosis Of Hepatocellular Carcinoma And Evaluation of response to treatment Part 1,‘‘ RadiologiaBrasileira, vol. 50, no. 1, pp. 38–47, 20

Referințe

DOCUMENTE SIMILARE

and Zhou H., "Diabetic Retinopathy Detection Using Prognosis of Microaneurysm and Early Diagnosis System for Non-Proliferative Diabetic Retinopathy Based on Deep

It is used to detect the tumor of brain[18].They proposed a Statistical Evaluation of Brain Tumor in Different MRI Protocols using support vector machine and classifies

Lung Cancer Detection Based on CT Scan Images by Using Deep Transfer Learning. Traitement

In this paper, an advanced deep learning algorithm called Leaf Disease Estimation using Deep Learning Principle (LDEDLP) based plant leaf disease detection strategy is

CNN's utilization channels to separate information picture highlights. A channel is a grid of predefined loads that are utilized to distinguish explicit

In this paper, programmed tumor division approach utilizing convolutional neural systems.. A fix shrewd division method has been

At Present, It Is Very Interesting To Design The Deep Intricate Neural Network (Cnn) Is The Latest Image Recognition Solution. Here We Try To Gather Several

Brain tumor segmentation using convolutional neural networks in MRI images. The multimodal brain tumor image segmentation benchmark