• Stars
    star
    123
  • Rank 288,503 (Top 6 %)
  • Language
    Jupyter Notebook
  • License
    MIT License
  • Created over 4 years ago
  • Updated 8 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

COVID-19 Detection Chest X-rays and CT scans: COVID-19 Detection based on Chest X-rays and CT Scans using four Transfer Learning algorithms: VGG16, ResNet50, InceptionV3, Xception. The models were trained for 500 epochs on around 1000 Chest X-rays and around 750 CT Scan images on Google Colab GPU. A Flask App was later developed wherein user can upload Chest X-rays or CT Scans and get the output of possibility of COVID infection.

COVID-19-Detection-Flask-App-based-on-Chest-X-rays-and-CT-Scans

COVID-19 Detection based on Chest X-rays and CT Scans using four Transfer Learning algorithms: VGG16, ResNet50, InceptionV3, Xception. The models were trained for 500 epochs on around 1000 Chest X-rays and around 750 CT Scan images on Google Colab GPU. After training, the accuracies acheived for the model are as follows:

                InceptionV3  VGG16   ResNet50   Xception
Chest X-rays    96%          94%      83%       92%

CT Scans        93%          93%      80%       95%

A Flask App was later developed wherein user can upload Chest X-rays or CT Scans and get the output of possibility of COVID infection.

The article for the project was selected and published in Towards Data Science:
https://towardsdatascience.com/covid-19-detector-flask-app-based-on-chest-x-rays-and-ct-scans-using-deep-learning-a0db89e1ed2a

NOTE ----- DO THIS BEFORE SETUP -----

The dataset and models of the repository have been moved to Google Drive due to expiry of my Github LFS. So please download the zip file from here, extract it and replace the above data and models folder with these. Make sure you follow these steps otherwise Flask App will not work properly. Also make sure you have PYTHON V 3.8.5. Other versions might not be supported

Dataset

The dataset for the project was gathered from two sources:

  1. Chest X-ray images (1000 images) were obtained from: https://github.com/ieee8023/covid-chestxray-dataset
  2. CT Scan images (750 images) were obtained from: https://github.com/UCSD-AI4H/COVID-CT/tree/master/Data-split 80% of the images were used for training the models and the remaining 20% for testing

Evaluation and Results

Sample output of test images


Classification Reports for Chest X-rays: VGG, InceptionV3, ResNet50, Xception

Confusion Matrix for Chest X-rays: VGG, InceptionV3, ResNet50, Xception

Classification Reports for CT Scans: VGG, InceptionV3, ResNet50, Xception

Confusion Matrix for CT Scans: VGG, InceptionV3, ResNet50, Xception

Screenshots of Flask App

For more screenshots, please visit the screenshots folder of my repo, or click here

Technical Concepts

ImageNet is formally a project aimed at (manually) labeling and categorizing images into almost 22,000 separate object categories for the purpose of computer vision research.
More information can be found here

ResNet50 ResNet-50 is a convolutional neural network that is 50 layers deep. You can load a pretrained version of the network trained on more than a million images from the ImageNet database. The pretrained network can classify images into 1000 object categories, such as keyboard, mouse, pencil, and many animals. Unlike traditional sequential network architectures such as AlexNet, OverFeat, and VGG, ResNet is instead a form of “exotic architecture” that relies on micro-architecture modules.
More information can be found here

VGG16 is a convolutional neural network model proposed by K. Simonyan and A. Zisserman from the University of Oxford in the paper “Very Deep Convolutional Networks for Large-Scale Image Recognition”. The model achieves 92.7% top-5 test accuracy in ImageNet, which is a dataset of over 14 million images belonging to 1000 classes.
More information can be found here

Inception-V3 is a convolutional neural network that is 48 layers deep. You can load a pretrained version of the network trained on more than a million images from the ImageNet database. The pretrained network can classify images into 1000 object categories, such as keyboard, mouse, pencil, and many animals. As a result, the network has learned rich feature representations for a wide range of images. The network has an image input size of 299-by-299.
More information can be found here

Xception is a convolutional neural network that is 71 layers deep. You can load a pretrained version of the network trained on more than a million images from the ImageNet database. The pretrained network can classify images into 1000 object categories, such as keyboard, mouse, pencil, and many animals. As a result, the network has learned rich feature representations for a wide range of images. The network has an image input size of 299-by-299.
More information can be found here

How to use Flask App

  • Download repo, change to directory of repo, go to command prompt and run pip install -r requirements.txt
  • The dataset and models of the repository have been moved to Google Drive due to expiry of my Github LFS. So please download the zip file from here, extract it and replace the above data and models folder with these. Also make sure you have PYTHON V 3.8.5. Other versions might not be supported
  • On command prompt, run python app.py
  • Open your web browser and go to 127.0.0.1:5000 to access the Flask App

How to use Jupyter Notebooks

  • Download my repo and upload the repo folder to your Google Drive
  • Go to the jupyter notebooks folder in my repo, right click the notebook you want to open and select Open with Google Colab
  • Activate free Google Colab GPU for faster execution. Go to Runtime -> Change Runtime Type -> Hardware Accelerator -> GPU -> Save

Authors

Kaushik Jadhav

More Repositories

1

Stock-Market-Prediction-Web-App-using-Machine-Learning-And-Sentiment-Analysis

Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Python
595
star
2

Online-Food-Ordering-Web-App

Online Food Ordering System Website using basic PHP, SQL, HTML & CSS. You can use any one of XAMPP, WAMP or LAMP server to run the Web App
CSS
194
star
3

Deep-Surveillance-Monitor-Facial-Emotion-Age-Gender-Recognition-System

Computer Vision module for detecting emotion, age and gender of a person in any given image, video or real time webcam. A custom VGG16 model was developed and trained on open source facial datasets downloaded from Kaggle and IMDB. OpenCV,dlib & keras were used to aid facial detection and video processing. The final system can detect the emotion, age and gender of people in any given image, video or real time webcam
Jupyter Notebook
107
star
4

Real-Time-Object-Detection-API-using-TensorFlow

A Transfer Learning based Object Detection API that detects all objects in an image, video or live webcam. An SSD model and a Faster R-CNN model was pretrained on Mobile net coco dataset along with a label map in Tensorflow. This model were used to detect objects captured in an image, video or real time webcam. Open CV was used for streaming objects and preprocessing.
Jupyter Notebook
66
star
5

Cancer-Donation-Portal-Python-Flask-App

Flask App for Cancer Donation Portal using basic Python, SQLite3, HTML, CSS and Javascript
Python
43
star
6

Movie-Recommendation-Chatbot

Movie Recommendation Chatbot provides information about a movie like plot, genre, revenue, budget, imdb rating, imdb links, etc. The model was trained with Kaggle’s movies metadata dataset. To give a recommendation of similar movies, Cosine Similarity and TFID vectorizer were used. Slack API was used to provide a Front End for the chatbot. IBM Watson was used to link the Python code for Natural Language Processing with the front end hosted on Slack API. Libraries like nltk, sklearn, pandas and nlp were used to perform Natural Language Processing and cater to user queries and responses.
Jupyter Notebook
39
star
7

Implementaion-of-Private-Cloud-using-ownCloud

Implementation of Private Cloud using ownCloud. ownCloud is a suite of client–server software for creating and using file hosting services. This repository explains implementing ownCloud on an Ubuntu VM running on top of a Windows host for secure cloud storage
32
star
8

Live-Video-Sketching-through-webcam-using-OpenCv-Python

Computer Vision model creates a live video sketch of frames through real time web cam video. Source code is written in python and model is based on OpenCV. Keras and Numpy have been used to optimize the performance of the model and posterize frames
Jupyter Notebook
30
star
9

Object-Detecion-via-Smartphone-Camera-using-Faster-R-CNN

Detecting objects captured in the frame of a Smartphone Camera using Faster R-CNN algorithm. TensorFlow Object Detection API has been used for back end & OpenCV has been used to process the frames of video captured from Smartphone Camera. IPWebcam app is used to link Smarthphone to Object Detection Code
Jupyter Notebook
30
star
10

ModSecurityCRS

Implementation of ModSecurity, Core Rule Set (CRS) on Apache server. ModSecurity, sometimes called Modsec, is an open-source web application firewall. ModSecurity was installed and configured on an Ubuntu VM using Virtual Box
23
star
11

Dynamic-Stock-Price-Predictor-Final-Year-Project

This repository has been moved to: https://github.com/kaushikjadhav01/Stock-Market-Prediction-Web-App-using-Machine-Learning-And-Sentiment-Analysis
CSS
5
star
12

Medicine-Data-Portal__Data-Reporting-Tool

This repository contains source code of a prototype version of an official project I have worked on. It is a Data Reporting Portal for a large sized pharma company which has multiple partner pharma companies. The prototype is hosted live on my personal free tier aws educate instance.
JavaScript
4
star
13

Face-Aging-with-Conditional-GANs

Python
3
star
14

Image-Caption-Generator

Jupyter Notebook
2
star
15

Airport-Enterprise-Network-Project

2
star
16

SRS-for-Online-Food-Ordering-System

2
star
17

django_rest_kaushik_jadhav

Django Rest Framework assignment given by Ajackus: https://docs.google.com/document/d/1F90KvSqxxPzIRyeX7kD3wULrT0xNJMLdIgGVHq4KMxk/ https://docs.google.com/document/d/1yA7S1w62iJFJpXQRsHHMfUEbs1ibaz8jn3P9S4n5rJQ/
Python
2
star
18

SmartSpend

Python
1
star
19

Face-Swap

Python
1
star
20

Breast-Cancer-Prediction-ML-Python

Jupyter Notebook
1
star
21

Chatbot-AI

This repository has been moved to: https://github.com/kaushikjadhav01/Movie-Recommendation-Chatbot
Jupyter Notebook
1
star