All Projects → ayush1997 → Xvision

ayush1997 / Xvision

Chest Xray image analysis using Deep learning !

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Xvision

mrnet
Building an ACL tear detector to spot knee injuries from MRIs with PyTorch (MRNet)
Stars: ✭ 98 (-67.76%)
Mutual labels:  medical-imaging, transfer-learning
He4o
和(he for objective-c) —— “信息熵减机系统”
Stars: ✭ 284 (-6.58%)
Mutual labels:  transfer-learning
dataset-histology-landmarks
Dataset: landmarks for registration of histology images
Stars: ✭ 26 (-91.45%)
Mutual labels:  medical-imaging
adapt
Awesome Domain Adaptation Python Toolbox
Stars: ✭ 46 (-84.87%)
Mutual labels:  transfer-learning
SHOT-plus
code for our TPAMI 2021 paper "Source Data-absent Unsupervised Domain Adaptation through Hypothesis Transfer and Labeling Transfer"
Stars: ✭ 46 (-84.87%)
Mutual labels:  transfer-learning
L2c
Learning to Cluster. A deep clustering strategy.
Stars: ✭ 262 (-13.82%)
Mutual labels:  transfer-learning
Deep-Learning
It contains the coursework and the practice I have done while learning Deep Learning.🚀 👨‍💻💥 🚩🌈
Stars: ✭ 21 (-93.09%)
Mutual labels:  transfer-learning
Pytorch Nlp Notebooks
Learn how to use PyTorch to solve some common NLP problems with deep learning.
Stars: ✭ 293 (-3.62%)
Mutual labels:  transfer-learning
Bigdata18
Transfer learning for time series classification
Stars: ✭ 284 (-6.58%)
Mutual labels:  transfer-learning
AITQA
resources for the IBM Airlines Table-Question-Answering Benchmark
Stars: ✭ 12 (-96.05%)
Mutual labels:  transfer-learning
Diabetic-Retinopathy-Detection
DIAGNOSIS OF DIABETIC RETINOPATHY FROM FUNDUS IMAGES USING SVM, KNN, and attention-based CNN models with GradCam score for interpretability,
Stars: ✭ 31 (-89.8%)
Mutual labels:  medical-imaging
BIRL
BIRL: Benchmark on Image Registration methods with Landmark validations
Stars: ✭ 66 (-78.29%)
Mutual labels:  medical-imaging
Slicer
Multi-platform, free open source software for visualization and image computing.
Stars: ✭ 263 (-13.49%)
Mutual labels:  medical-imaging
istn
Image-and-Spatial Transformer Networks
Stars: ✭ 86 (-71.71%)
Mutual labels:  medical-imaging
Transfer Nlp
NLP library designed for reproducible experimentation management
Stars: ✭ 287 (-5.59%)
Mutual labels:  transfer-learning
AE-CNN
ICVGIP' 18 Oral Paper - Classification of thoracic diseases on ChestX-Ray14 dataset
Stars: ✭ 33 (-89.14%)
Mutual labels:  medical-imaging
SIGIR2021 Conure
One Person, One Model, One World: Learning Continual User Representation without Forgetting
Stars: ✭ 23 (-92.43%)
Mutual labels:  transfer-learning
Hub
A library for transfer learning by reusing parts of TensorFlow models.
Stars: ✭ 3,007 (+889.14%)
Mutual labels:  transfer-learning
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-2.63%)
Mutual labels:  medical-imaging
Autogluon
AutoGluon: AutoML for Text, Image, and Tabular Data
Stars: ✭ 3,920 (+1189.47%)
Mutual labels:  transfer-learning

Xvision

Chest Xray image analysis using Deep Learning and exploiting Deep Transfer Learning technique for it with Tensorflow.

The maxpool-5 layer of a pretrained VGGNet-16(Deep Convolutional Neural Network) model has been used as the feature extractor here and then further trained on a 2-layer Deep neural network with SGD optimizer and Batch Normalization for classification of Normal vs Nodular Chest Xray Images.

Nodular vs Normal Chest Xray

Some specifications

Property Values
Pretrained Model VggNet-16
Optimizer used stochastic gradient descent(SGD)
Learning rate 0.01
Mini Batch Size 20
Epochs 20
2 Layers 512x512
GPU trained on Nvidia GEFORCE 920M

Evaluation

Confusion Matrix and Training Error Graph

Normal Nodule
Precision 0.7755102 0.55555556
Recall 0.76 0.57692308

Accuracy : 69.3333 %

DataSet

openi.nlm.nih.gov has a large base of Xray,MRI, CT scan images publically available.Specifically Chest Xray Images have been scraped, Normal and Nodule labbeled images are futher extrated for this task.

How to use ?

The above code can be used for Deep Transfer Learning on any Image dataset to train using VggNet as the PreTrained network.

Steps to follow

  1. Download Data- the script download images and saves corresponding disease label in json format.

python scraper.py <path/to/folder/to/save/images>

  1. Follow the scraper/process.ipynb notebook for Data processing and generate
  • Training images folder - All images for training
  • Testing images Folder - All images for testing
  • Training image labels file - Pickled file with training labels
  • Testing image labels file - Pickled file with testing labels
  1. Extract features(CNN Codes) from the maxpool:5 layer of PreTrained CovNet(VggNet) and save them beforehand for faster training of Neural network.

    python train.py <Training images folder> <Testing image folder> <Train images codes folder > <Test images codes folder>

    • Train images codes folder - Path where training images codes will be stored
    • Test images codes folder - Path where testing images codes will be stored
  2. The extracted features are now used for training our 2-Layer Neural Network from scratch.The computed models are saved as tensorflow checkpoint after every Epoch.

    python train_model.py <Training images folder> <Train images codes folder> <Training image labels file> <Folder to save models>

  3. Finally the saved models are used for making predictions.Confusion Matrix is used as the Performance Metrics for this classifcation task.

    python test_model.py <Testing images folder> <Test images codes folder> <Testing image labels file> <Folder with saved models>

Some Predictions

Alt text

References

  1. Learning to Read Chest X-Rays: Recurrent Neural Cascade Model for Automated Image Annotation
  1. Deep Convolutional Neural Networks for Computer-Aided Detection: CNN Architectures, Dataset Characteristics and Transfer Learning

Contribute

If you want to contribute and add new feature feel free to send Pull request here :D

To report any bugs or request new features, head over to the Issues page

To-do

  • [ ] Implement saliency map or use Deconv for better visualizations.
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].