All Projects → ImagingLab → Iciar2018

ImagingLab / Iciar2018

Licence: mit
Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification. ICIAR 2018 Grand Challenge on BreAst Cancer Histology images (BACH)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Iciar2018

Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+80.54%)
Mutual labels:  classification, image-classification
Awesome Project Ideas
Curated list of Machine Learning, NLP, Vision, Recommender Systems Project Ideas
Stars: ✭ 6,114 (+4003.36%)
Mutual labels:  classification, image-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+151.68%)
Mutual labels:  classification, image-classification
well-classified-examples-are-underestimated
Code for the AAAI 2022 publication "Well-classified Examples are Underestimated in Classification with Deep Neural Networks"
Stars: ✭ 21 (-85.91%)
Mutual labels:  classification, image-classification
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (-40.94%)
Mutual labels:  classification, image-classification
mri-deep-learning-tools
Resurces for MRI images processing and deep learning in 3D
Stars: ✭ 56 (-62.42%)
Mutual labels:  medical-imaging, classification
All About The Gan
All About the GANs(Generative Adversarial Networks) - Summarized lists for GAN
Stars: ✭ 630 (+322.82%)
Mutual labels:  classification, medical-imaging
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+42.28%)
Mutual labels:  classification, image-classification
X Ray Classification
X-ray Images (Chest images) analysis and anomaly detection using Transfer learning with inception v2
Stars: ✭ 83 (-44.3%)
Mutual labels:  classification, medical-imaging
Kaggle Rsna
Deep Learning for Automatic Pneumonia Detection, RSNA challenge
Stars: ✭ 74 (-50.34%)
Mutual labels:  classification, medical-imaging
classification
Catalyst.Classification
Stars: ✭ 35 (-76.51%)
Mutual labels:  classification, image-classification
Regnet
Pytorch implementation of network design paradigm described in the paper "Designing Network Design Spaces"
Stars: ✭ 129 (-13.42%)
Mutual labels:  classification, image-classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-87.92%)
Mutual labels:  classification, image-classification
coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
Stars: ✭ 80 (-46.31%)
Mutual labels:  medical-imaging, image-classification
TNCR Dataset
Deep learning, Convolutional neural networks, Image processing, Document processing, Table detection, Page object detection, Table classification. https://www.sciencedirect.com/science/article/pii/S0925231221018142
Stars: ✭ 37 (-75.17%)
Mutual labels:  classification, image-classification
Breast cancer classifier
Deep Neural Networks Improve Radiologists' Performance in Breast Cancer Screening
Stars: ✭ 614 (+312.08%)
Mutual labels:  classification, medical-imaging
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+1514.09%)
Mutual labels:  classification, image-classification
Lightning Covid19
Classification for covid-19 chest X-ray images using Lightning
Stars: ✭ 49 (-67.11%)
Mutual labels:  classification, medical-imaging
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-19.46%)
Mutual labels:  classification, image-classification
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+1188.59%)
Mutual labels:  classification, image-classification

ICIAR2018

Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification

This repository is the part A of the ICIAR 2018 Grand Challenge on BreAst Cancer Histology (BACH) images for automatically classifying H&E stained breast histology microscopy images in four classes: normal, benign, in situ carcinoma and invasive carcinoma.

We are presenting a CNN approach using two convolutional networks to classify histology images in a patchwise fashion. The first network, receives overlapping patches (35 patches) of the whole-slide image and learns to generate spatially smaller outputs. The second network is trained on the downsampled patches of the whole image using the output of the first network. The number of channels in the input to the second network is equal to the total number of patches extracted from the microscopy image in a non-overlapping fashion (12 patches) times the depth of the feature maps generted by the first network (C):

Prerequisites

  • Linux
  • Python 3
  • NVIDIA GPU (12G or 24G memory) + CUDA cuDNN

Getting Started

Installation

  • Clone this repo:
git clone https://github.com/ImagingLab/ICIAR2018
cd ICIAR2018
pip install -r requirements.txt

Dataset

  • We use the ICIAR2018 dataset. To train a model on the full dataset, please download it from the official website (registration required). The dataset is composed of 400 high resolution Hematoxylin and Eosin (H&E) stained breast histology microscopy images labelled as normal, benign, in situ carcinoma, and invasive carcinoma (100 images for each category):

After downloading, please put it under the `datasets` folder in the same way the sub-directories are provided.

Testing

  • The pre-trained ICIAR2018 dataset model resides under ./checkpoints.
  • To test the model, run test.py script
  • Use --testset-path command-line argument to provide the path to the test folder.
python test.py --testset-path ./dataset/test 
  • If you don't provide the test-set path, an open-file dialogbox will appear to select an image for test. The test results will be printed on the screen.

Training

  • To train the model, run train.py script
python train.py
  • To change the number of feature-maps generated by the patch-wise network use --channels argument:
python train.py --channels 1

Validation & ROC Curves

  • To validate the model on the validation set and plot the ROC curves, run validate.py script
python validate.py
  • To change the number of feature-maps generated by the patch-wise network use --channels argument:
python train.py --channels 1

Citation

If you use this code for your research, please cite our paper Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification:

@inproceedings{nazeri2018two,
  title={Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification},
  author={Nazeri, Kamyar and Aminpour, Azad and Ebrahimi, Mehran},
  booktitle={International Conference Image Analysis and Recognition},
  pages={717--726},
  year={2018},
  organization={Springer}
}
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].