All Projects → tamimmirza → Intrusion Detection System Using Deep Learning

tamimmirza / Intrusion Detection System Using Deep Learning

VGG-19 deep learning model trained using ISCX 2012 IDS Dataset

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Intrusion Detection System Using Deep Learning

Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+768.24%)
Mutual labels:  jupyter-notebook, transfer-learning
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-60%)
Mutual labels:  jupyter-notebook, transfer-learning
Skin Cancer Image Classification
Skin cancer classification using Inceptionv3
Stars: ✭ 16 (-81.18%)
Mutual labels:  jupyter-notebook, transfer-learning
Modelsgenesis
Official Keras & PyTorch Implementation and Pre-trained Models for Models Genesis - MICCAI 2019
Stars: ✭ 416 (+389.41%)
Mutual labels:  jupyter-notebook, transfer-learning
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-22.35%)
Mutual labels:  jupyter-notebook, transfer-learning
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+538.82%)
Mutual labels:  jupyter-notebook, transfer-learning
Densedepth
High Quality Monocular Depth Estimation via Transfer Learning
Stars: ✭ 963 (+1032.94%)
Mutual labels:  jupyter-notebook, transfer-learning
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+307.06%)
Mutual labels:  jupyter-notebook, transfer-learning
Weakly Supervised 3d Object Detection
Weakly Supervised 3D Object Detection from Point Clouds (VS3D), ACM MM 2020
Stars: ✭ 61 (-28.24%)
Mutual labels:  jupyter-notebook, transfer-learning
Neural Painters X
Neural Paiters
Stars: ✭ 61 (-28.24%)
Mutual labels:  jupyter-notebook, transfer-learning
Xlearn
Transfer Learning Library
Stars: ✭ 406 (+377.65%)
Mutual labels:  jupyter-notebook, transfer-learning
Allstate capstone
Allstate Kaggle Competition ML Capstone Project
Stars: ✭ 72 (-15.29%)
Mutual labels:  jupyter-notebook, cudnn
Trainyourownyolo
Train a state-of-the-art yolov3 object detector from scratch!
Stars: ✭ 399 (+369.41%)
Mutual labels:  jupyter-notebook, transfer-learning
Tensorflow 101
TensorFlow 101: Introduction to Deep Learning for Python Within TensorFlow
Stars: ✭ 642 (+655.29%)
Mutual labels:  jupyter-notebook, transfer-learning
Amazon Forest Computer Vision
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Stars: ✭ 346 (+307.06%)
Mutual labels:  jupyter-notebook, transfer-learning
Seismic Transfer Learning
Deep-learning seismic facies on state-of-the-art CNN architectures
Stars: ✭ 32 (-62.35%)
Mutual labels:  jupyter-notebook, transfer-learning
Pytorch Nlp Notebooks
Learn how to use PyTorch to solve some common NLP problems with deep learning.
Stars: ✭ 293 (+244.71%)
Mutual labels:  jupyter-notebook, transfer-learning
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (+298.82%)
Mutual labels:  jupyter-notebook, transfer-learning
Average Word2vec
🔤 Calculate average word embeddings (word2vec) from documents for transfer learning
Stars: ✭ 52 (-38.82%)
Mutual labels:  jupyter-notebook, transfer-learning
Tensorflow
This Repository contains all tensorflow tutorials.
Stars: ✭ 68 (-20%)
Mutual labels:  jupyter-notebook, transfer-learning

Intrusion Detection System using Deep Learning

VGG-19 deep learning model trained using ISCX 2012 IDS Dataset

Framework & API's

  • Tensorflow-GPU
  • Keras
  • NVIDIA CUDA Toolkit 9.0
  • NVIDIA cuDNN 7.0

Tools

  • Anaconda (Python 3.6)
  • PyCharm

How to use

Download the ISCX 2012 data set from the link

http://www.unb.ca/cic/datasets/ids.html

Then run the Java program known as ISCX FlowMeter which is found here on GitHub. You can use any IDE for that

https://github.com/ISCX/CICFlowMeter (if this doesnt convert .PCAP to .XML then try below)

https://github.com/ISCX/ISCXFlowMeter

Next I want you to make sure that your system is capable of running deep learning software. To check you can follow this guide that I have created:

https://towardsdatascience.com/python-environment-setup-for-deep-learning-on-windows-10-c373786e36d1

Note: If your system is inadequate then I humbly request you to stop here as the program will not perform efficiently and a great deal of time will be wasted.

Next run the program on the pre-processed data (change the location of the save file in the code). This will take out the relevant data fields in XML format for each file and process the data into Numpy Arrays by running the following python file:

Data_Extraction_Revised.py

When completed you can now run (assuming you have Jupyter Notebook) the program. You have to change the location of the save file, in the code, to the save file from the revised data extraction program

FYP-Revised.ipynb

And you can begin training

GOOD LUCK :)

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].