You are on page 1of 4

IJSTE - International Journal of Science Technology & Engineering | Volume 3 | Issue 09 | March 2017

ISSN (online): 2349-784X

Brain Tumor Segmentation using Pattern Neural


Networks with MRI Images
Jibi Belghese Sheeja Agustin
PG Student Associate Professor
Department of Computer Science & Engineering Department of Computer Science & Engineering
Marian Engineering College, Kazhakuttom, Trivandrum. Marian Engineering College, Kazhakuttom, Trivandrum.

Abstract
Image segmentation is the method widely applied in images for diagnosing kind of diseases in medical field. In which pixels are
grouped together that have similar attributes. In this paper segmentation has an important role for segmenting brain tumor.
Uncontrolled growth of cells in brain is called brain tumor. Gliomas are the brain tumor which has high mortality rate. Magnetic
resonance imaging(MRI) is used to get informations about the tumor level accurately. This paper depicts the Pattern neural
network (PNN) for tumor segmentation. It is a feedforward network PNN uses small kernals to avoid overfitting. The work of
this segmentation method provide very good result in terms of time consumption and accuracy over soft tissue in brain with the
help of MRI images.
Keywords: Image segmentation, Brain tumor, Gliomas, Pattern neural network, MRI images
________________________________________________________________________________________________________

I. INTRODUCTION

Brain tumor is a mass of abnormal cells which grows uncontrollably in our brain. Early detection of these abnormality is
essential because the growth may leads to Gliomas. These are brain tumor having highest mortality rate. Mainly the brain tumor
can be classified into malignant (cancerous tumors) and benign tumors. Magnetic resonance imaging is better than Computer
tomography (CT) for scanning the brain to get the contrast of affected area of brain, because MRI scan does not cause radiation
which is harmful for the human body. Fig 1 shows the MRI image of brain affected with tumor. The dark round with white
border shows the tumor region.The Gliomas can be classified into two level one is Low Grade Gliomas (LGG) and High Grade
Gliomas (HGG).The segmentation process consume more time and produce inaccurate result in some irregular condition like
variation in shape and location of tumor tissue. So there is the need of automatic methods for segmentation. MRI images has the
problem that, sometimes it will show inhomogeneity ie, for the same sequence it produces different intensity in the scanned
image[5]. In this paper we are using a novel segmentation teqniques such as Pattern neural network (PNN) tumor classifier. PPN
and artificial neural network are structurally similar. The difference between them is set of activation function used. Merits of the
segmentation with PNN gives its better classification efficiency. This paper starts with preprocessing step. Normalization is the
main part in preprocessing step. Here using normalization method proposed by Nyl et al. It will helps to avoid intensity
variation produced by MRI images. After preprocessing the features are extracted from normalized image. In our proposed
method bayasien learning method is used to train the network. Small kernel used will provide deep network structure and also
avoid over fitting.

Fig. 1: MRI of brain with tumor

The remaining of this paper cover the following sections. Section II discusses the review on the papers related to the method
going to be done. Section III depicts the proposed method. In section IV discuss about expected outcome. Finally according to
the expected result Vth section concluded about the novelty.

All rights reserved by www.ijste.org 641


Brain Tumor Segmentation using Pattern Neural Networks with MRI Images
(IJSTE/ Volume 3 / Issue 09 / 130)

II. RELATED WORK

There are many techniques for MRI segmentation have been developed over the years. Meena and Raja [9] proposed an
approach called Spatial Fuzzy C-means (PET-SFCM) clustering algorithm on Positron Emission Tomography (PET) scan image
datasets. The algorithm is joining the classical FCM to spatial neighborhood information and updating the objective function of
each cluster.
Another one is proposed by Tatiraju and Mehta [10]. They introduced K-means clustering, Expectation Maximization (EM),
and Normalized Cuts (NC). They proceeded with two former unsupervised learning methods and compared them with a graph-
based algorithm, the Normalized Cut algorithm. With varying value of k (number of clusters) they applied the partitioning
algorithm to gray-scaled images. When the k value is small, the K-means and EM algorithms give good results. When value of k
is large, the segmentation is very coarse.
For image segmentation several other researchers have suggested number of hybrid algorithms such as an efficient
segmentation approach using K-means clustering technique joined with Fuzzy C-means algorithm. For providing an accurate
brain tumor detection the method then followed by thresholding and level set segmentation stages.
Moumen T El-Melegy and Hashim M Mokhtar[8] proposed fuzzy approach with class center priors. Here prior information is
used for the segmentation process. Information about the class centers of the data helps to regularize the clusters produced by the
FCM algorithm. Thus it improves performance of the algorithm by increasing the convergence rate.
Glavan and Holban [11] introduced a system that using convolution neural network (CNN) as pixel classifier for image
segmentation process . Some X-ray images are used for the system. Here each pixel is analyzed from the image and tries to
classify them into two classes called bone and non-bone. Then the bone tissue area is separated from the remaining of the image.
CNN shows the best results compared to other configurations. To reduce training time they used only interested area from the
image. The system detect bone area but, when the irregularities presented which take more execution time.
Marcel Prastawa a, Elizabeth Bullitt c, Sean Ho et.al.[17] proposed a method, which describes a method for automatic brain
tumor segmentation from MR images. In addition to tumor segmentation the detection of edema is also done simultaneously. The
segmentation framework is composed of three stages. First, using a registered brain atlas as a model for healthy brains they
detected abnormal regions. In second stage, they determined intensities whether edema appears together with tumor in the
abnormal regions from the second weighted image. Atlast they applied geometric and spatial constraints to the detected tumor
and edema regions.
Funmilola et al. [18] proposed the Fuzzy K-C-means method, which carries more of Fuzzy C-means properties than that of K-
means. The algorithm reads the image, determines the iterations, by using distance checker reduces the iterations, gets the size of
the image, concatenates the dimension, generates large data items with distance calculation, and reduces repetition when possible
distance has been attained. The iteration begins by identifying significant component of data then it stops when possible
identification elapses. Fuzzy K-C-means works on grayscale images like Fuzzy C-means. It generates the same number of
iterations as in Fuzzy C-means. The authors reduced the iterations by checking the distances only. The demerits of the proposed
method is that the result of their proposed method is similar to the outcome of the Fuzzy C-means algorithm except in some
images. The time of Fuzzy C-means is greater than by maximum 2 s than their proposed method.

III. METHOD

Proposed method can be mainly divided into three parts pre-processing, segmentation through pattern network(PPN) and finally
post processing. The Fig 5 shows the over view of proposed model with different steps for segmentation.

Pre-Processing
Compared to other medical images brain images are more sensitive, they should have minimum noise and maximum quality. To
achieve this requirement MRI images are used. This type of image will have some variations in there intensity when take more
samples on same images. This problem is solved by using normalization method. N4ITK method [2] is applied for
normalization. In normalization method the intensity values are trained from each MRI sequence as described in [14]. The
normalized image of Fig 1 is shown in Fig 2.

Fig. 2: Normalized image Fig. 3:.Mean calculated from Fig 2 Fig. 4: Varience calculated from Fig2

All rights reserved by www.ijste.org 642


Brain Tumor Segmentation using Pattern Neural Networks with MRI Images
(IJSTE/ Volume 3 / Issue 09 / 130)

After normalization method the images are divided into different patches of 3x3 kernal. From each patch the value of mean
and variance are calculated. Fig 3 and Fig 4 show the mean and varience computed by using normalized MRI image respectively.

Pattern Recognition Neural Network


Pattern recognition networks are feedforward networks that can be trained to classify inputs according to target classes. The two-
layer feedforward network with sigmoid hidden and softmax output neurons(patternet),can classify the vectors arbitrarily well.
The network will be trained with scaled conjugate gradient backpropagation. The target data for pattern recognition networks
should consist of vectors of all zero values except for a 1 in element i, where i is the class they are to represent.
Initialization
Initialization is an important step in any neural network here also we start with initialization method For initialization Xavier
initialization method is used[5]. If the weights start too small, then the image shrinks when it passes through each layer of the
network. If the weights start too large, then the image enlarges as it passes through each layer in network. By keeping the image
with in a reasonable values of weight through many layers Xavier initialization method makes the weights just right

Training set Testing Image

Patch Pre-Processing
division
Normalization

Mean and
Variance Feature Extraction

Patch division,
Mean and
Variance

Weight
update PNN classifier

Tumor segmented image

Post-Processing

Fig. 5: Over view of proposed method

Activation Function
The sigmoid function is used as activation function, and is given by the weighted sum over activations from input nodes passed
f(x)= 1/(1+e-x)
through an activation function. The output values are simply the activations of the output nodes. The MRI images are divided
into small 3x3 kernal. The weights of these kernels are updated with enhanced value during training time [5]. Other than the
weights and biases there are no parameters in a node of its linear layer.
Regularization
Overfitting is reduced by using regularization. Dropout [15] is used in network layers. To get better learning performance
it removes nodes in each training step.
Loss Function
The mean squared error and the binary cross entropy are used in our proposal. The loss function is usually minimized
by some variant of gradient descent Stochastic Gradient Descent. For training mean squared error should also be minimized.

All rights reserved by www.ijste.org 643


Brain Tumor Segmentation using Pattern Neural Networks with MRI Images
(IJSTE/ Volume 3 / Issue 09 / 130)

Training
The loss function discussed above must be minimized to train the patternnet. Bayesian learning method is used for the training.
The optimization method, Stochastic Gradient Descent, which takes steps proportionally to the negative of the gradient in the
direction of local minima[5]. In the regions of low curvature the training can be slow. So, to accelerate the algorithm in those
region we use Nesterov's Accelerated Momentum [5].

Post-Processing
After segmenting the brain tumor the output image should contains some unwanted portion rather than tumor region, it must be
eliminated for better accuracy. Morphological operations erosion is imposed to remove the erroneously classified tumor.

IV. EXPECTED OUTCOME

The proposed architecture used to segment the BRATS 2015 Challenge data set. When comparing with the existing models,
forexample, in tumor segmentation using fuzzy c-means method which improved computation time but fails to segment image
corrupted by noise, outliers, and other imaging artifacts[4]. In another method, k-means clustering its accuracy is better than
fuzzy c-means but its computation time is high.In the performance analysis, the efficiency of the proposed approach is compared
with the existing method.By using Compositional Pattern-Producing Network the time required for the overall performance is
lesser than other methods like clustering, CNN etc.

V. CONCLUSIONS

There are many research works are done on these area, but we have to go for an efficient method. So, Pattern net is like one
which gives the better result in terms of some conditions. The pattern neural network described in this paper are capable of
massively segmenting the tumor region and non-tumor region, and also the PNNs training will provide improved performance in
the case of time consumption and accuracy compared to the segmentation methods discussed in the related works section.

REFERENCES
[1] Marcel Prastawa a, Elizabeth Bullitt c, Sean Ho,A brain tumor segmentation framework based on outlier detection , Science direct, PP 275-283, 2004.
[2] Nicholas J. Tustison, Brian B. Avants, Philip A. Cook, et al, N4ITK: Improved N3 Bias Correction,IEEE , PP 1310-1320,2010.
[3] Ali Gooya, Kilian M. Pohl, Michel Bilello, et al, GLISTR: Glioma Image Segmentation and Registration ,IEEE, PP 1941-1954,2012.
[4] Eman Abdel-Maksoud , Mohammed Elmogy , Rashid Al-Awadi,Brain Tumor Segmentation Based on a Hybrid Clustering Method, Science direct. PP
71-81,2015.
[5] Sergio Pereira, Adriano Pinto, Victor Alves, Brain tumor segmentation using Convolutional Neural Networks in MRI images, IEEE, PP 1240-1251,2016.
[6] Sangeetha.C., Shahin.A., Brain Tumor Segmentation Using Artificial Neural Network , irjet, PP 728-734, 2015.
[7] Chinki Chandhok, A Novel Approach to Image Segmentation using Artificial Neural Networks and K-Means Clustering, ijera, PP 274-279, 2012.
[8] Moumen T El-Melegy, Hashim M Mokhtar, Tumor Segmentation in Brain MRI Using a Fuzzy Approach with Class Center Priors,Eurasip journal, PP 1-
14, 2014.
[9] Meena A, Raja K. Spatial Fuzzy C-means PET Image Segmentation of Neurodegenerative Disorder Spatial Fuzzy C-means PET Image Segmentation of
Neurodegenerative Disorder.IJCSE, PP 505,2013.
[10] Tatiraju S, Mehta A. Image Segmentation using k means clustering, EM and normalized Cuts, University Of California,Irvine, technical report.
[11] Glavan CC, Holban S. Segmentation of bone structure in X-ray images using convolutional neural network. Adv Electr Comput Eng ,PP 18, 2013.
[12] Sangeetha C., Shahin A, Brain Tumor Segmentation Using Artificial Neural Network, irjet, PP 728-734, 2015.
[13] Bahadir Karasulu, Serdar Korukoglu, A simulated annealing-based optimal threshold determining method in edge-based segmentation of grayscale
images, Elsevier, PP 2246-2259, 2011.
[14] L. Nyl and J. Udupa, On standardizing the MR image intensity scale, Magn. Reson. Med., pp. 10721081, 1999.N.
[15] Srivastava et al., Dropout: A simple Way To Prevent Neural Networks From Overfitting, J. Mach. Learn. Res.,PP 1929-1958,2014.
[16] Chrisantha Fernando, Dylan Banarse, Malcolm Reynolds et.al. Differentiable Pattern Producing Networks,2016.
[17] Marcel Prastawa a, Elizabeth Bullitt c, Sean Ho, A brain tumor segmentation framework based on outlier detection ,Elsevier, PP 275-283,2004.
[18] Funmilola A, Oke OA, Adedeji TO, Alade OM, Adewusi EA.Fuzzy K-C-means clustering algorithm for medical image segmentation. J Informat Eng
Appl, PP 2132, 2012.
[19] S. Bauer, L.-P. Nolte, and M. Reyes,et.al. Fully automatic segmentation of brain tumor images using support vector machine classification in combination
with hierarchical conditional random field regularization, in Medical Image Computing and Comput.-Assisted Intervention-MICCAI.
NewYork:Springer,PP354361,2011.
[20] S. Bauer et al., A survey of MRI-based medical image analysis forbrain tumor studies, Phys. Med. Biol., PP 97129, 2013.
[21] D. N. Louis et al., The 2007 who classification of tumours of the central nervous system, Acta Neuropathologica, PP 97109, 2007.
[22] P. Kumar and B. Vijayakumar,Brain Tumour MR Image Segmentation and Classification by Using PCA and RBF Kernel Based SupportVector
Machine, Middle-East Journal of Scientific Research, PP 2106-2116, 2015.
[23] B. H. Menze et al., A generative model for brain tumor segmentation in multi-modal images, in Medical Image Computing and Comput.-Assisted
Intervention-MICCAI. New York: Springer, PP 151159, 2010.
[24] A. Pinto et al., Brain tumour segmentation based on extremely randomized forest with high-level features, in Proc. 37th Annu. Int. Conf.IEEE EMBC, PP
30373040,2015.

All rights reserved by www.ijste.org 644

You might also like