All Projects → ZFTurbo → Zf_unet_224_pretrained_model

ZFTurbo / Zf_unet_224_pretrained_model

Licence: gpl-3.0
Modification of convolutional neural net "UNET" for image segmentation in Keras framework

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Zf unet 224 pretrained model

Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+2250.77%)
Mutual labels:  segmentation, pretrained-models, unet
Unet 3d
3D Unet Equipped with Advanced Deep Learning Methods
Stars: ✭ 57 (-70.77%)
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 (-71.28%)
Mutual labels:  segmentation, unet
Dlcv for beginners
《深度学习与计算机视觉》配套代码
Stars: ✭ 1,244 (+537.95%)
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 (+250.26%)
Mutual labels:  segmentation, unet
Segmentation Networks Benchmark
Evaluation framework for testing segmentation networks in Keras
Stars: ✭ 34 (-82.56%)
Mutual labels:  segmentation, unet
Keras unet plus plus
keras implementation of unet plus plus
Stars: ✭ 166 (-14.87%)
Mutual labels:  segmentation, unet
Unet
unet for image segmentation
Stars: ✭ 3,751 (+1823.59%)
Mutual labels:  segmentation, unet
Segmentation
Tensorflow implementation : U-net and FCN with global convolution
Stars: ✭ 101 (-48.21%)
Mutual labels:  segmentation, unet
Unet Family
Paper and implementation of UNet-related model.
Stars: ✭ 1,924 (+886.67%)
Mutual labels:  segmentation, unet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1643.08%)
Mutual labels:  segmentation, unet
3dunet Tensorflow Brats18
3D Unet biomedical segmentation model powered by tensorpack with fast io speed
Stars: ✭ 173 (-11.28%)
Mutual labels:  segmentation, unet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+180%)
Mutual labels:  segmentation, unet
Unet Tensorflow Keras
A concise code for training and evaluating Unet using tensorflow+keras
Stars: ✭ 172 (-11.79%)
Mutual labels:  segmentation, unet
Fbrs interactive segmentation
[CVPR2020] f-BRS: Rethinking Backpropagating Refinement for Interactive Segmentation https://arxiv.org/abs/2001.10331
Stars: ✭ 366 (+87.69%)
Mutual labels:  segmentation, pretrained-models
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 (-65.64%)
Mutual labels:  segmentation, unet
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+1133.33%)
Mutual labels:  segmentation, pretrained-models
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+61.03%)
Mutual labels:  segmentation, unet
Bcdu Net
BCDU-Net : Medical Image Segmentation
Stars: ✭ 314 (+61.03%)
Mutual labels:  segmentation, unet
Brats17
Patch-based 3D U-Net for brain tumor segmentation
Stars: ✭ 85 (-56.41%)
Mutual labels:  segmentation, unet

ZF_UNET_224 Pretrained Model

Modification of convolutional neural net "UNET" for image segmentation in Keras framework

Requirements

Python 3.*, Keras 2.1, Tensorflow 1.4

Usage

from zf_unet_224_model import ZF_UNET_224, dice_coef_loss, dice_coef
from keras.optimizers import Adam

model = ZF_UNET_224(weights='generator')
optim = Adam()
model.compile(optimizer=optim, loss=dice_coef_loss, metrics=[dice_coef])

model.fit(...)

Notes

Pretrained weights

Download: Weights for Tensorflow backend ~123 MB (Keras 2.1, Dice coef: 0.998)

Weights were obtained with random image generator (generator code available here: train_infinite_generator.py). See example of images from generator below.

Example of images from generator

Dice coefficient for pretrained weights: ~0.998. See history of learning below:

Log of dice coefficient during training process

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