Diagnosis of Brain Cancer Using Radial Basis Function Neural Network with Singular Value Decomposition Method

Total Page:16

File Type:pdf, Size:1020Kb

Diagnosis of Brain Cancer Using Radial Basis Function Neural Network with Singular Value Decomposition Method International Journal of Machine Learning and Computing, Vol. 9, No. 4, August 2019 Diagnosis of Brain Cancer Using Radial Basis Function Neural Network with Singular Value Decomposition Method Agus Maman Abadi, Dhoriva Urwatul Wustqa, and Nurhayadi observation and analysis them. Then, they consult the results Abstract—Brain cancer is one of the most dangerous cancers of the analysis to the doctor. The diagnosis using MRI image that can attack anyone, so early detection needs to be done so can only categorize the brain as normal or abnormal. that brain cancer can be treated quickly. The purpose of this Regarding the important of the early diagnosis of brain study is to develop a new procedure of modeling radial basis cancer, many researchers are tempted doing research in this function neural network (RBFNN) using singular value field. Several methods have been applied to classify brain decomposition (SVD) method and to apply the procedure to diagnose brain cancer. This study uses 114 brain Magnetic cancer, such as artificial neural networks based on brain MRI Resonance Images (MRI). The RBFNN model is constructed by data [3], [4], and backpropagation network techniques using steps as follows; image preprocessing, image extracting (BPNN) and principal component analysis (PCA) [5], using Gray Level Co-Occurrence Matrix (GLCM), determining probabilistic neural network method [6], [7]. Several of parameters of radial basis function and determining of researches have proposed the combining several intelligent weights of neural network. The input variables are 14 features system methods, those are adaptive neuro-fuzzy inference of image extractions and the output variable is a classification of system (ANFIS), neural Elman network (Elman NN), brain cancer. Before learning process, the input data is nonlinier autoregressive with exogenous neural network normalized. The modeling is done by using K-means clustering (NARXNN), and feedforward NN [8] and artificial neural method where the activation function in the hidden layer is network based on MRI image segmentation data using fuzzy Gaussian function and by determining the optimum weights of the model using SVD method. The best RBFNN model is 14 c-means and bounding Box method [9]. Studies to diagnose input neurons, 10 hidden layer neurons, and 1 output neuron. brain cancers have also been done using support vector The results show that the sensitivity, specificity, and accuracy of machine (SVM) and multi-SVM [10], adaptive neuro-fuzzy RBFNN diagnoses with backpropagation equal to those of inference system [11]. RBFNN with SVD. However, the RBFNN-SVD delivers an Recently, research on brain cancer diagnosis still become advantage in the running speed of the program. interesting area to develop the method in order to improve accuracy of the diagnosis. One of the methods that can be Index Terms—Radial basis function neural network, used as diagnosis tool is the radial basis function neural diagnosis brain cancer, singular value decomposition. network (RBFNN). The RBFNN is suitable for large training data, provide a good generalization. The RBFNN has simple network structure, since it has only one hidden layer. This I. INTRODUCTION property leads to speed up the learning process. Study related Brain cancer is a dangerous disease and can be fatal to to the diagnosis of brain cancer by applying RBFNN has been someone. In 2012, brain cancer cases in Indonesia are 1.9 per performed using CT scan data of normal and abnormal brain 100,000 population, while the brain mortality rate is 1.3 per [12]. The other study uses principle component analysis 100,000 inhabitants [1]. This fact shows the level of brain based on electroencephalograph (EEG) digital signals [13] cancer patients in Indonesia is high. Therefore, early and set those values as the inputs of RBFNN model. diagnosis is needed to prevent the death caused by brain The RBFNN model has been applied to diagnose various cancer. According to the Ministry of Health of the Republic types of diseases. The classification of breast cancer using of Indonesia [2], there are several steps in diagnosing brain improved F-score with support vector machine and RBF cancer (1) physical examination; (2) laboratory examination; network has been done [14]. The result shows that the and (3) radiological examination. Standard radiological improved F-score and support vector machines method gives examinations are CT Scan and MRI which produce the the better accuracy than improved F-score and RBF network digital images. The radiologists interpret the MRI images by method. The study of cancer prediction based on gene expression data using deep learning has been done [15]. The modified neural network has been applied to diagnosis of epilepsy based on EEG signals and the result shows that the ensemble TPunit neural networks method gives the better accuracy than neural network method for diagnosis of Manuscript received October 20, 2018; revised April 26, 2019. This work was supported in part by the Directorate of Research and Community epilepsy [16]. The RBFNN model has been applied for Service, Ministry of Research, Technology, and Higher Education of the detection of lung cancer based on radiograph images [17]. Republic of Indonesia under grant No. 01/Penelitian/ PDUPT/ In the RBFNN modeling, the weights of output target can UN.34.21/2018. Agus Maman Abadi and Dhoriva Urwatul Wutsqa are with Mathematics be determined by back propagation or global ridge regression Departnment, Yogyakarta State University, Karangmalang Yogyakarta methods. However, these methods require a long iteration to Indonesia, 55281 (e-mail: [email protected], [email protected]). get the solution, while singular value decomposition method Nurhayadi is with Mathematics Education Department, Tadulako University, Sulawesi Tengah, Indonesia (e-mail: [email protected]). does not require iteration and is more efficient for doi: 10.18178/ijmlc.2019.9.4.836 527 International Journal of Machine Learning and Computing, Vol. 9, No. 4, August 2019 determining the weights of output target. This study aims to The learning process in RBFNN includes unsupervised diagnose brain cancer based on MRI image data using the learning to ascertain the number of hidden neurons as well as combination of radial basis function neural network (RBFNN) to obtain the parameter values of the radial basis function, and singular value decomposition method. and supervised learning to obtain the weights between the hidden layer and output layer. The number of neurons in the hidden layer equals to the number of basis functions. The II. RADIAL BASIS FUNCTION NEURAL NETWORK unsupervised learning is performed using the K-means The RBFNN is one of the neural network model with a clustering method. It is commonly used in RBFNN modeling, three-layer, namely an input layer, a single hidden layer, and whose placement of the objects in each cluster based on the an output layer. The performance of RBFNN depends on the Euclidian distance. The Euclidian distance between two choice of exactly three important parameters (cluster center, points P(푥1, 푥2, . , 푥푝) and Q(푦1, 푦2, . , 푦푝) is expressed as distance and weight). Each input variable is assigned to the 2 neuron in the input layer and enters directly to the hidden 2 푑(푃, 푄) = √(푥1 − 푦1) +. +(푥푝 − 푦푝) layer without weight. In the hidden layer, the RBFNN performs a nonlinear transformation of the data from the The following steps are the K-means clustering algorithm input layer using the basic radial function before it is linearly [19]. processed at the output layer. The architecture of the RBFNN 1) Partition the data into K cluster is shown in Fig. 1. 2) Place any objects to the nearest cluster. 3) Recalculate the center of the clusters that receive 휑1 new data and the clusters that lose data. 푥1 4) Repeat step (1) to (3) until the new centers equal to the old ones. 푤1 휑 2 Futhermore, it will be determined the weight 휔푗 in (2) 푤2 푥2 minimized the equation (3). 푤푗 휑 푓(푥) 푗 푛 2 ⁝ 푆푆퐸 = ∑푘=1(푦푘 − 푦̂푘) (3) ⁝ 푤푘 Output Layer where n is the number of training data,⁡푦̂푘 is the output of the 푥푝 휑 푤 푡ℎ 푞 0 model for 푘 ⁡ observation, ⁡푦푘 is the target for 푡ℎ Input 푘 ⁡observation. layer Then, we apply (2) and (3) for all training data to get (4). 1 Bias Hidden layer 푦1 푦 Fig. 1. The architecture of RBFNN. 풚 = [ 2] = 흋풘̂ (4) ⋮ 푦 In Fig. 1, (푥푖, 푖 = 1, 2, . 푝) are input neurons, (휑푗, 푗 = 푛 where 1, 2, . , 푞) are hidden neurons, and 푓(푥) is output neuron. The weights between the hidden layer and the output layer 휑 [휇(푥)] 휑 [휇(푥)] … 휑푞[휇(푥)]1 1 1 1 2 1 are denoted as 푤푗 and the bias 푤0 is added to the hidden … 휑1[휇(푥)]2 휑2[휇(푥)]2 휑푞[휇(푥)]2 1 layer. The activation function 휑 (푥) is determined by the 흋 = ⋱⁡ (5) 푗 ⋮ ⋮ ⁡⁡ ⁡⁡⁡⁡⁡⁡⁡⋮ ⁡⁡⁡⁡⁡⁡⁡⁡1 … mean cluster and width cluster. The RBFNN model is [휑1[휇(푥)]푛 휑2[휇(푥)]푛 휑푞[휇(푥)]푛 1] characterized by the activation function, which are included in the class of radial basis function. There are several and 풘̂ is a vector of weights 푤̂푗. activation functions in RBFNN namely Gaussian function, multi quadratic inverse and Cauchy functions [18]. In this research, we use Gaussian activation function III. SINGULAR VALUE DECOMPOSITION In this section, we will introduce singular value 2 (푥−푐) decomposition of matrix and its properties referred from 휑(푥) = exp (⁡− 2 ) (1) 푟 Scheick [20]. Any m x n matrix A can be expressed as where c is the mean of cluster, r is maximum distance of each A= USV T (6) object to the mean of cluster. The output y of the RBFNN model is the linear combination of the weights 푤푗 included where U and V are orthogonal matrices of dimensions m x m, w0 and the activation function 휑푗(푥) n x n respectively and S is m x n matrix whose entries are 0 푞 except sii = i ir= 1,2,..., with 12 ..
Recommended publications
  • Identification of Nonlinear Systems Using Radial Basis Function Neural Network C
    World Academy of Science, Engineering and Technology International Journal of Mechanical and Mechatronics Engineering Vol:8, No:9, 2014 Identification of Nonlinear Systems Using Radial Basis Function Neural Network C. Pislaru, A. Shebani parameters (centers, width and weights). Other researchers Abstract—This paper uses the radial basis function neural used the genetic algorithm to improve the RBFNN network (RBFNN) for system identification of nonlinear systems. performance; this will be a more complicated identification Five nonlinear systems are used to examine the activity of RBFNN in process [4]–[15]. system modeling of nonlinear systems; the five nonlinear systems are dual tank system, single tank system, DC motor system, and two academic models. The feed forward method is considered in this II. ARTIFICIAL NEURAL NETWORKS (ANNS) work for modelling the non-linear dynamic models, where the K- A. Simple Perceptron Means clustering algorithm used in this paper to select the centers of radial basis function network, because it is reliable, offers fast The simple perceptron shown in Fig. 1, it is a single convergence and can handle large data sets. The least mean square processing unit with an input vector X = (x0,x1, x2…xn). This method is used to adjust the weights to the output layer, and vector has n elements and so is called n-dimensional vector. Euclidean distance method used to measure the width of the Gaussian Each element has its own weights usually represented by function. the n-dimensional weight vector, e.g. W = (w0,w1,w2...wn). Keywords—System identification, Nonlinear system, Neural networks, RBF neural network.
    [Show full text]
  • Radial Basis Function Network
    Radial basis function network In the field of mathematical modeling, a radial basis function network is an artificial neural network that uses radial basis functions as activation functions. The output of the network is a linear combination of radial basis functions of the inputs and neuron parameters. Radial basis function networks have many uses, including function approximation, time series prediction, classification, and system control. They were first formulated in a 1988 paper by Broomhead and Lowe, both researchers at the Royal Signals and Radar Establishment.[1][2][3] Contents Network architecture Normalized Normalized architecture Theoretical motivation for normalization Local linear models Training Interpolation Function approximation Training the basis function centers Pseudoinverse solution for the linear weights Gradient descent training of the linear weights Projection operator training of the linear weights Examples Logistic map Function approximation Unnormalized radial basis functions Normalized radial basis functions Time series prediction Control of a chaotic time series See also References Further reading Network architecture Radial basis function (RBF) networks typically have three layers: an input layer, a hidden layer with a non- linear RBF activation function and a linear output layer. The input can be modeled as a vector of real numbers . The output of the network is then a scalar function of the input vector, , and is given by where is the number of neurons in the hidden layer, is the center vector for neuron , and is the weight of neuron in the linear output neuron. Functions that depend only on the distance from a center vector are radially symmetric about that vector, hence the name radial basis function.
    [Show full text]
  • RBF Neural Network Based on K-Means Algorithm with Density
    RBF Neural Network Based on K-means Algorithm with Density Parameter and Its Application to the Rainfall Forecasting Zhenxiang Xing, Hao Guo, Shuhua Dong, Qiang Fu, Jing Li To cite this version: Zhenxiang Xing, Hao Guo, Shuhua Dong, Qiang Fu, Jing Li. RBF Neural Network Based on K-means Algorithm with Density Parameter and Its Application to the Rainfall Forecasting. 8th International Conference on Computer and Computing Technologies in Agriculture (CCTA), Sep 2014, Beijing, China. pp.218-225, 10.1007/978-3-319-19620-6_27. hal-01420235 HAL Id: hal-01420235 https://hal.inria.fr/hal-01420235 Submitted on 20 Dec 2016 HAL is a multi-disciplinary open access L’archive ouverte pluridisciplinaire HAL, est archive for the deposit and dissemination of sci- destinée au dépôt et à la diffusion de documents entific research documents, whether they are pub- scientifiques de niveau recherche, publiés ou non, lished or not. The documents may come from émanant des établissements d’enseignement et de teaching and research institutions in France or recherche français ou étrangers, des laboratoires abroad, or from public or private research centers. publics ou privés. Distributed under a Creative Commons Attribution| 4.0 International License RBF Neural Network Based on K-means Algorithm with Density Parameter and its Application to the Rainfall Forecasting 1,2,3,a 1,b 4,c 1,2,3,d 1,e Zhenxiang Xing , Hao Guo , Shuhua Dong , Qiang Fu , Jing Li 1 College of Water Conservancy &Civil Engineering, Northeast Agricultural University, Harbin 2 150030, China; Collaborative Innovation Center of Grain Production Capacity Improvement 3 in Heilongjiang Province, Harbin 150030, China; The Key lab of Agricultural Water resources higher-efficient utilization of Ministry of Agriculture of PRC, Harbin 150030,China; 4 Heilongjiang Province Hydrology Bureau, Harbin, 150001 a [email protected], [email protected], [email protected], [email protected], e [email protected] Abstract.
    [Show full text]
  • Ensemble of Radial Basis Neural Networks with K-Means Clustering for Radiša Ž
    Ensemble of Radial Basis Neural Networks With K-means Clustering for Radiša Ž. Jovanovi ć Assistant Professor Heating Energy Consumption Prediction University of Belgrade Faculty of Mechanical Engineering Department of Automatic Control For the prediction of heating energy consumption of university campus, neural network ensemble is proposed. Actual measured data are used for Aleksandra A. Sretenovi ć training and testing the models. Improvement of the predicton accuracy Teaching Assistant using k-means clustering for creating subsets used to train individual University of Belgrade Faculty of Mechanical Engineering radial basis function neural networks is examined. Number of clusters is Department of Thermal Science varying from 2 to 5. The outputs of ensemble members are aggregated using simple, weighted and median based averaging. It is shown that ensembles achieve better prediction results than the individual network. Keywords: heating consumption prediction, radial basis neural networks, ensemble 1. INTRODUCTION description of the relationship between the independent variables and the dependent one. The data-driven The study of the building energy demand has become a approach is useful when the building (or a system) is topic of great importance, because of the significant already built, and actual consumption (or performance) increase of interest in energy sustainability, especially data are measured and available. For this approach, after the emanation of the EPB European Directive. In different statistical methods can be used. Europe, buildings account for 40% of total energy use Artificial neural networks (ANN) are the most used and 36% of total CO 2 emission [1]. According to [2] artificial intelligence models for different types of 66% of the total energy consumption of residential prediction.
    [Show full text]
  • Radial Basis Function Neural Networks: a Topical State-Of-The-Art Survey
    Open Comput. Sci. 2016; 6:33–63 Review Article Open Access Ch. Sanjeev Kumar Dash, Ajit Kumar Behera, Satchidananda Dehuri*, and Sung-Bae Cho Radial basis function neural networks: a topical state-of-the-art survey DOI 10.1515/comp-2016-0005 puts and bias term are passed to activation level through a transfer function to produce the output (i.e., p(~x) = Received October 12, 2014; accepted August 24, 2015 PD ~ fs w0 + i=1 wi xi , where x is an input vector of dimen- Abstract: Radial basis function networks (RBFNs) have sion D, wi , i = 1, 2, ... , D are weights, w0 is the bias gained widespread appeal amongst researchers and have 1 weight, and fs(o) = 1+e−ao , a is the slope) and the units are shown good performance in a variety of application do- arranged in a layered feed-forward topology called Feed mains. They have potential for hybridization and demon- Forward Neural Network [2]. The network is then trained strate some interesting emergent behaviors. This paper by back-propagation learning scheme. An MLP with back- aims to oer a compendious and sensible survey on RBF propagation learning is also known as Back-Propagation networks. The advantages they oer, such as fast training Neural Networks (BPNNs). In BPNNs a common barrier is and global approximation capability with local responses, the training speed (i.e., the training speed increases as the are attracting many researchers to use them in diversied number of layers, and number of neurons in a layer grow) elds. The overall algorithmic development of RBF net- [3].
    [Show full text]
  • Radial Basis Function Artificial Neural Networks and Fuzzy Logic
    PERIODICA POLYTECHNICA SER. EL. E.'iG. VOL. 42, NO. 1, PP. 155-172 (1998) RADIAL BASIS FUNCTION ARTIFICIAL NEURAL NETWORKS AND FUZZY LOGIC i'\. C. STEELEx and J. Go DJ EVAC xX • Control Theory and Application Centre Coventry University email: [email protected] •• EPFL IVlicrocomputing Laboratory IN-F Ecublens, CH-101.5 Lausanne, Switzerland Received: :VIay 8, 1997; Revised: June 11, 1998 Abstract This paper examines the underlying relationship between radial basis function artificial neural networks and a type of fuzzy controller. The major advantage of this relationship is that the methodology developed for training such networks can be used to develop 'intelligent' fuzzy controlers and an application in the field of robotics is outlined. An approach to rule extraction is also described. Much of Zadeh's original work on fuzzy logic made use of the MAX/MIN form of the compositional rule of inference. A trainable/adaptive network which is capable of learning to perform this type of inference is also developed. Keywords: neural networks, radial basis function networks, fuzzy logic, rule extraction. 1. Introduction In this paper we examine the Radial Basis Function (RBF) artificial neural network and its application in the approximate reasoning process. The paper opens with a brief description of this type of network and its origins, and then goes on to shmv one \vay in which it can be used to perform approximate reasoning. vVe then consider the relation between a modified form of RBF network and a fuzzy controller, and conclude that they can be identical. vVe also consider the problem of rule extraction and we discuss ideas which were developed for obstacle avoidance by mobile robots.
    [Show full text]