All Projects → arnab39 → Fewshot_gan Unet3d

arnab39 / Fewshot_gan Unet3d

Licence: mit
Tensorflow implementation of our paper: Few-shot 3D Multi-modal Medical Image Segmentation using Generative Adversarial Learning

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Fewshot gan Unet3d

Geospatial Machine Learning
A curated list of resources focused on Machine Learning in Geospatial Data Science.
Stars: ✭ 289 (+6.25%)
Mutual labels:  convolutional-neural-networks, image-segmentation
Wbc segmentaion
White Blood Cell Image Segmentation Using Deep Convolution Neural Networks
Stars: ✭ 11 (-95.96%)
Mutual labels:  convolutional-neural-networks, image-segmentation
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (+175%)
Mutual labels:  gans, semi-supervised-learning
Attention Gated Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
Stars: ✭ 1,237 (+354.78%)
Mutual labels:  convolutional-neural-networks, image-segmentation
Neural Photo Editor
A simple interface for editing natural photos with generative neural networks.
Stars: ✭ 2,031 (+646.69%)
Mutual labels:  convolutional-neural-networks, gans
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (-25.74%)
Mutual labels:  convolutional-neural-networks, gans
Stn Ocr
Code for the paper STN-OCR: A single Neural Network for Text Detection and Text Recognition
Stars: ✭ 473 (+73.9%)
Mutual labels:  convolutional-neural-networks, semi-supervised-learning
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-54.41%)
Mutual labels:  convolutional-neural-networks, image-segmentation
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-47.43%)
Mutual labels:  convolutional-neural-networks, image-segmentation
Osmdeepod
OSMDeepOD - OpenStreetMap (OSM) and Machine Learning (Deep Learning) based Object Detection from Aerial Imagery (Formerly also known as "OSM-Crosswalk-Detection").
Stars: ✭ 174 (-36.03%)
Mutual labels:  convolutional-neural-networks, image-segmentation
DeepAtlas
Joint Semi-supervised Learning of Image Registration and Segmentation
Stars: ✭ 38 (-86.03%)
Mutual labels:  semi-supervised-learning, image-segmentation
L2c
Learning to Cluster. A deep clustering strategy.
Stars: ✭ 262 (-3.68%)
Mutual labels:  semi-supervised-learning
ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow implementation) (IEEE ISM)
Stars: ✭ 69 (-74.63%)
Mutual labels:  image-segmentation
uformer-pytorch
Implementation of Uformer, Attention-based Unet, in Pytorch
Stars: ✭ 54 (-80.15%)
Mutual labels:  image-segmentation
HistoGAN
Reference code for the paper HistoGAN: Controlling Colors of GAN-Generated and Real Images via Color Histograms (CVPR 2021).
Stars: ✭ 158 (-41.91%)
Mutual labels:  gans
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (-4.04%)
Mutual labels:  convolutional-neural-networks
Tensorflow Segmentation
Semantic image segmentation in Tensorflow
Stars: ✭ 260 (-4.41%)
Mutual labels:  image-segmentation
EigenGAN-Tensorflow
EigenGAN: Layer-Wise Eigen-Learning for GANs (ICCV 2021)
Stars: ✭ 294 (+8.09%)
Mutual labels:  gans
DeepDream
Generative deep learning: DeepDream
Stars: ✭ 17 (-93.75%)
Mutual labels:  gans
VSGAN
VapourSynth Single Image Super-Resolution Generative Adversarial Network (GAN)
Stars: ✭ 124 (-54.41%)
Mutual labels:  gans

Few-shot 3D Medical Image Segmentation using Generative Adversarial Learning

This repository contains the tensorflow and pytorch implementation of the model we proposed in our paper of the same name: Few-shot 3D Medical Image Segmentation using Generative Adversarial Learning

The code is available in both tensorflow and pytorch. To run the project kindly refer to the individual readme file.

Dataset

iSEG 2017 dataset was chosen to substantiate our proposed method. It contains the 3D multi-modal brain MRI data of 10 labeled training subjects and 13 unlabeled testing subjects. We split the 10 labeled training data into training, validation and testing images for both the models.(Eg- 2,1 and 7) Rest of the 13 unlabeled testing images are only used for training the GAN based model.

MRBrainS13 dataset was also used to test the robustness of our proposed model. It contains 3 modalities (T1-weighted, T1-weighted inversion recovery and FLAIR). Original Dataset consists of 5 labeled training and 6 unlabeled testing subjects. We split the 5 labeled training data into 1,1,3 for training, validation and testing. The 6 testing subjects are used as unlabeled data for the GAN based models.

Proposed model architecture

The following shows the model architecture of the proposed model. (Read our paper for further details)



Some results from our paper

  • Visual comparison of the segmentation by each model, for two test subjects of the iSEG-2017 dataset, when training with different numbers of labeled examples.

  • Segmentation of Subject 10 of the iSEG-2017 dataset predicted by different GAN-based models, when trained with 2 labeled images. The red box highlights a region in the ground truth where all these models give noticeable differences.


* More such results can be found in the paper.

Contact

You can mail us at: [email protected], [email protected] If you use this code for your research, please consider citing the original paper:

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