All Projects → 1044197988 → Tf.keras Commonly Used Models

1044197988 / Tf.keras Commonly Used Models

Licence: apache-2.0
基于Tensorflow的常用模型,包括分类分割、新型激活、卷积模块,可在Tensorflow2.X下运行。

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tf.keras Commonly Used Models

Pytorch Unet
Simple PyTorch implementations of U-Net/FullyConvNet (FCN) for image segmentation
Stars: ✭ 470 (+308.7%)
Mutual labels:  image-segmentation, unet
Pytorch Toolbelt
PyTorch extensions for fast R&D prototyping and Kaggle farming
Stars: ✭ 942 (+719.13%)
Mutual labels:  image-classification, image-segmentation
Cvpr2021 Paper Code Interpretation
cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
Stars: ✭ 8,075 (+6921.74%)
Mutual labels:  image-classification, image-segmentation
Medpy
Medical image processing in Python
Stars: ✭ 321 (+179.13%)
Mutual labels:  image-classification, image-segmentation
Unet Tensorflow
Tensorflow implement of U-Net
Stars: ✭ 50 (-56.52%)
Mutual labels:  image-segmentation, unet
Pytorch Nested Unet
PyTorch implementation of UNet++ (Nested U-Net).
Stars: ✭ 416 (+261.74%)
Mutual labels:  image-segmentation, unet
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-80%)
Mutual labels:  image-classification, image-segmentation
ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow implementation) (IEEE ISM)
Stars: ✭ 69 (-40%)
Mutual labels:  image-segmentation, unet
Tta wrapper
Test Time image Augmentation (TTA) wrapper for Keras model.
Stars: ✭ 98 (-14.78%)
Mutual labels:  image-classification, image-segmentation
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-57.39%)
Mutual labels:  image-segmentation, unet
Neural Pipeline
Neural networks training pipeline based on PyTorch
Stars: ✭ 315 (+173.91%)
Mutual labels:  image-classification, image-segmentation
Attention Gated Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
Stars: ✭ 1,237 (+975.65%)
Mutual labels:  image-classification, image-segmentation
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+3886.09%)
Mutual labels:  image-segmentation, unet
Caer
High-performance Vision library in Python. Scale your research, not boilerplate.
Stars: ✭ 452 (+293.04%)
Mutual labels:  image-classification, image-segmentation
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+3008.7%)
Mutual labels:  image-segmentation, unet
Eccv2020 Code
ECCV 2020 论文开源项目合集,同时欢迎各位大佬提交issue,分享ECCV 2020开源项目
Stars: ✭ 827 (+619.13%)
Mutual labels:  image-classification, image-segmentation
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (-44.35%)
Mutual labels:  image-segmentation, unet
uformer-pytorch
Implementation of Uformer, Attention-based Unet, in Pytorch
Stars: ✭ 54 (-53.04%)
Mutual labels:  image-segmentation, unet
Albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
Stars: ✭ 9,353 (+8033.04%)
Mutual labels:  image-classification, image-segmentation
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 (-41.74%)
Mutual labels:  image-segmentation, unet

TF.Keras-常用型号

自己整理的一些tensorflow下ķeras实现的模型,可在Tensorflow2.X下运行

提示:以下模型均不包含预训练权重的载入,只是模型的实现;不同的卷积模块大部分在分类分割模型中已包含。

分类模型:

  • AlexNet
  • Darknet53
  • DenseNet
  • Dual_path_network
  • GoogleNet
  • MNasNet
  • Resnet34
  • Resnet50
  • SEResNeXt
  • VGG16
  • Squeeze_Excite-Network
  • MobileNetV3
  • Efficientnet
  • SE_HRNet
  • ResNest

分割模型:

  • FCN8S
  • ICNet
  • MiniNetv2
  • PSPNet-ResNet50
  • RAUNet-3D
  • Refinenet
  • Segnet
  • Unet
  • Unet_Xception_Resnetblock
  • ResNextFPN
  • Deeplabv2
  • Deeplabv3+
  • FastFCN
  • HRNet
  • ResUNet-a
  • RCNN-UNet
  • Attention Unet
  • RCNN-Attention Unet
  • UNet ++

Unet_family:

不同种类的Unet模型图像分割的实现

1、UNet -U-Net:用于生物医学图像分割的卷积网络 https://arxiv.org/abs/1505.04597
2、RCNN-UNet-基于U-Net的递归残积卷积神经网络(R2U-Net)用于医学图像分割 https://arxiv.org/abs/1802.06955
3、Attention Unet -Attention U-Net:学习在哪里寻找胰腺 https://arxiv.org/abs/1804.03999
4、RCNN-Attention Unet -Attention R2U-Net:只需将两个最新的高级作品集成在一起(R2U-Net + Attention U-Net)
5、嵌套的UNet -UNet ++:用于医学图像分割的嵌套U-Net体系结构 https://arxiv.org/abs/1807.10165

参考:

Unet-Segmentation-Pytorch-Nest-of-Unets
不同点:我的实现初始滤波数32,原始为64。

分割损失函数:

  • Focal_Tversky_loss
  • C_Focal_loss
  • B_Focal_loss
  • LovaszSoftmax
  • WeightedCCE
  • jaccard_loss
  • bce_jaccard_loss
  • cce_jaccard_loss
  • dice_loss
  • bce_dice_loss
  • cce_dice_loss

分割指标:

  • iou_score
  • jaccard_score
  • f1_score
  • f2_score
  • dice_score

新型激活函数:

  • gelu
  • swish
  • mish

卷积模块:

  • SE
  • Res2Net
  • Deformable_Conv

Layer:

  • FRN
  • attention(PAM空间注意力和CAM通道注意力)
  • BiFPN

Others:

  • TCN(时间卷积网络——解决LSTM的并发问题)
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].