Intrusion Detection System using Cascade Forward Neural Network with Genetic Algorithm Based Feature Selection

Size: px
Start display at page:

Download "Intrusion Detection System using Cascade Forward Neural Network with Genetic Algorithm Based Feature Selection"

Transcription

1 Intrusion Detection System using Cascade Forward Neural Network with Genetic Algorithm Based Feature Selection 1 D. P. Gaikwad, 2 Ravindra R Thool AISSMS College of Engineering, Pune, SGGAIO Technology and Engineering, Nanded 1 dp.g@rediffmail.com, 2 rcthool@gmsil.com Abstract Due to the rapid expansion and advancements of computer network, security has become a vital issue for modern computer network. The network intrusion detection systems play the vital role in protecting the computer networks. So, it has become a significant research issue. In spite of notable progress in intrusion detection system, there are still many opportunities to improve the existing systems in terms of false positives and classification accuracy. The objective of this research work is to reduce the false positive and increase the classification accuracy of intrusion detection system. In this paper, the Feed Forward Backpropgation Neural network and Cascade Forward Neural network are used to implement intrusion detection system. The NSL-KDD dataset is used to train and test these networks. The separate training and testing datasets are used to train and test the network. The Backpropgation algorithm based on Levenberg Marquardt mechanism is used as training function. The networks were trained with 100 epochs. The results of Cascaded Forward neural network and Feed Forward Backpropgation Neural networks were evaluated in terms of classification accuracy, false positive rates, false negative and precision. Cascade Forward neural network exhibit the best results (Classification accuracy: , False Positive rate: , Precision rate: ) on cross validation. It exhibit the good results (Classification accuracy: %, False Positive rate: , Precision rate: ) on test dataset with 15 neurons in hidden layer. Feed Forward neural network exhibit % Classification accuracy using cross validation and % on test dataset with 25 neurons in hidden layer. Cascaded Forward Back propagation neural network model exhibits best results followed by Feed Forward neural network model. Index Terms Intrusion detection, Cascade Architeture, Model, Genetic Algorithm, Hidden Layer, False Positives. I. INTRODUCTION The internet has become a very integral part of our life. The usage of internet is rapidly increasing day by day. It is extensively growing in all institutes, Universities, trades and Government actions. But, unauthorized users can get access of your computer over internet to steal information and damage the computer system. The electronic attacks on network and information system of the financial organizations, military and energy sectors are increasing. Large web sites of organizations are attacked by intruders. Intrusions can have many forms such as viruses, spyware, worms, malicious logins and spam ware etc. [1]. The information and network security has become very important aspect to protect the computer system of organizations. Every organization needs security applications that effectively protect their networks from malicious attacks and misuse. Intrusion detection system is software which inspects each in coming packet over internet for authorization of packet. It detects access to un-authorized user, the violation of security and identify illegal users [2]. The active intrusion detection takes the action when the system is intruded by giving the alarm to administrator [3]. There are two types of intrusion detection techniques viz., misuse and anomaly detection. Anomaly detection technique can detect novel attack with high positive error. Misuse detection is knowledge or pattern based, whereas anomaly detection is behavior based. Misuse detection is reliable for detecting known attacks with low false-positive [4]. Misuse detection technique cannot detect the novel attack. Exiting intrusion detection system have high detection rate, whereas they suffer from high false-alarms. The computational complexities of current approaches are very high, so the practical applications of these approaches are very difficult. Currently Machine learning algorithms are extensively used to implement intrusion detection system. Machine learning has the advantage of discovering useful knowledge from dataset. Artificial Neural Network, Genetic Algorithm, Fuzzy logic with Neural Network, Bayesian tree, Bayesian Belief Network, Hidden Markov Model, Association of rules and K-mean are some of the Machine learning techniques widely used to implement the intrusion detection application. Every Machine Learning algorithm has its own pros and cons. All cannot be easily applied to anomaly detection in order to detect novel intrusions. There are two types of Machine learning algorithms viz., supervised and unsupervised. Supervised Machine learning requires the dataset where is set of tuples t and is set of classes of tuples t [5]. Un-supervised Machine learning algorithms require dataset without. The Machine learning algorithms are used to discover relationships and regularities between tuples and classes 13

2 in training phase [6]. The different Machine learning algorithm can represent the knowledge in form of decision tree, rules, linear and non-linear functions, and probabilistic models. The linear and non-linear algorithms results in highly precise decision but require more time to build a model. In this paper, Cascade Forward Backpropgation Neural network is used to implement the intrusion detection system. The NSL_KDD dataset is used to train and evaluate the proposed neural network for intrusion detection. Paper Overview: The rest of this paper is organized as follows. Section II surveys some previous neural network based intrusion detection system. In section III, Cascade artificial neural network is introduced. Section IV describes the proposed approach of intrusion detection system. Section V is dedicated to discuss experimental results. Finally, section VI concludes the experimental work and summarizes its contributions. II. RELATED WORKS Neural networks are widely used to implement network anomaly based intrusion detection system. We describe some neural networks methods and systems for network anomaly detection below. Battista Biggio et al. [7] have proposed a framework for experimental evaluation of classifier for intrusion detection system. Authors have addressed one class v-svm classifier using RBF kernel. They have suggested for including the simulated attack samples into the training data to improve security of discriminative SVM classifiers. Prasanta Gogoi et al. [8] have presented a clustering based classification method for network anomaly detection. The training algorithm is a combination of supervised classification and unsupervised incremental clustering. This algorithm clusters a labeled training dataset into different clusters to present the profile of normal and anomaly packets. The supervised classification is used to test object with the cluster profiles for labeling them. Weiming Hu et al, [9] have proposed two online Adaboost based intrusion detection. In first algorithm decision stumps are used as weak classifiers. In the second algorithm, Gaussian mixture model is used as base classifier. They found that the Adaboost with Gaussian mixture model exhibited a lower false positive rate than Adaboost with decision stumps. Monowar H. Bhuyan1 et al., [10] have presented an Adaptive Outlier based approach for Coordinated scan Detection. This approach is an outlier score based adaptive network anomaly detection. Using this method they achieved higher detection accuracy and low false positive rate on real-life datasets. Susan C. Lee and David V. Heinbuch [11] have proposed intrusion detection system composed of a hierarchy of neural networks. The three layers of neural networks are used to implement intrusion detection system which functions as a true anomaly detector. The neural network detectors are able to recognize attacks that were not specifically presented during training. The small neural network detector in a hierarchy gives a better result than a single large detector. M. Amini et al. [12] have proposed an artificial neural network based intrusion detection system which is called as RT-UNNID. This unsupervised neural network based system is capable of intelligent real time intrusion detection system. The first module the system captures real packets and sent it to unsupervised classifier that uses Adaptive Resonance Theory and Self-Organizing Map neural networks. S. C. Lee and D. V. Heinbuch [13] introduced a hierarchy of neural networks to detect network anomalies. The Neural networks are trained using data which contains entire normal space and it is able to recognize unknown attacks effectively. K. Labib et al. [14] introduced Network Self-Organizing Maps based is intrusion detection n system. It uses a structured Self-Organizing Map to collect and classify real time network data. First of all, it clusters routine traffic that is normal packets in one or more cluster. The abnormal traffic is clustered in additional cluster. These clusters are used to classify the regular and irregular intrusive traffic. Sun et al. [15] have proposed a wavelet neural network for intrusion detection system. This system is capable to reduce the number of wavelet basic functions to optimize the wavelet neural network. The gradient descent method is used to train the neural network. III. INTRODUCTION TO CASCADE FORWARD BACKPROPAGATION NEURAL NETWORK Artificial Neural Network is a simple mathematical model of the human brain. The real neural networks employ enormous interconnections of neurons to achieve good performance. Neural networks acquire knowledge of the environment through a process of learning which analytically changes the synaptic weights of the network to attain a desired design objective [16]. Artificial neural network consists of three or more neuron layers: one input layer, one or more output layers and one hidden layer. In some cases, only one hidden layer is used to restrict the model building time [17]. There are different types of architecture of Artificial Neural Network. The architecture of a network describes the network in terms of number of layers a network has, the number of neurons in each layer, each layer s transfer function and how the layers connect to each other [18][19]. There are two main architectures of artificial neural networks; Feed Forward Back Propagation and Cascade Forward Back Propagation. Feed Forward Back Propagation contains one input layer, one or several hidden layers and one output layer. It has one or more hidden layers of sigmoid neurons followed by an output layer of linear neurons [20]. Cascade Forward Back Propagation network is similar to Feed Forward Back Propagation network which use Back Propagation algorithm for updating weights. The main indication of this network is that each layer neurons re- 14

3 lates to all previous layer neurons [21]. The architecture of the cascade networks is dynamic. In Cascade network, learning is started with only one neuron, and the learning algorithm automatically adds new neurons creating a multilayer architecture during training. The number of hidden layer neuron increases step-by-step while training error decreases. The learning algorithm grows the network of a near optimal complexity which can generalize well [22]. Two training algorithms including Levenberg-Marquardt and Bayesian regulation back propagation algorithms can be used for updating network weights. We can restrict the fan-in and small number of hidden layer by controlling the connectivity which can leads to faster learning. Figure 1 shows the architecture of Cascade Forward Back Propagation neural network with one input layer of three neurons, one hidden layer of two neurons and output layer. Population Size : 20 Frequency of Report : 20 Seed Value : 01 In Table 1, all selected features are listed. This vital feature of dataset is finally normalized using minmax method of normalization to reduce the model building time. In second module, Cascade Forward Back Propagation neural network is used to implement intrusion detection system. MatLab is used to implement and evaluate the performance of Cascade Forward Back propagation neural network for intrusion detection. The Cascade Forward Back propagation neural network is a very efficient, elastic, and fast algorithm for supervised learning. In general, it builds the network by adding hidden units one at a time, until the desired input-output mapping is attained. It connects all the earlier neurons to the new neurons being added. Accordingly, each new neuron in effect adds a new layer and the input neurons of the hidden and output neuron keeps on increasing as more neurons get added. The Cascade neural network s architecture is dynamic which automatically adds and trains new neurons creating multilayer network. The number of hidden layer and number of hidden neurons increases the complexity of the network. Figure 1. Arrchitecture of Cascade forward Neuaral network IV. PROPOSED INTRUSION DETECTION SYSTEM The proposed intrusion detection system is divided into two phases. The first phase is dedicated for preproposessing of NSL_KDD dataset. Feature selection is essential data pre-processing step to reduce the dimension of dataset. Reduction of dimension of dataset leads to better understandable neural network model. There are two methods of feature selection methods. As early mentioned in section 4, NSL_KDD dataset is used for experimental work. All 41 features are not relevant for network intrusion detection system. The vital forteen features are selected from the dataset using Genetic Search Algorithm. Following parameters of Genetic Algorithm are used to select the features. Probabability of Crossover : 0.6 Number of Generation : 20 Probability of Mutation : Table 1. List of Attribute Selected by Genetic Algorithm Sr.No. Name of the Attributes 1 src_bytes 2 dst_bytes 3 wrong_fragment 4 Hot 5 logged_in 6 num_file_creations 7 Count 8 srv_serror_rate 9 same_srv_rate 10 diff_srv_rate 11 dst_host_count 12 dst_host_srv_diff_host_rate 13 dst_host_serror_rate 14 dst_host_srv_serror_rate In this paper, Cascade Forward neural network with restricted fan-in and small depth is used by controlling the connectivity. To reduce the connectivity, only one hidden layer is used to build the network. This approach of keeping restricted hidden layer helped to reduce the model building time. In experimentation, the numbers of neurons in hidden layer are increased from one neuron to 35 neurons. Our results reveal that there is a tradeoff between number of neuron in hidden layer, learning time and classification accuracy. In practice, Cascade Forward Back propagation neural network can over-fit because of noise in training dataset. The irrelevant features in training dataset also can over-fit the network and increase the 15

4 time to build the network. To overcome these problems, data preprocessing techniques have been used aimed to select the informative features from dataset. The Genetic Algorithm is used to select the relevant features which helped to reduce time and avoid over-fit network. For comparison we used the Feed forward Back propagation neural-network technique to train network with one hidden layer and one output neuron. The number of hidden neurons varied from 1 to 35 neurons. All neurons implemented a standard sigmoid transfer function. For training the Cascade Forward back propagation and Feed Forward Back propagation networks, we used a fast Levenberg-Marquardt algorithm. The learning parameters of the fast Levenberg-Marquardt algorithm are listed in Table 2. To prevent the networks from over fitting, the early stopping rule is used, for which the training data have been divided into the training, validation and testing data subsets. The proportions of the data points for these sets were 80%, 10% and 10% respectively. The both networks are evaluated by using the testing dataset from training dataset which we call it as cross validation method. The separate test dataset is also used to measure the performance of network in terms of classification accuracy, false positive rate, false negative and precisions. The experimental results are discussed in section 6 in detail. All experiments in this paper are performed on Intel(R) CORE i5-3210m 2.50GHz, Installed 8 GB RAM, Lenovo Laptop with 32 bit Operating system. Table 2. Learning Parameters Parameters of network Values Comments net.layers{1}.transferfcn 'tansig' Activation function at input layer net.layers{2}.transferfcn 'logsig Activation Function at hidden net.trainparam.epochs 100 Maximum number of epochs to train net.trainparam.show 25 Epochs between displays net.trainparam.goal 0 Performance goal net.trainparam.mem_reduc 5 reduce memory requirement V. EXPERIMENTAL RESULTS AND DISCUSSIONS Artificial Neural Network have developed using three layers. The fourteen parameters listed in Table 1 are given to input layer. In hidden layer number of neuron varied from one to thirty five to find the best fitting hidden layer structure. The experiments are performed using training, cross validation and test dataset. The experiments are also performed using separate test file. For the conveyance, first method of experimentation we call it as cross validation method and second is called as testing dataset. Table 3 listed all experimental results in terms of false positives, false negative, true positive rates and precision Table 3.Performance Evaluation of Cascade NN Classifier using Cross validation Neuron False False True True Precisi s in positive Negati positiv Negativ on Hidden Layer Rate ve Rate e Rate e Rate According to Table 3, it can be observed that Cascade Forward back propagation algorithm gradually reduces the false positive rate as number of neuron increases from one to fifteen. By increase neuron in hidden layer from 15 onward positive rates increases gradually. The hidden layer with fifteen neurons of Cascade Forward back propagation network gives best result. It is found that the results on 15 neuron are amazing. The both false positive and negative rates are equal. It also can observe that trained network gives equal true positive and negative rate with very good precision rate. Table 4 listed all experimental results on test dataset. According to Table 4, it can be observed that Cascade Forward back propagation algorithm gradually reduces the false positive rate as number of neuron increases from one to fifteen. By increasing neuron in hidden layer from 15 onward, positive rates increase gradually. The hidden layer with fifteen neurons of Cascade Forward back propagation network gives best result. Table 4.Performance Evaluation of Cascade Classifier on Test Dataset Neurons False False True True Precision in Hidden positive Negative positive Negative rate Rate Rate rate Layer According to figure 2, it can observed that precision rate on cross validation is more as compared to test dataset with different neurons in hidden layers. Figure 3 shows using cross validation method of evaluation. 16

5 the false positive rates of both evaluation methods. It shows that the false positive rate on cross validation method is low as compared to test dataset with different neurons in hidden layer % % % % % % Figure 4. Classification accuracy of proposed Cascade Figure 2. Precision rate of Cascade BP Neural network Figure 3. False Positive rates of Cascade NN with different number of nodes in Hidden Layers Table 5 listed the Classification accuracy of the proposed neural network using both method of evaluation. According to table 5 and figure 4, it can observe that Cascade Forward neural network exhibits excellent classification accuracy with fifteen neurons in hidden layer. Table 5.Classification Accuracy of Cascade Forward Network Sr. Number of Accuracy on Accuracy on No. Nodes in Cross validation Test dataset Hidden Layer % % % % % % % % % % % % % % Forward network Table 6 and figure 5 prsenets the classification accuracy of Feed Forward back Progation Neural Network on cross validation and test dataset. it can be observed that Cascade Forward Neural Network outperform feed Forward Neural netwrok on test dataset. Table 6. Classification accuracy of Feed Forward Sr. Neurons in Accuracy on Accuracy on No. Hidden Cross validation Test dataset Layer % % % % % % % % % % % % % % % % % % % % Figure 5. Classification accuracy of Feed Forward Network 17

6 According to figure 6, it is appeared that the optimal performance of Cascade Forward network with fifteen neurons in hidden layer was obtained best than other number of neurons in hidden layers using cross validation. Figure 7 shows the performance of proposed network with fifteen neurons in hidden layer on test dataset. Figure 6. Performance Evaluation of Classifier on 15 Hidden nodes using Cross Validation Figure 7. Performance Evaluation of Classifier on 15 Hidden nodes using Test Dataset Finally, Table 7 presents the post processing results of proposed Cascade Forward network. The M-values and R-values have shown satisfactory. Table 7:Performance Evaluation of Cascade classifier Post preprocessing Evaluation Criteria M -Value B-Value R-value Model Building Time Cross Validation test dataset Minutes VI. CONCLUSIONS In this paper, different neural Network based intrusion detection systems are preseneted in section II. The intrusion detection system is implemented using Cascade Forward Back propagation neural network. The netwrok was trained by using NSL_KDD dataset. The long training time of the neural network is mostly due irrelevant features in dataset and the huge number of training samples. To reduce the training time, the Genetic Search Algorithm is used to select the relevant features. The training dataset is divided into three dataset as training, crossover and testing dataset. The network is trained using this training dataset and tested using test (10%) dataset; we call this method as cross validation. The trained network is evaluated using cross validation method of evaluation and using test file. The Backpropagation algorithm based on Levenberg Marquardt mechanism is used as training function. The networks were trained with 100 epochs. The results of Cascaded Forward neural network and Feed Forward Backpropgation neural networks were evaluated in terms of classification accuracy, false positive rates, false negative and precision. Cascade Forward neural network exhibit the best results (Classification accuracy: , False Positive rate: , Precision rate: ) on cross validation. It also exhibit good results (Classification accuracy: %, False Positive rate: , Precision rate: ) on test dataset with 15 neurons in hidden layer. Feed Forward neural network exhibit % Classification accuracy using cross validation and % on test dataset with 25 neurons in hidden layer. Cascaded Forward back propagation neural network model exhibits best results followed by Feed Forward neural network model. It is found that, Cascade Forward Back Propagation neural network exhibits equal false positive and false negative rates with 15 neurons in hidden layer on cross validation. It also exhibit equal true positive and negative rate with 15 neurons. On test file, it is also found that the performance of Cascade Forward Neural Network is better than Feed Forward neural network. The average time to train the Cascade Forward BP neural network is 8.42 minutes. REFERENCES [1] Carol J Fung, Jie Zhang and Raouf Boutaba, Effective Acquaintance Management based on Bayesian Learning for Distributed Intrusion Detection Networks, in IEEE Transactions on Network and Service Management, Vol.9, No.3, September [2] Muamer N. Mohammada, Norrozila Sulaimana and Osama Abdulkarim Muhsinb, A Novel Intrusion Detection System by using Intelligent DataMining in WEKA Environment, in Procedia Computer Science 3 (2011) [3] Weiming Hu, Wei Hu and Steve Maybank, AdaBoost-Based Algorithm for Network Intrusion Detection, in IEEE Transactions on Systems, 18

7 Man, and Cybernetics-Part-B: Cybernetics, Vol.38, No2, April [4] Sung-Bae Cho, Incorporating Soft Computing Techniques Into a Probabilistic Intrusion Detection System, in IEEE Transactions on Systems, Man, and Cybernetics-Part-C Application and Review, Vol.32, No.2, May [5] E. Alpaydin, Introduction to Machine Learning, MIT Press, [6] Mitchell, Machine Learning, McGraw Hill, [7] Battista Biggio, Giorgio Fumera and Fabio Roli, Security Evaluation of Pattern Classifiers under Attack, in IEEE transactions on knowledge and data engineering, vol. 26, No. 4, APRIL [8] Prasanta Gogoi, B. Borah and D. K. Bhattacharyya, Network Anomaly Identification using Supervised Classifier, in Informatica 37 (2013) [9] Weiming Hu, Jun Gao, Yanguo Wang, Ou Wu and Stephen Maybank, Online Adaboost-Based Parameterized Methods for Dynamic Distributed Network Intrusion Detection, in IEEE Transaction on Cybernetics, Vol. 44, No. 1, JANUARY [10] Monowar H. Bhuyan1, Dhruba Kr. Bhattacharyya and Jugal K. Kalita2, AOCD: An Adaptive Outlier Based Coordinated Scan Detection Approach, International Journal of Network Security, Vol.14, No.6, PP , Nov [11] Susan C. Lee and David V. Heinbuch, Training a Neural-Network Based Intrusion Detector to Recognize Novel Attacks, IEEE Transaction on System, man and Cybernetics Part A: System and Human, Vol.No.31, No.4 July [12] M. Amini, R. Jalili, and H. R. Shahriari, RT-UNNID: A practical solution to real-time network-based intrusion detection using unsupervised neural networks, Computers & Security, vol. 25, no. 6, pp , [13] S. C. Lee and D. V. Heinbuch, Training a neural-network based intrusion detector to recognize novel attacks, IEEE Trans. Syst. Man Cybern. A, vol. 31, no. 4, pp , [14] K. Labib and R. Vemuri, NSOM: A Tool To Detect Denial Of Service Attacks Using Self-Organizing Maps, Department of Applied Science University of California, Davis Davis, California, U.S.A., Tech. Rep., [15] J. Sun, H. Yang, J. Tian, and F. Wu, Intrusion Detection Method Based on Wavelet Neural Network, in Proc. 2nd International Workshop on Knowledge Discovery and Data Mining. USA: IEEE CS, 2009, pp [16] S. Haykin, Neural Networks. New Jersey: Prentice Hall, [17] D. Kriesel, A Brief Introduction to Neural Networks (ZETA2-EN), in the framework of a seminar of the University of Bonn in Germany (2005). [18] David Reby, Sovan Lek, Ioannis Dimopoulos, Jean Joachim, Jacques Lauga and Stephane Aulagnier, Artificial neural networks as a classification method in the Behavioural sciences, In Published by Elsevier Behavioural Processes 40 (1997) 35 43, Jan [19] Howard Demuth and Mark Beale, Neural Network Toolbox for Use with MATLAB, User s Guide Ver. 4. [20] Lynne E. Parker, Notes on Multilayer Feed forward Neural Networks, CS494/594: Machine Learning Fall [21] Dheeraj S. Badde, Anil k. Gupta and Vinayak K. Patki, Cascade and Feed Forward Back propagation Artificial Neural Network Models for Prediction of Compressive Strength of Ready Mix Concrete, IOSR Journal of Mechanical and Civil Engineering (IOSR-JMCE) ISSN: , PP: [22] Vitaly Schetinin, An Evolving Cascade Neural Network Technique for Cleaning Sleep Electroencephalograms, Computer Science Department, University of Exeter, Exeter, EX4 4QF, UK. 19

Approach Using Genetic Algorithm for Intrusion Detection System

Approach Using Genetic Algorithm for Intrusion Detection System Approach Using Genetic Algorithm for Intrusion Detection System 544 Abhijeet Karve Government College of Engineering, Aurangabad, Dr. Babasaheb Ambedkar Marathwada University, Aurangabad, Maharashtra-

More information

International Journal of Scientific & Engineering Research, Volume 4, Issue 7, July-2013 ISSN

International Journal of Scientific & Engineering Research, Volume 4, Issue 7, July-2013 ISSN 1 Review: Boosting Classifiers For Intrusion Detection Richa Rawat, Anurag Jain ABSTRACT Network and host intrusion detection systems monitor malicious activities and the management station is a technique

More information

Intrusion Detection System with FGA and MLP Algorithm

Intrusion Detection System with FGA and MLP Algorithm Intrusion Detection System with FGA and MLP Algorithm International Journal of Engineering Research & Technology (IJERT) Miss. Madhuri R. Yadav Department Of Computer Engineering Siddhant College Of Engineering,

More information

Review on Data Mining Techniques for Intrusion Detection System

Review on Data Mining Techniques for Intrusion Detection System Review on Data Mining Techniques for Intrusion Detection System Sandeep D 1, M. S. Chaudhari 2 Research Scholar, Dept. of Computer Science, P.B.C.E, Nagpur, India 1 HoD, Dept. of Computer Science, P.B.C.E,

More information

Analysis of Feature Selection Techniques: A Data Mining Approach

Analysis of Feature Selection Techniques: A Data Mining Approach Analysis of Feature Selection Techniques: A Data Mining Approach Sheena M.Tech Scholar CSE, SBSSTC Krishan Kumar Associate Professor CSE, SBSSTC Gulshan Kumar Assistant Professor MCA, SBSSTC ABSTRACT Feature

More information

Flow-based Anomaly Intrusion Detection System Using Neural Network

Flow-based Anomaly Intrusion Detection System Using Neural Network Flow-based Anomaly Intrusion Detection System Using Neural Network tational power to analyze only the basic characteristics of network flow, so as to Intrusion Detection systems (KBIDES) classify the data

More information

Review on Methods of Selecting Number of Hidden Nodes in Artificial Neural Network

Review on Methods of Selecting Number of Hidden Nodes in Artificial Neural Network Available Online at www.ijcsmc.com International Journal of Computer Science and Mobile Computing A Monthly Journal of Computer Science and Information Technology IJCSMC, Vol. 3, Issue. 11, November 2014,

More information

A SURVEY ON DATA MINING TECHNIQUES FOR CLASSIFICATION OF IMAGES

A SURVEY ON DATA MINING TECHNIQUES FOR CLASSIFICATION OF IMAGES A SURVEY ON DATA MINING TECHNIQUES FOR CLASSIFICATION OF IMAGES 1 Preeti lata sahu, 2 Ms.Aradhana Singh, 3 Mr.K.L.Sinha 1 M.Tech Scholar, 2 Assistant Professor, 3 Sr. Assistant Professor, Department of

More information

International Journal of Scientific & Engineering Research, Volume 6, Issue 6, June ISSN

International Journal of Scientific & Engineering Research, Volume 6, Issue 6, June ISSN International Journal of Scientific & Engineering Research, Volume 6, Issue 6, June-2015 1496 A Comprehensive Survey of Selected Data Mining Algorithms used for Intrusion Detection Vivek Kumar Srivastava

More information

CHAPTER V KDD CUP 99 DATASET. With the widespread use of computer networks, the number of attacks has grown

CHAPTER V KDD CUP 99 DATASET. With the widespread use of computer networks, the number of attacks has grown CHAPTER V KDD CUP 99 DATASET With the widespread use of computer networks, the number of attacks has grown extensively, and many new hacking tools and intrusive methods have appeared. Using an intrusion

More information

A Network Intrusion Detection System Architecture Based on Snort and. Computational Intelligence

A Network Intrusion Detection System Architecture Based on Snort and. Computational Intelligence 2nd International Conference on Electronics, Network and Computer Engineering (ICENCE 206) A Network Intrusion Detection System Architecture Based on Snort and Computational Intelligence Tao Liu, a, Da

More information

Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction

Intrusion Detection System Based on K-Star Classifier and Feature Set Reduction IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661, p- ISSN: 2278-8727Volume 15, Issue 5 (Nov. - Dec. 2013), PP 107-112 Intrusion Detection System Based on K-Star Classifier and Feature

More information

Simulation of Zhang Suen Algorithm using Feed- Forward Neural Networks

Simulation of Zhang Suen Algorithm using Feed- Forward Neural Networks Simulation of Zhang Suen Algorithm using Feed- Forward Neural Networks Ritika Luthra Research Scholar Chandigarh University Gulshan Goyal Associate Professor Chandigarh University ABSTRACT Image Skeletonization

More information

Study of Machine Learning Based Intrusion Detection System

Study of Machine Learning Based Intrusion Detection System ISSN 2395-1621 Study of Machine Learning Based Intrusion Detection System #1 Prashant Wakhare, #2 Dr S.T.Singh 1 Prashant_mitr@rediffmail.com 2 stsingh47@gmail.com Computer Engineering, Savitribai Phule

More information

Detection of DDoS Attack on the Client Side Using Support Vector Machine

Detection of DDoS Attack on the Client Side Using Support Vector Machine Detection of DDoS Attack on the Client Side Using Support Vector Machine Donghoon Kim * and Ki Young Lee** *Department of Information and Telecommunication Engineering, Incheon National University, Incheon,

More information

A Survey And Comparative Analysis Of Data

A Survey And Comparative Analysis Of Data A Survey And Comparative Analysis Of Data Mining Techniques For Network Intrusion Detection Systems In Information Security, intrusion detection is the act of detecting actions that attempt to In 11th

More information

Analysis of FRAUD network ACTIONS; rules and models for detecting fraud activities. Eren Golge

Analysis of FRAUD network ACTIONS; rules and models for detecting fraud activities. Eren Golge Analysis of FRAUD network ACTIONS; rules and models for detecting fraud activities Eren Golge FRAUD? HACKERS!! DoS: Denial of service R2L: Unauth. Access U2R: Root access to Local Machine. Probing: Survallience....

More information

Hybrid Feature Selection for Modeling Intrusion Detection Systems

Hybrid Feature Selection for Modeling Intrusion Detection Systems Hybrid Feature Selection for Modeling Intrusion Detection Systems Srilatha Chebrolu, Ajith Abraham and Johnson P Thomas Department of Computer Science, Oklahoma State University, USA ajith.abraham@ieee.org,

More information

Deep Learning Approach to Network Intrusion Detection

Deep Learning Approach to Network Intrusion Detection Deep Learning Approach to Network Intrusion Detection Paper By : Nathan Shone, Tran Nguyen Ngoc, Vu Dinh Phai, Qi Shi Presented by : Romi Bajracharya Overview Introduction Limitation with NIDS Proposed

More information

Determining the Number of Hidden Neurons in a Multi Layer Feed Forward Neural Network

Determining the Number of Hidden Neurons in a Multi Layer Feed Forward Neural Network Determining the Number of Hidden Neurons in a Multi Layer Feed Forward Neural Network Lynn Ray University of Maryland University College 3501 University Blvd East Adelphi, MD 20783. USA ABSTRACT: A neural

More information

An Algorithm For Training Multilayer Perceptron (MLP) For Image Reconstruction Using Neural Network Without Overfitting.

An Algorithm For Training Multilayer Perceptron (MLP) For Image Reconstruction Using Neural Network Without Overfitting. An Algorithm For Training Multilayer Perceptron (MLP) For Image Reconstruction Using Neural Network Without Overfitting. Mohammad Mahmudul Alam Mia, Shovasis Kumar Biswas, Monalisa Chowdhury Urmi, Abubakar

More information

An Ensemble Data Mining Approach for Intrusion Detection in a Computer Network

An Ensemble Data Mining Approach for Intrusion Detection in a Computer Network International Journal of Science and Engineering Investigations vol. 6, issue 62, March 2017 ISSN: 2251-8843 An Ensemble Data Mining Approach for Intrusion Detection in a Computer Network Abisola Ayomide

More information

Intrusion Detection Using Data Mining Technique (Classification)

Intrusion Detection Using Data Mining Technique (Classification) Intrusion Detection Using Data Mining Technique (Classification) Dr.D.Aruna Kumari Phd 1 N.Tejeswani 2 G.Sravani 3 R.Phani Krishna 4 1 Associative professor, K L University,Guntur(dt), 2 B.Tech(1V/1V),ECM,

More information

Intrusion Detection using Neural Network Committee Machine

Intrusion Detection using Neural Network Committee Machine 2013 XXIV International Conference on Information, Communication and Automation Technologies (ICAT) October 30 November 01, 2013, Sarajevo, Bosnia and Herzegovina Intrusion Detection using Neural Network

More information

International Journal of Data Mining & Knowledge Management Process (IJDKP) Vol.7, No.3, May Dr.Zakea Il-Agure and Mr.Hicham Noureddine Itani

International Journal of Data Mining & Knowledge Management Process (IJDKP) Vol.7, No.3, May Dr.Zakea Il-Agure and Mr.Hicham Noureddine Itani LINK MINING PROCESS Dr.Zakea Il-Agure and Mr.Hicham Noureddine Itani Higher Colleges of Technology, United Arab Emirates ABSTRACT Many data mining and knowledge discovery methodologies and process models

More information

CHAPTER 5 CONTRIBUTORY ANALYSIS OF NSL-KDD CUP DATA SET

CHAPTER 5 CONTRIBUTORY ANALYSIS OF NSL-KDD CUP DATA SET CHAPTER 5 CONTRIBUTORY ANALYSIS OF NSL-KDD CUP DATA SET 5 CONTRIBUTORY ANALYSIS OF NSL-KDD CUP DATA SET An IDS monitors the network bustle through incoming and outgoing data to assess the conduct of data

More information

Intrusion Detection System based on Support Vector Machine and BN-KDD Data Set

Intrusion Detection System based on Support Vector Machine and BN-KDD Data Set Intrusion Detection System based on Support Vector Machine and BN-KDD Data Set Razieh Baradaran, Department of information technology, university of Qom, Qom, Iran R.baradaran@stu.qom.ac.ir Mahdieh HajiMohammadHosseini,

More information

Neuro-fuzzy, GA-Fuzzy, Neural-Fuzzy-GA: A Data Mining Technique for Optimization

Neuro-fuzzy, GA-Fuzzy, Neural-Fuzzy-GA: A Data Mining Technique for Optimization International Journal of Computer Science and Software Engineering Volume 3, Number 1 (2017), pp. 1-9 International Research Publication House http://www.irphouse.com Neuro-fuzzy, GA-Fuzzy, Neural-Fuzzy-GA:

More information

Keywords Intrusion Detection System, Artificial Neural Network, Multi-Layer Perceptron. Apriori algorithm

Keywords Intrusion Detection System, Artificial Neural Network, Multi-Layer Perceptron. Apriori algorithm Volume 3, Issue 6, June 2013 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com Detecting and Classifying

More information

Experiments with Applying Artificial Immune System in Network Attack Detection

Experiments with Applying Artificial Immune System in Network Attack Detection Kennesaw State University DigitalCommons@Kennesaw State University KSU Proceedings on Cybersecurity Education, Research and Practice 2017 KSU Conference on Cybersecurity Education, Research and Practice

More information

International Journal of Scientific Research & Engineering Trends Volume 4, Issue 6, Nov-Dec-2018, ISSN (Online): X

International Journal of Scientific Research & Engineering Trends Volume 4, Issue 6, Nov-Dec-2018, ISSN (Online): X Analysis about Classification Techniques on Categorical Data in Data Mining Assistant Professor P. Meena Department of Computer Science Adhiyaman Arts and Science College for Women Uthangarai, Krishnagiri,

More information

A study on fuzzy intrusion detection

A study on fuzzy intrusion detection A study on fuzzy intrusion detection J.T. Yao S.L. Zhao L. V. Saxton Department of Computer Science University of Regina Regina, Saskatchewan, Canada S4S 0A2 E-mail: [jtyao,zhao200s,saxton]@cs.uregina.ca

More information

Classification Trees with Logistic Regression Functions for Network Based Intrusion Detection System

Classification Trees with Logistic Regression Functions for Network Based Intrusion Detection System IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661,p-ISSN: 2278-8727, Volume 19, Issue 3, Ver. IV (May - June 2017), PP 48-52 www.iosrjournals.org Classification Trees with Logistic Regression

More information

Research on Applications of Data Mining in Electronic Commerce. Xiuping YANG 1, a

Research on Applications of Data Mining in Electronic Commerce. Xiuping YANG 1, a International Conference on Education Technology, Management and Humanities Science (ETMHS 2015) Research on Applications of Data Mining in Electronic Commerce Xiuping YANG 1, a 1 Computer Science Department,

More information

Image Compression: An Artificial Neural Network Approach

Image Compression: An Artificial Neural Network Approach Image Compression: An Artificial Neural Network Approach Anjana B 1, Mrs Shreeja R 2 1 Department of Computer Science and Engineering, Calicut University, Kuttippuram 2 Department of Computer Science and

More information

Multiple Classifier Fusion With Cuttlefish Algorithm Based Feature Selection

Multiple Classifier Fusion With Cuttlefish Algorithm Based Feature Selection Multiple Fusion With Cuttlefish Algorithm Based Feature Selection K.Jayakumar Department of Communication and Networking k_jeyakumar1979@yahoo.co.in S.Karpagam Department of Computer Science and Engineering,

More information

Argha Roy* Dept. of CSE Netaji Subhash Engg. College West Bengal, India.

Argha Roy* Dept. of CSE Netaji Subhash Engg. College West Bengal, India. Volume 3, Issue 3, March 2013 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com Training Artificial

More information

Big Data Analytics: Feature Selection and Machine Learning for Intrusion Detection On Microsoft Azure Platform

Big Data Analytics: Feature Selection and Machine Learning for Intrusion Detection On Microsoft Azure Platform Big Data Analytics: Feature Selection and Machine Learning for Intrusion Detection On Microsoft Azure Platform Nachirat Rachburee and Wattana Punlumjeak Department of Computer Engineering, Faculty of Engineering,

More information

Performance Analysis of Data Mining Classification Techniques

Performance Analysis of Data Mining Classification Techniques Performance Analysis of Data Mining Classification Techniques Tejas Mehta 1, Dr. Dhaval Kathiriya 2 Ph.D. Student, School of Computer Science, Dr. Babasaheb Ambedkar Open University, Gujarat, India 1 Principal

More information

PERSONALIZATION OF MESSAGES

PERSONALIZATION OF  MESSAGES PERSONALIZATION OF E-MAIL MESSAGES Arun Pandian 1, Balaji 2, Gowtham 3, Harinath 4, Hariharan 5 1,2,3,4 Student, Department of Computer Science and Engineering, TRP Engineering College,Tamilnadu, India

More information

Intrusion detection in computer networks through a hybrid approach of data mining and decision trees

Intrusion detection in computer networks through a hybrid approach of data mining and decision trees WALIA journal 30(S1): 233237, 2014 Available online at www.waliaj.com ISSN 10263861 2014 WALIA Intrusion detection in computer networks through a hybrid approach of data mining and decision trees Tayebeh

More information

A Detailed Analysis on NSL-KDD Dataset Using Various Machine Learning Techniques for Intrusion Detection

A Detailed Analysis on NSL-KDD Dataset Using Various Machine Learning Techniques for Intrusion Detection A Detailed Analysis on NSL-KDD Dataset Using Various Machine Learning Techniques for Intrusion Detection S. Revathi Ph.D. Research Scholar PG and Research, Department of Computer Science Government Arts

More information

Preprocessing of Stream Data using Attribute Selection based on Survival of the Fittest

Preprocessing of Stream Data using Attribute Selection based on Survival of the Fittest Preprocessing of Stream Data using Attribute Selection based on Survival of the Fittest Bhakti V. Gavali 1, Prof. Vivekanand Reddy 2 1 Department of Computer Science and Engineering, Visvesvaraya Technological

More information

Using Decision Boundary to Analyze Classifiers

Using Decision Boundary to Analyze Classifiers Using Decision Boundary to Analyze Classifiers Zhiyong Yan Congfu Xu College of Computer Science, Zhejiang University, Hangzhou, China yanzhiyong@zju.edu.cn Abstract In this paper we propose to use decision

More information

Neural Networks. CE-725: Statistical Pattern Recognition Sharif University of Technology Spring Soleymani

Neural Networks. CE-725: Statistical Pattern Recognition Sharif University of Technology Spring Soleymani Neural Networks CE-725: Statistical Pattern Recognition Sharif University of Technology Spring 2013 Soleymani Outline Biological and artificial neural networks Feed-forward neural networks Single layer

More information

ADVANCES in NATURAL and APPLIED SCIENCES

ADVANCES in NATURAL and APPLIED SCIENCES ADVANCES in NATURAL and APPLIED SCIENCES ISSN: 1995-0772 Published BYAENSI Publication EISSN: 1998-1090 http://www.aensiweb.com/anas 2017 February 11(2): pages 14-18 Open Access Journal A Novel Framework

More information

COMPARISON OF DIFFERENT CLASSIFICATION TECHNIQUES

COMPARISON OF DIFFERENT CLASSIFICATION TECHNIQUES COMPARISON OF DIFFERENT CLASSIFICATION TECHNIQUES USING DIFFERENT DATASETS V. Vaithiyanathan 1, K. Rajeswari 2, Kapil Tajane 3, Rahul Pitale 3 1 Associate Dean Research, CTS Chair Professor, SASTRA University,

More information

An Efficient Approach for Color Pattern Matching Using Image Mining

An Efficient Approach for Color Pattern Matching Using Image Mining An Efficient Approach for Color Pattern Matching Using Image Mining * Manjot Kaur Navjot Kaur Master of Technology in Computer Science & Engineering, Sri Guru Granth Sahib World University, Fatehgarh Sahib,

More information

European Journal of Science and Engineering Vol. 1, Issue 1, 2013 ADAPTIVE NEURO-FUZZY INFERENCE SYSTEM IDENTIFICATION OF AN INDUCTION MOTOR

European Journal of Science and Engineering Vol. 1, Issue 1, 2013 ADAPTIVE NEURO-FUZZY INFERENCE SYSTEM IDENTIFICATION OF AN INDUCTION MOTOR ADAPTIVE NEURO-FUZZY INFERENCE SYSTEM IDENTIFICATION OF AN INDUCTION MOTOR Ahmed A. M. Emam College of Engineering Karrary University SUDAN ahmedimam1965@yahoo.co.in Eisa Bashier M. Tayeb College of Engineering

More information

Based on the fusion of neural network algorithm in the application of the anomaly detection

Based on the fusion of neural network algorithm in the application of the anomaly detection , pp.28-34 http://dx.doi.org/10.14257/astl.2016.134.05 Based on the fusion of neural network algorithm in the application of the anomaly detection Zhu YuanZhong Electrical and Information Engineering Department

More information

Performance Analysis of various classifiers using Benchmark Datasets in Weka tools

Performance Analysis of various classifiers using Benchmark Datasets in Weka tools Performance Analysis of various classifiers using Benchmark Datasets in Weka tools Abstract Intrusion occurs in the network due to redundant and irrelevant data that cause problem in network traffic classification.

More information

Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network

Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network Utkarsh Dwivedi 1, Pranjal Rajput 2, Manish Kumar Sharma 3 1UG Scholar, Dept. of CSE, GCET, Greater Noida,

More information

EFFICIENT ADAPTIVE PREPROCESSING WITH DIMENSIONALITY REDUCTION FOR STREAMING DATA

EFFICIENT ADAPTIVE PREPROCESSING WITH DIMENSIONALITY REDUCTION FOR STREAMING DATA INTERNATIONAL JOURNAL OF RESEARCH IN COMPUTER APPLICATIONS AND ROBOTICS ISSN 2320-7345 EFFICIENT ADAPTIVE PREPROCESSING WITH DIMENSIONALITY REDUCTION FOR STREAMING DATA Saranya Vani.M 1, Dr. S. Uma 2,

More information

Efficient Method for Intrusion Detection in Multitenanat Data Center; A Review

Efficient Method for Intrusion Detection in Multitenanat Data Center; A Review Efficient Method for Intrusion Detection in Multitenanat Data Center; A Review S. M. Jawahire Dept. of Computer Engineering J.S.C.O.E.,Hadapsar Pune, India H. A. Hingoliwala Dept. of Computer Engineering

More information

Neural Network Classifier for Isolated Character Recognition

Neural Network Classifier for Isolated Character Recognition Neural Network Classifier for Isolated Character Recognition 1 Ruby Mehta, 2 Ravneet Kaur 1 M.Tech (CSE), Guru Nanak Dev University, Amritsar (Punjab), India 2 M.Tech Scholar, Computer Science & Engineering

More information

Face Detection using Hierarchical SVM

Face Detection using Hierarchical SVM Face Detection using Hierarchical SVM ECE 795 Pattern Recognition Christos Kyrkou Fall Semester 2010 1. Introduction Face detection in video is the process of detecting and classifying small images extracted

More information

DECISION TREE BASED IDS USING WRAPPER APPROACH

DECISION TREE BASED IDS USING WRAPPER APPROACH DECISION TREE BASED IDS USING WRAPPER APPROACH Uttam B. Jadhav 1 and Satyendra Vyas 2 1 Department of Computer Engineering, Kota University, Alwar, Rajasthan, India 2 Department of Computer Engineering,

More information

INVESTIGATING DATA MINING BY ARTIFICIAL NEURAL NETWORK: A CASE OF REAL ESTATE PROPERTY EVALUATION

INVESTIGATING DATA MINING BY ARTIFICIAL NEURAL NETWORK: A CASE OF REAL ESTATE PROPERTY EVALUATION http:// INVESTIGATING DATA MINING BY ARTIFICIAL NEURAL NETWORK: A CASE OF REAL ESTATE PROPERTY EVALUATION 1 Rajat Pradhan, 2 Satish Kumar 1,2 Dept. of Electronics & Communication Engineering, A.S.E.T.,

More information

CHAPTER VI BACK PROPAGATION ALGORITHM

CHAPTER VI BACK PROPAGATION ALGORITHM 6.1 Introduction CHAPTER VI BACK PROPAGATION ALGORITHM In the previous chapter, we analysed that multiple layer perceptrons are effectively applied to handle tricky problems if trained with a vastly accepted

More information

A Technique by using Neuro-Fuzzy Inference System for Intrusion Detection and Forensics

A Technique by using Neuro-Fuzzy Inference System for Intrusion Detection and Forensics International OPEN ACCESS Journal Of Modern Engineering Research (IJMER) A Technique by using Neuro-Fuzzy Inference System for Intrusion Detection and Forensics Abhishek choudhary 1, Swati Sharma 2, Pooja

More information

AN NOVEL NEURAL NETWORK TRAINING BASED ON HYBRID DE AND BP

AN NOVEL NEURAL NETWORK TRAINING BASED ON HYBRID DE AND BP AN NOVEL NEURAL NETWORK TRAINING BASED ON HYBRID DE AND BP Xiaohui Yuan ', Yanbin Yuan 2, Cheng Wang ^ / Huazhong University of Science & Technology, 430074 Wuhan, China 2 Wuhan University of Technology,

More information

Comparison of variable learning rate and Levenberg-Marquardt back-propagation training algorithms for detecting attacks in Intrusion Detection Systems

Comparison of variable learning rate and Levenberg-Marquardt back-propagation training algorithms for detecting attacks in Intrusion Detection Systems Comparison of variable learning rate and Levenberg-Marquardt back-propagation training algorithms for detecting attacks in Intrusion Detection Systems Tummala Pradeep 1 IV th Year Student, Department of

More information

A Neural Network Model Of Insurance Customer Ratings

A Neural Network Model Of Insurance Customer Ratings A Neural Network Model Of Insurance Customer Ratings Jan Jantzen 1 Abstract Given a set of data on customers the engineering problem in this study is to model the data and classify customers

More information

Knowledge Discovery. Javier Béjar URL - Spring 2019 CS - MIA

Knowledge Discovery. Javier Béjar URL - Spring 2019 CS - MIA Knowledge Discovery Javier Béjar URL - Spring 2019 CS - MIA Knowledge Discovery (KDD) Knowledge Discovery in Databases (KDD) Practical application of the methodologies from machine learning/statistics

More information

Record Linkage using Probabilistic Methods and Data Mining Techniques

Record Linkage using Probabilistic Methods and Data Mining Techniques Doi:10.5901/mjss.2017.v8n3p203 Abstract Record Linkage using Probabilistic Methods and Data Mining Techniques Ogerta Elezaj Faculty of Economy, University of Tirana Gloria Tuxhari Faculty of Economy, University

More information

Iris recognition using SVM and BP algorithms

Iris recognition using SVM and BP algorithms International Journal of Engineering Research and Advanced Technology (IJERAT) DOI: http://dx.doi.org/10.31695/ijerat.2018.3262 E-ISSN : 2454-6135 Volume.4, Issue 5 May -2018 Iris recognition using SVM

More information

A STUDY OF SOME DATA MINING CLASSIFICATION TECHNIQUES

A STUDY OF SOME DATA MINING CLASSIFICATION TECHNIQUES A STUDY OF SOME DATA MINING CLASSIFICATION TECHNIQUES Narsaiah Putta Assistant professor Department of CSE, VASAVI College of Engineering, Hyderabad, Telangana, India Abstract Abstract An Classification

More information

Real Time Object Recognition System

Real Time Object Recognition System International Journal of Theoretical and Applied Mechanics. ISSN 0973-6085 Volume 12, Number 2 (2017) pp. 241-266 Research India Publications http://www.ripublication.com Real Time Object Recognition System

More information

CS6220: DATA MINING TECHNIQUES

CS6220: DATA MINING TECHNIQUES CS6220: DATA MINING TECHNIQUES Image Data: Classification via Neural Networks Instructor: Yizhou Sun yzsun@ccs.neu.edu November 19, 2015 Methods to Learn Classification Clustering Frequent Pattern Mining

More information

Simulation of Back Propagation Neural Network for Iris Flower Classification

Simulation of Back Propagation Neural Network for Iris Flower Classification American Journal of Engineering Research (AJER) e-issn: 2320-0847 p-issn : 2320-0936 Volume-6, Issue-1, pp-200-205 www.ajer.org Research Paper Open Access Simulation of Back Propagation Neural Network

More information

Intelligent Risk Identification and Analysis in IT Network Systems

Intelligent Risk Identification and Analysis in IT Network Systems Intelligent Risk Identification and Analysis in IT Network Systems Masoud Mohammadian University of Canberra, Faculty of Information Sciences and Engineering, Canberra, ACT 2616, Australia masoud.mohammadian@canberra.edu.au

More information

COMBINING NEURAL NETWORKS FOR SKIN DETECTION

COMBINING NEURAL NETWORKS FOR SKIN DETECTION COMBINING NEURAL NETWORKS FOR SKIN DETECTION Chelsia Amy Doukim 1, Jamal Ahmad Dargham 1, Ali Chekima 1 and Sigeru Omatu 2 1 School of Engineering and Information Technology, Universiti Malaysia Sabah,

More information

Creating Situational Awareness with Spacecraft Data Trending and Monitoring

Creating Situational Awareness with Spacecraft Data Trending and Monitoring Creating Situational Awareness with Spacecraft Data Trending and Monitoring Zhenping Li ASRC Technical Services, Zhenping.Li@asrcfederal.com J.P. Douglas, and Ken Mitchell ASRC Technical Services, JPaul.Douglas@noaa.gov

More information

Neural Networks In Data Mining

Neural Networks In Data Mining Neural Networks In Mining Abstract-The application of neural networks in the data mining has become wider. Although neural networks may have complex structure, long training time, and uneasily understandable

More information

CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS

CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS CHAPTER 4 CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS 4.1 Introduction Optical character recognition is one of

More information

Unit V. Neural Fuzzy System

Unit V. Neural Fuzzy System Unit V Neural Fuzzy System 1 Fuzzy Set In the classical set, its characteristic function assigns a value of either 1 or 0 to each individual in the universal set, There by discriminating between members

More information

International Journal of Electrical, Electronics ISSN No. (Online): and Computer Engineering 3(2): 85-90(2014)

International Journal of Electrical, Electronics ISSN No. (Online): and Computer Engineering 3(2): 85-90(2014) I J E E E C International Journal of Electrical, Electronics ISSN No. (Online): 2277-2626 Computer Engineering 3(2): 85-90(2014) Robust Approach to Recognize Localize Text from Natural Scene Images Khushbu

More information

Edge Detection for Dental X-ray Image Segmentation using Neural Network approach

Edge Detection for Dental X-ray Image Segmentation using Neural Network approach Volume 1, No. 7, September 2012 ISSN 2278-1080 The International Journal of Computer Science & Applications (TIJCSA) RESEARCH PAPER Available Online at http://www.journalofcomputerscience.com/ Edge Detection

More information

Notes on Multilayer, Feedforward Neural Networks

Notes on Multilayer, Feedforward Neural Networks Notes on Multilayer, Feedforward Neural Networks CS425/528: Machine Learning Fall 2012 Prepared by: Lynne E. Parker [Material in these notes was gleaned from various sources, including E. Alpaydin s book

More information

A Data Classification Algorithm of Internet of Things Based on Neural Network

A Data Classification Algorithm of Internet of Things Based on Neural Network A Data Classification Algorithm of Internet of Things Based on Neural Network https://doi.org/10.3991/ijoe.v13i09.7587 Zhenjun Li Hunan Radio and TV University, Hunan, China 278060389@qq.com Abstract To

More information

Dynamic Analysis of Structures Using Neural Networks

Dynamic Analysis of Structures Using Neural Networks Dynamic Analysis of Structures Using Neural Networks Alireza Lavaei Academic member, Islamic Azad University, Boroujerd Branch, Iran Alireza Lohrasbi Academic member, Islamic Azad University, Boroujerd

More information

IN recent years, neural networks have attracted considerable attention

IN recent years, neural networks have attracted considerable attention Multilayer Perceptron: Architecture Optimization and Training Hassan Ramchoun, Mohammed Amine Janati Idrissi, Youssef Ghanou, Mohamed Ettaouil Modeling and Scientific Computing Laboratory, Faculty of Science

More information

Unsupervised Clustering of Web Sessions to Detect Malicious and Non-malicious Website Users

Unsupervised Clustering of Web Sessions to Detect Malicious and Non-malicious Website Users Unsupervised Clustering of Web Sessions to Detect Malicious and Non-malicious Website Users ANT 2011 Dusan Stevanovic York University, Toronto, Canada September 19 th, 2011 Outline Denial-of-Service and

More information

Image Upscaling and Fuzzy ARTMAP Neural Network

Image Upscaling and Fuzzy ARTMAP Neural Network IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661,p-ISSN: 2278-8727, Volume 17, Issue 4, Ver. II (July Aug. 2015), PP 79-85 www.iosrjournals.org Image Upscaling and Fuzzy ARTMAP Neural

More information

An Efficient Decision Tree Model for Classification of Attacks with Feature Selection

An Efficient Decision Tree Model for Classification of Attacks with Feature Selection An Efficient Decision Tree Model for Classification of Attacks with Feature Selection Akhilesh Kumar Shrivas Research Scholar, CVRU, Bilaspur (C.G.), India S. K. Singhai Govt. Engineering College Bilaspur

More information

Deep Tensor: Eliciting New Insights from Graph Data that Express Relationships between People and Things

Deep Tensor: Eliciting New Insights from Graph Data that Express Relationships between People and Things Deep Tensor: Eliciting New Insights from Graph Data that Express Relationships between People and Things Koji Maruhashi An important problem in information and communications technology (ICT) is classifying

More information

EVALUATION OF INTRUSION DETECTION TECHNIQUES AND ALGORITHMS IN TERMS OF PERFORMANCE AND EFFICIENCY THROUGH DATA MINING

EVALUATION OF INTRUSION DETECTION TECHNIQUES AND ALGORITHMS IN TERMS OF PERFORMANCE AND EFFICIENCY THROUGH DATA MINING International Journal of Computer Science Engineering and Information Technology Research (IJCSEITR) ISSN 2249-6831 Vol. 3, Issue 2, Jun 2013, 47-54 TJPRC Pvt. Ltd. EVALUATION OF INTRUSION DETECTION TECHNIQUES

More information

Cse634 DATA MINING TEST REVIEW. Professor Anita Wasilewska Computer Science Department Stony Brook University

Cse634 DATA MINING TEST REVIEW. Professor Anita Wasilewska Computer Science Department Stony Brook University Cse634 DATA MINING TEST REVIEW Professor Anita Wasilewska Computer Science Department Stony Brook University Preprocessing stage Preprocessing: includes all the operations that have to be performed before

More information

Data Mining and Analytics

Data Mining and Analytics Data Mining and Analytics Aik Choon Tan, Ph.D. Associate Professor of Bioinformatics Division of Medical Oncology Department of Medicine aikchoon.tan@ucdenver.edu 9/22/2017 http://tanlab.ucdenver.edu/labhomepage/teaching/bsbt6111/

More information

Anomaly Detection System for Video Data Using Machine Learning

Anomaly Detection System for Video Data Using Machine Learning Anomaly Detection System for Video Data Using Machine Learning Tadashi Ogino Abstract We are developing an anomaly detection system for video data that uses machine learning. The proposed system has two

More information

Outlier Detection Using Unsupervised and Semi-Supervised Technique on High Dimensional Data

Outlier Detection Using Unsupervised and Semi-Supervised Technique on High Dimensional Data Outlier Detection Using Unsupervised and Semi-Supervised Technique on High Dimensional Data Ms. Gayatri Attarde 1, Prof. Aarti Deshpande 2 M. E Student, Department of Computer Engineering, GHRCCEM, University

More information

Bayesian Learning Networks Approach to Cybercrime Detection

Bayesian Learning Networks Approach to Cybercrime Detection Bayesian Learning Networks Approach to Cybercrime Detection N S ABOUZAKHAR, A GANI and G MANSON The Centre for Mobile Communications Research (C4MCR), University of Sheffield, Sheffield Regent Court, 211

More information

Lane Changing Prediction Modeling on Highway Ramps: Approaches and Analysis

Lane Changing Prediction Modeling on Highway Ramps: Approaches and Analysis Lane Changing Prediction Modeling on Highway Ramps: Approaches and Analysis Yuan Zhang Sheng Li Mengxuan Zhang Abstract The lane-change maneuver prediction system for human drivers is valuable for advanced

More information

Enriching Text Classification Using Fuzzy and Probability Function

Enriching Text Classification Using Fuzzy and Probability Function Enriching Text Classification Using Fuzzy and Probability Function Ganesh Khot 1, Namrata Mahajan 2, Swapna Bhise 3, Gargi Joshi 4 P.G. Student, Department of Information Technology Engineering, DYPCOE,

More information

Research Article International Journals of Advanced Research in Computer Science and Software Engineering ISSN: X (Volume-7, Issue-6)

Research Article International Journals of Advanced Research in Computer Science and Software Engineering ISSN: X (Volume-7, Issue-6) International Journals of Advanced Research in Computer Science and Software Engineering Research Article June 17 Artificial Neural Network in Classification A Comparison Dr. J. Jegathesh Amalraj * Assistant

More information

K-Nearest-Neighbours with a Novel Similarity Measure for Intrusion Detection

K-Nearest-Neighbours with a Novel Similarity Measure for Intrusion Detection K-Nearest-Neighbours with a Novel Similarity Measure for Intrusion Detection Zhenghui Ma School of Computer Science The University of Birmingham Edgbaston, B15 2TT Birmingham, UK Ata Kaban School of Computer

More information

International Research Journal of Computer Science (IRJCS) ISSN: Issue 09, Volume 4 (September 2017)

International Research Journal of Computer Science (IRJCS) ISSN: Issue 09, Volume 4 (September 2017) APPLICATION OF LRN AND BPNN USING TEMPORAL BACKPROPAGATION LEARNING FOR PREDICTION OF DISPLACEMENT Talvinder Singh, Munish Kumar C-DAC, Noida, India talvinder.grewaal@gmail.com,munishkumar@cdac.in Manuscript

More information

Climate Precipitation Prediction by Neural Network

Climate Precipitation Prediction by Neural Network Journal of Mathematics and System Science 5 (205) 207-23 doi: 0.7265/259-529/205.05.005 D DAVID PUBLISHING Juliana Aparecida Anochi, Haroldo Fraga de Campos Velho 2. Applied Computing Graduate Program,

More information

Cluster Based detection of Attack IDS using Data Mining

Cluster Based detection of Attack IDS using Data Mining Cluster Based detection of Attack IDS using Data Mining 1 Manisha Kansra, 2 Pankaj Dev Chadha 1 Research scholar, 2 Assistant Professor, 1 Department of Computer Science Engineering 1 Geeta Institute of

More information

Network attack analysis via k-means clustering

Network attack analysis via k-means clustering Network attack analysis via k-means clustering - By Team Cinderella Chandni Pakalapati cp6023@rit.edu Priyanka Samanta ps7723@rit.edu Dept. of Computer Science CONTENTS Recap of project overview Analysis

More information