All Projects → sdw95927 → Pathology Images Analysis Using Cnn

sdw95927 / Pathology Images Analysis Using Cnn

Scripts for https://www.nature.com/articles/s41598-018-27707-4, using Convolutional Neural Network to detect lung cancer tumor area

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pathology Images Analysis Using Cnn

Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+4609.68%)
Mutual labels:  convolutional-neural-networks, image-recognition
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+583.87%)
Mutual labels:  convolutional-neural-networks, image-recognition
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (+348.39%)
Mutual labels:  convolutional-neural-networks, image-recognition
Hey Waldo
Labeled images of the Where's Waldo puzzle for use in classification and image recognition problems.
Stars: ✭ 138 (+345.16%)
Mutual labels:  convolutional-neural-networks, image-recognition
Deep learning projects
Stars: ✭ 28 (-9.68%)
Mutual labels:  convolutional-neural-networks, image-recognition
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (+106.45%)
Mutual labels:  convolutional-neural-networks, image-recognition
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+425.81%)
Mutual labels:  convolutional-neural-networks, image-recognition
Estimated Depth Map Helps Image Classification
Depth estimation with neural network, and learning on RGBD images
Stars: ✭ 52 (+67.74%)
Mutual labels:  convolutional-neural-networks, image-recognition
Ios 10 Sampler
Code examples for new APIs of iOS 10.
Stars: ✭ 3,341 (+10677.42%)
Mutual labels:  convolutional-neural-networks, image-recognition
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (+951.61%)
Mutual labels:  convolutional-neural-networks, image-recognition
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (+645.16%)
Mutual labels:  convolutional-neural-networks, image-recognition
Pytorch Bayesiancnn
Bayesian Convolutional Neural Network with Variational Inference based on Bayes by Backprop in PyTorch.
Stars: ✭ 779 (+2412.9%)
Mutual labels:  convolutional-neural-networks, image-recognition
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+1990.32%)
Mutual labels:  convolutional-neural-networks, image-recognition
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-41.94%)
Mutual labels:  convolutional-neural-networks, image-recognition
Attention Ocr
A Tensorflow model for text recognition (CNN + seq2seq with visual attention) available as a Python package and compatible with Google Cloud ML Engine.
Stars: ✭ 844 (+2622.58%)
Mutual labels:  image-recognition
Price prediction lob
Deep learning for price movement prediction using high frequency limit order data
Stars: ✭ 27 (-12.9%)
Mutual labels:  convolutional-neural-networks
Facerank
FaceRank - Rank Face by CNN Model based on TensorFlow (add keras version). FaceRank-人脸打分基于 TensorFlow (新增 Keras 版本) 的 CNN 模型(QQ群:167122861)。技术支持:http://tensorflow123.com
Stars: ✭ 841 (+2612.9%)
Mutual labels:  convolutional-neural-networks
Cnnimageretrieval Pytorch
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
Stars: ✭ 931 (+2903.23%)
Mutual labels:  convolutional-neural-networks
Max Image Segmenter Web App
Deploy a Deep Learning Powered "Magic Cropping Tool" using Pre-Trained Open Source Models
Stars: ✭ 29 (-6.45%)
Mutual labels:  image-recognition
Brain Tumor Segmentation Keras
Keras implementation of the multi-channel cascaded architecture introduced in the paper "Brain Tumor Segmentation with Deep Neural Networks"
Stars: ✭ 20 (-35.48%)
Mutual labels:  convolutional-neural-networks

Comprehensive analysis of lung cancer pathology images

Co-first Author: Shidan Wang, QBRC & Alyssa Chen

Contact: [email protected]

Scripts for https://www.nature.com/articles/s41598-018-27707-4, Comprehensive analysis of lung cancer pathology images to discover tumor shape and boundary features that predict survival outcome.

Flowchart

Citation

Wang, Shidan, Alyssa Chen, Lin Yang, Ling Cai, Yang Xie, Junya Fujimoto, Adi Gazdar, and Guanghua Xiao. "Comprehensive analysis of lung cancer pathology images to discover tumor shape and boundary features that predict survival outcome." Scientific reports 8, no. 1 (2018): 10393.

This repository includes

Requirements

  • Python 2

  • keras==2.0.5

  • tensorflow==1.2.1

  • Other commonly used python libraries

  • R

  • survival==2.41-3

The pipeline

0) Annotate slides

Aperio Imagescope is used to annotate the pathology slides (.svs files) and generate the corresponding .xml files. "Tumor" and "normal" regions are circled out from which the training set image patches are extracted.

1) Generate patches

In total, 2475 ROI, 2139 Normal, and 730 White patches were generated. One can easily generate more training/testing samples by running ./scripts/1_generatePatches.py. Below is a sample ROI, normal, and white patch, respectively.

roi normal white

2) Train the InceptionV3 model

The thousands of image patches are used to train an InceptionV3 model by running ./scripts/2_modelInception.py. Training curve:

drawing

3) Apply the model to the whole pathology slide through a sliding window

A tumor region heatmap for a pathology image can be generated using ./script/3_getHeatmap.py:

heatmap

4) Extract tumor shape features

Done by ./script/4_generateSlideProps.py

5) Survival analysis

Done by ./script/5_univariateAnalysisSlides.R and 6_coxph_model.R. Prediction performance in TCGA validation dataset:

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