All Projects → Roulbac → Ganseg

Roulbac / Ganseg

Licence: mit
Framework for medical image segmentation using deep neural networks

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Ganseg

medical image segmentation
Medical image segmentation ( Eye vessel segmentation)
Stars: ✭ 90 (+400%)
Mutual labels:  medical-imaging, segmentation
XNet
CNN implementation for medical X-Ray image segmentation
Stars: ✭ 71 (+294.44%)
Mutual labels:  medical-imaging, segmentation
MONAILabel
MONAI Label is an intelligent open source image labeling and learning tool.
Stars: ✭ 249 (+1283.33%)
Mutual labels:  medical-imaging, segmentation
medSeg
Medical Image Segmentation Toolkit based on PaddlePaddle - 基于paddle的医学影像分割框架
Stars: ✭ 88 (+388.89%)
Mutual labels:  medical-imaging, segmentation
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+2933.33%)
Mutual labels:  segmentation, medical-imaging
Brain-MRI-Segmentation
Smart India Hackathon 2019 project given by the Department of Atomic Energy
Stars: ✭ 29 (+61.11%)
Mutual labels:  medical-imaging, segmentation
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 (+344.44%)
Mutual labels:  medical-imaging, segmentation
subpixel-embedding-segmentation
PyTorch Implementation of Small Lesion Segmentation in Brain MRIs with Subpixel Embedding (ORAL, MICCAIW 2021)
Stars: ✭ 22 (+22.22%)
Mutual labels:  medical-imaging, segmentation
Dipy
DIPY is the paragon 3D/4D+ imaging library in Python. Contains generic methods for spatial normalization, signal processing, machine learning, statistical analysis and visualization of medical images. Additionally, it contains specialized methods for computational anatomy including diffusion, perfusion and structural imaging.
Stars: ✭ 417 (+2216.67%)
Mutual labels:  segmentation, medical-imaging
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 (+1544.44%)
Mutual labels:  segmentation, medical-imaging
covid19.MIScnn
Robust Chest CT Image Segmentation of COVID-19 Lung Infection based on limited data
Stars: ✭ 77 (+327.78%)
Mutual labels:  medical-imaging, segmentation
All About The Gan
All About the GANs(Generative Adversarial Networks) - Summarized lists for GAN
Stars: ✭ 630 (+3400%)
Mutual labels:  segmentation, medical-imaging
Brainy
Brainy is a virtual MRI analyzer. Just upload the MRI scan file and get 3 different classes of tumors detected and segmented. In Beta.
Stars: ✭ 29 (+61.11%)
Mutual labels:  medical-imaging, segmentation
VNet
Prostate MR Image Segmentation 2012
Stars: ✭ 54 (+200%)
Mutual labels:  medical-imaging, segmentation
Skin Lesion Detection Deep Learning
Skin lesion detection from dermoscopic images using Convolutional Neural Networks
Stars: ✭ 48 (+166.67%)
Mutual labels:  medical-imaging, segmentation
mri-deep-learning-tools
Resurces for MRI images processing and deep learning in 3D
Stars: ✭ 56 (+211.11%)
Mutual labels:  medical-imaging, segmentation
Medical Transformer
Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation"
Stars: ✭ 153 (+750%)
Mutual labels:  segmentation, medical-imaging
Miscnn
A framework for Medical Image Segmentation with Convolutional Neural Networks and Deep Learning
Stars: ✭ 194 (+977.78%)
Mutual labels:  segmentation, medical-imaging
Slicer
Multi-platform, free open source software for visualization and image computing.
Stars: ✭ 263 (+1361.11%)
Mutual labels:  segmentation, medical-imaging
Slicergitsvnarchive
Multi-platform, free open source software for visualization and image computing.
Stars: ✭ 896 (+4877.78%)
Mutual labels:  segmentation, medical-imaging

GanSeg

GanSeg is a framework for medical image segmentation using various kinds of networks.

Currently GanSeg includes the following template generators:

  • UNet (Isola et al.)
  • ResNet (Johnson et al.)
  • CycleResNet (Zhu et al.)

Discriminators are all patch size discriminators with different patch sizes (1x1, 8x8, 16x16, 32x32, 64x64, etc...).

GanSeg also offers visualization classes and functions to display information such as histogram weights, dice coefficient, loss function value, sampled images, network computation graphs and so on.

GanSeg is able to slice medical volumes and their segmentations into axial, coronal and sagital views and process the slices in batches.

In test phase, GanSeg splits your volumes into slices, does its prediction and regroups the slices back in volumes with the same origin, spacing, dimensions and direction as your original volumes.

The functionality is easily extendable.

Examples

alt text

alt text

alt text

Usage

Volumes in a dataset need to have consistent size accross the slicing dimensions, i.e. all slices need to have the same shape.

Place your datasets in the dataset folder and create subdirectories Images and Labels where you will store your images and their segmentations. The filenames need to be consistent accross Images and labels.

For training, here is an example commandline input:

train.py --name test --vizport 8096 --model ganseg --dataset labvolslice --rootdir data/DS0 --image_shape 1,256,256 --gpu_ids 0 --gen_type unet_256 --loss nll --n_labels 2 train --lr 0.0001 --lr_policy lambda --batch_size 5 --n_epochs 5 --save_each 1 --decay_epoch 2 --log_freq 10

Please follow train.py and test.py -h instructions for more detail.

Requirements

  • SimpleITK
  • PyTorch
  • NumPy
  • Matplotlib
  • Visdom

Acknowledgements

The architecture of this repository is inspired from:

https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix

Third-party licenses

pytorchviz

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