All Projects → thtang → Chexnet With Localization

thtang / Chexnet With Localization

Licence: gpl-3.0
Weakly Supervised Learning for Findings Detection in Medical Images

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Chexnet With Localization

Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+129.41%)
Mutual labels:  densenet, medical-imaging
Neurite
Neural networks toolbox focused on medical image analysis
Stars: ✭ 203 (-14.71%)
Mutual labels:  medical-imaging
Open Solution Data Science Bowl 2018
Open solution to the Data Science Bowl 2018
Stars: ✭ 159 (-33.19%)
Mutual labels:  medical-imaging
Fast
A framework for GPU based high-performance medical image processing and visualization
Stars: ✭ 179 (-24.79%)
Mutual labels:  medical-imaging
Staintools
Tools for tissue image stain normalisation and augmentation in Python 3
Stars: ✭ 164 (-31.09%)
Mutual labels:  medical-imaging
Freezeout
Accelerate Neural Net Training by Progressively Freezing Layers
Stars: ✭ 196 (-17.65%)
Mutual labels:  densenet
Bmw Tensorflow Inference Api Cpu
This is a repository for an object detection inference API using the Tensorflow framework.
Stars: ✭ 158 (-33.61%)
Mutual labels:  bounding-boxes
Delira
Lightweight framework for fast prototyping and training deep neural networks with PyTorch and TensorFlow
Stars: ✭ 220 (-7.56%)
Mutual labels:  medical-imaging
Semantic Segmentation Suite
Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
Stars: ✭ 2,395 (+906.3%)
Mutual labels:  densenet
Visvis
Visvis - the object oriented approach to visualization
Stars: ✭ 180 (-24.37%)
Mutual labels:  medical-imaging
Bmw Yolov4 Inference Api Cpu
This is a repository for an nocode object detection inference API using the Yolov4 and Yolov3 Opencv.
Stars: ✭ 180 (-24.37%)
Mutual labels:  bounding-boxes
React Image Annotate
Create image annotations. Classify, tag images with polygons, bounding boxes or points.
Stars: ✭ 165 (-30.67%)
Mutual labels:  bounding-boxes
Radio
RadIO is a library for data science research of computed tomography imaging
Stars: ✭ 198 (-16.81%)
Mutual labels:  medical-imaging
Medical Transformer
Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation"
Stars: ✭ 153 (-35.71%)
Mutual labels:  medical-imaging
Pyimsegm
Image segmentation - general superpixel segmentation & center detection & region growing
Stars: ✭ 213 (-10.5%)
Mutual labels:  medical-imaging
Simrdwn
Rapid satellite imagery object detection
Stars: ✭ 159 (-33.19%)
Mutual labels:  bounding-boxes
Ybat
Ybat - YOLO BBox Annotation Tool
Stars: ✭ 173 (-27.31%)
Mutual labels:  bounding-boxes
Miscnn
A framework for Medical Image Segmentation with Convolutional Neural Networks and Deep Learning
Stars: ✭ 194 (-18.49%)
Mutual labels:  medical-imaging
Bmw Yolov4 Inference Api Gpu
This is a repository for an nocode object detection inference API using the Yolov3 and Yolov4 Darknet framework.
Stars: ✭ 237 (-0.42%)
Mutual labels:  bounding-boxes
Bccd dataset
BCCD (Blood Cell Count and Detection) Dataset is a small-scale dataset for blood cells detection.
Stars: ✭ 216 (-9.24%)
Mutual labels:  medical-imaging

CheXNet-with-localization

ADLxMLDS 2017 fall final

Team:XD

黃晴 (R06922014), 王思傑 (R06922019), 曹爗文 (R06922022), 傅敏桓 (R06922030), 湯忠憲 (R06946003)

Weakly supervised localization :

In this task, we have to plot bounding boxes for each disease finding in a single chest X-ray without goundtruth (X, Y, width, height) in training set. The workflow is shown below:

Workflow :

1) Predict findings 2) Use the classifier to plot heatmap (Grad-CAM) 3) Plot the bounding box base on Grad-CAM ### Package : `Pytorch==0.2.0`   `torchvision==0.2.0`  ` matplotlib`  ` scikit-image==0.13.1`  ` opencv_python==3.4.0.12`  ` numpy==1.13.3`  `matplotlib==2.1.1`  `scipy==1.0.0`   `sklearn==0.19.1`  

Environment:

  • OS: Linux
  • Python 3.5
  • GPU: 1080 Ti
  • CPU: Xeon(R) E5-2667 v4
  • RAM: 500 GB

Experiments process:

  1. preprocessing:
python3 preprocessing.py [path of images folder] [path to data_entry] [path to bbox_list_path] [path to train_txt] [path to valid_txt] [path of preprocessed output (folder)]
  1. training:
python3 train.py [path of preprocessed output (folder)]
  1. local testing:
python3 denseNet_localization.py [path to test.txt] [path of images folder]
  1. Output txt format:
    After running denseNet_localization.py, you would get a txt file. The format is shown below:
[image_path] [number_of_detection]
[disease] [x] [y] [width] [height]
[disease] [x] [y] [width] [height]
...
[image_path] [number_of_detection]
[disease] [x] [y] [width] [height]
[disease] [x] [y] [width] [height]
...

For DeepQ platform testing:

upload deepQ_25.zip to the platform. Then use following command:

python3 inference.py

  1. For visualization, please refers to issue. Credit to Sadam1195.

Note :

In our .py script, I used the following script to assign the task running on GPU 0.

import os
os.environ['CUDA_VISIBLE_DEVICES'] = "0"

Model :

* Image is modified from Ref [2].

Result :

Prediction

Heatmap per disease Alt Text Visualization of some heat maps with its ground-truth label (red) and its prediction (blue) selected from each disease class. (From top-left to bottom: Atelectasis, Cardiomegaly, Effusion, Infiltration, Mass, Nodule, Pneumonia and Pneumothorax)

Bounding Box per patient Alt Text Visualization of some images with its ground-truth label (red) and its prediction (blue) selected from each disease class.

Refers to the report for more experiment results.

Reference:

  1. ChestX-ray8: Hospital-scale Chest X-ray Database and Benchmarks on Weakly-Supervised Classification and Localization of Common Thorax Diseases [Arxiv]
  2. LEARNING TO DIAGNOSE FROM SCRATCH BY EXPLOITING DEPENDENCIES AMONG LABELS [Arxiv]
  3. CheXNet: Radiologist-Level Pneumonia Detection on Chest X-Rays with Deep Learning [Arxiv]
  4. Grad-CAM: Visual Explanations from Deep Networks via Gradient-based Localization [Arxiv]

Contact:

Feel free to contact me ([email protected]) if you have any problem.

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