All Projects → zizhaozhang → Unet Tensorflow Keras

zizhaozhang / Unet Tensorflow Keras

Licence: mit
A concise code for training and evaluating Unet using tensorflow+keras

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Unet Tensorflow Keras

Open Solution Data Science Bowl 2018
Open solution to the Data Science Bowl 2018
Stars: ✭ 159 (-7.56%)
Mutual labels:  segmentation, unet
Keras unet plus plus
keras implementation of unet plus plus
Stars: ✭ 166 (-3.49%)
Mutual labels:  segmentation, unet
Segmentation Networks Benchmark
Evaluation framework for testing segmentation networks in Keras
Stars: ✭ 34 (-80.23%)
Mutual labels:  segmentation, unet
Unet
unet for image segmentation
Stars: ✭ 3,751 (+2080.81%)
Mutual labels:  segmentation, unet
Segmentation
Tensorflow implementation : U-net and FCN with global convolution
Stars: ✭ 101 (-41.28%)
Mutual labels:  segmentation, unet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+217.44%)
Mutual labels:  segmentation, unet
Unet 3d
3D Unet Equipped with Advanced Deep Learning Methods
Stars: ✭ 57 (-66.86%)
Mutual labels:  segmentation, unet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+1978.49%)
Mutual labels:  segmentation, unet
Brats17
Patch-based 3D U-Net for brain tumor segmentation
Stars: ✭ 85 (-50.58%)
Mutual labels:  segmentation, unet
Dlcv for beginners
《深度学习与计算机视觉》配套代码
Stars: ✭ 1,244 (+623.26%)
Mutual labels:  segmentation, unet
Bcdu Net
BCDU-Net : Medical Image Segmentation
Stars: ✭ 314 (+82.56%)
Mutual labels:  segmentation, unet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1876.16%)
Mutual labels:  segmentation, unet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+82.56%)
Mutual labels:  segmentation, unet
Unet Segmentation Pytorch Nest Of Unets
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
Stars: ✭ 683 (+297.09%)
Mutual labels:  segmentation, unet
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+2565.12%)
Mutual labels:  segmentation, unet
Data Science Bowl 2018
End-to-end one-class instance segmentation based on U-Net architecture for Data Science Bowl 2018 in Kaggle
Stars: ✭ 56 (-67.44%)
Mutual labels:  segmentation, unet
PyTorch-UNet
PyTorch Implementation for Segmentation and Saliency Prediction
Stars: ✭ 21 (-87.79%)
Mutual labels:  segmentation, unet
Pytorch Saltnet
Kaggle | 9th place single model solution for TGS Salt Identification Challenge
Stars: ✭ 270 (+56.98%)
Mutual labels:  segmentation, unet
Multiclass Semantic Segmentation Camvid
Tensorflow 2 implementation of complete pipeline for multiclass image semantic segmentation using UNet, SegNet and FCN32 architectures on Cambridge-driving Labeled Video Database (CamVid) dataset.
Stars: ✭ 67 (-61.05%)
Mutual labels:  segmentation, unet
Unet Family
Paper and implementation of UNet-related model.
Stars: ✭ 1,924 (+1018.6%)
Mutual labels:  segmentation, unet

Unet-tensorflow-keras

A concise code for training and evaluating Unet using tensorflow+keras

A simple practice of the mixture usage of tensorflow and keras for the segmentation task. Sometime using Keras to manage the training is not flexiable. But we still want to utilize the convenience of Keras to build the model. Using Keras to build the model is super easy and fully compatible with Tensorflow.

I use the Unet architecture and modify its unsampling part to automatically adjust the feature map width and height when merge (concat) with previous layers. In this way, we do not need to compute the specific input size to fit the model but take an arbitrary size.

UPDATE, Oct 2017:

  • Take the image loader out of keras package to prevent the unpaird image/mask bug
  • Use Tensorflow.contrib.keras
  • Improve usability
  • Python 3 supported

UPDATE, July 2017:

  • Change the code to fit Tensorflow > 1.0
  • Adding a loader file to use Keras generator to load image and mask with automatic augmentation
  • Adding a VIS module to manage the evaluation metric.
  • Adding opt.py to support easier use

Usage

  • See loader.py to organize your train/test data hierarchy

  • Set necessary hpyerparameters and run train.py

    python train.py --data_path ./datasets/your_dataset_folder/ --checkpoint_path ./checkpoints/unet_example/
    
  • Visualize the train loss, dice score, learning rate, output mask, and first layer convolutional kernels per iteration in tensorboard

    tensorboard --logdir=train_log/
    
  • When checkpoints are saved, you can use eval.py to test an input image with an arbitrary size.

  • Evaluate your model

    python eval.py --data_path ./datasets/your_dataset_folder/ --load_from_checkpoint ./checkpoints/unet_example/model-0 --batch_size 1
    
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].