All Projects → rahulvigneswaran → Intrusion Detection Systems

rahulvigneswaran / Intrusion Detection Systems

This is the repo of the research paper, "Evaluating Shallow and Deep Neural Networks for Network Intrusion Detection Systems in Cyber Security".

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Intrusion Detection Systems

Breast Cancer Classification
Breast Cancer Classification using CNN and transfer learning
Stars: ✭ 86 (-12.24%)
Mutual labels:  deep-neural-networks
Deep Learning Drizzle
Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
Stars: ✭ 9,717 (+9815.31%)
Mutual labels:  deep-neural-networks
Awesome Deep Reinforcement Learning
Curated list for Deep Reinforcement Learning (DRL): software frameworks, models, datasets, gyms, baselines...
Stars: ✭ 95 (-3.06%)
Mutual labels:  deep-neural-networks
Deepicf
TensorFlow Implementation of Deep Item-based Collaborative Filtering Model for Top-N Recommendation
Stars: ✭ 86 (-12.24%)
Mutual labels:  deep-neural-networks
C2ae Multilabel Classification
Tensorflow implementation for the paper 'Learning Deep Latent Spaces for Multi-Label Classfications' in AAAI 2017
Stars: ✭ 90 (-8.16%)
Mutual labels:  deep-neural-networks
Ngraph
nGraph has moved to OpenVINO
Stars: ✭ 1,322 (+1248.98%)
Mutual labels:  deep-neural-networks
X Ray Classification
X-ray Images (Chest images) analysis and anomaly detection using Transfer learning with inception v2
Stars: ✭ 83 (-15.31%)
Mutual labels:  deep-neural-networks
Har Keras Cnn
Human Activity Recognition (HAR) with 1D Convolutional Neural Network in Python and Keras
Stars: ✭ 97 (-1.02%)
Mutual labels:  deep-neural-networks
Bert As Service
Mapping a variable-length sentence to a fixed-length vector using BERT model
Stars: ✭ 9,779 (+9878.57%)
Mutual labels:  deep-neural-networks
Wiki Split
One million English sentences, each split into two sentences that together preserve the original meaning, extracted from Wikipedia edits.
Stars: ✭ 95 (-3.06%)
Mutual labels:  deep-neural-networks
Facial Expression Recognition
💡My Solution to Facial Emotion Recognization in Kaggle competition
Stars: ✭ 88 (-10.2%)
Mutual labels:  deep-neural-networks
Deep Dream In Pytorch
Pytorch implementation of the DeepDream computer vision algorithm
Stars: ✭ 90 (-8.16%)
Mutual labels:  deep-neural-networks
360sd Net
Pytorch implementation of ICRA 2020 paper "360° Stereo Depth Estimation with Learnable Cost Volume"
Stars: ✭ 94 (-4.08%)
Mutual labels:  deep-neural-networks
Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (+1202.04%)
Mutual labels:  deep-neural-networks
Grenade
Deep Learning in Haskell
Stars: ✭ 1,338 (+1265.31%)
Mutual labels:  deep-neural-networks
Cfsrcnn
Coarse-to-Fine CNN for Image Super-Resolution (IEEE Transactions on Multimedia,2020)
Stars: ✭ 84 (-14.29%)
Mutual labels:  deep-neural-networks
Learn Ml Basics
A collection of resources that should help and guide your first steps as you learn ML and DL. I am a beginner as well, and these are the resources I found most useful.
Stars: ✭ 93 (-5.1%)
Mutual labels:  deep-neural-networks
Awslambdaface
Perform deep neural network based face detection and recognition in the cloud (via AWS lambda) with zero model configuration or tuning.
Stars: ✭ 98 (+0%)
Mutual labels:  deep-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-1.02%)
Mutual labels:  deep-neural-networks
Deep Learning Python
Intro to Deep Learning, including recurrent, convolution, and feed forward neural networks.
Stars: ✭ 94 (-4.08%)
Mutual labels:  deep-neural-networks

Intrusion Detection Systems forthebadge made-with-python 2 Maintenance Open Source Love svg1

This repo consists of all the codes and datasets of the research paper, "Evaluating Shallow and Deep Neural Networks for Network Intrusion Detection Systems in Cyber Security".

Abstract :

Intrusion detection system (IDS) has become an essential layer in all the latest ICT system due to an urge towards cyber safety in the day-to-day world. Reasons including uncertainty in finding the types of attacks and increased the complexity of advanced cyber attacks, IDS calls for the need of integration of Deep Neural Networks (DNNs). In this paper, DNNs have been utilized to predict the attacks on Network Intrusion Detection System (N-IDS). A DNN with 0.1 rate of learning is applied and is run for 1000 number of epochs and KDDCup-’99’ dataset has been used for training and benchmarking the network. For comparison purposes, the training is done on the same dataset with several other classical machine learning algorithms and DNN of layers ranging from 1 to 5. The results were compared and concluded that a DNN of 3 layers has superior performance over all the other classical machine learning algorithms.

Keywords :

Intrusion detection, deep neural networks, machine learning, deep learning

Authors :

Rahul-Vigneswaran K, Vinayakumar R, Soman KP and Prabaharan Poornachandran

Department of Mechanical Engineering, Amrita Vishwa Vidyapeetham, India.
Center for Computational Engineering and Networking (CEN), Amrita School of Engineering, Coimbatore.
Center for Cyber Security Systems and Networks, Amrita School of Engineering, Amritapuri Amrita Vishwa Vidyapeetham, India.

How to run the code?

For Classical Machine Learning

For Deep Neural Network (100 iterations)

  • Run dnn1.py for 1-hidden layer network and run dnn1acc.py for finding it's accuracy. [Link]
  • Run dnn2.py for 2-hidden layer network and run dnn2acc.py for finding it's accuracy. [Link]
  • Run dnn3.py for 3-hidden layer network and run dnn3acc.py for finding it's accuracy. [Link]
  • Run dnn4.py for 4-hidden layer network and run dnn4acc.py for finding it's accuracy. [Link]
  • Run dnn5.py for 5-hidden layer network and run dnn5acc.py for finding it's accuracy. [Link]

For Deep Neural Network (1000 iterations)

  • Run dnn1.py for 1-hidden layer network and run dnn1acc.py for finding it's accuracy. [Link]
  • Run dnn2.py for 2-hidden layer network and run dnn2acc.py for finding it's accuracy. [Link]
  • Run dnn3.py for 3-hidden layer network and run dnn3acc.py for finding it's accuracy. [Link]
  • Run dnn4.py for 4-hidden layer network and run dnn4acc.py for finding it's accuracy. [Link]
  • Run dnn5.py for 5-hidden layer network and run dnn5acc.py for finding it's accuracy. [Link]

Recommended Citation :

If you use this repository in your research, cite the the following papers :

  1. Rahul, V.K., Vinayakumar, R., Soman, K.P., & Poornachandran, P. (2018). Evaluating Shallow and Deep Neural Networks for Network Intrusion Detection Systems in Cyber Security. 2018 9th International Conference on Computing, Communication and Networking Technologies (ICCCNT), 1-6.
  2. Rahul-Vigneswaran, K., Poornachandran, P., & Soman, K.P. (2019). A Compendium on Network and Host based Intrusion Detection Systems. CoRR, abs/1904.03491.

Bibtex Format :

@article{Rahul2018EvaluatingSA,
  title={Evaluating Shallow and Deep Neural Networks for Network Intrusion Detection Systems in Cyber Security},
  author={Vigneswaran K Rahul and R. Vinayakumar and K. P. Soman and Prabaharan Poornachandran},
  journal={2018 9th International Conference on Computing, Communication and Networking Technologies (ICCCNT)},
  year={2018},
  pages={1-6}
  }

@article{RahulVigneswaran2019ACO,
  title={A Compendium on Network and Host based Intrusion Detection Systems},
  author={K Rahul-Vigneswaran and Prabaharan Poornachandran and K. P. Soman},
  journal={CoRR},
  year={2019},
  volume={abs/1904.03491}
  }

Issue / Want to Contribute ? :

Open a new issue or do a pull request incase your are facing any difficulty with the code base or you want to contribute to it.

forthebadge

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].