首页 博客 学院 下载 论坛 APP 问答 商城 活动 VIP会员
专题 招聘 ITeye GitChat 图文课
Python工程师
写博客
消息
转 深度学习 图像分割开源代码(附链接,超级全)
2018年10月12日 16:46:21 yy2yy99 阅读数 2516 更多
转自https://blog.csdn.net/weixin_41783077/article/details/82020121
转自github,感谢作者mrgloom的整理
链接:https://github.com/mrgloom/awesome-semantic-segmentation
Awesome Semantic Segmentation
Networks by architecture
Semantic segmentation
U-Net [https://arxiv.org/pdf/1505.04597.pdf] [2015]
https://github.com/zhixuhao/unet [Keras]
https://lmb.informatik.uni-freiburg.de/people/ronneber/u-net/ [Caffe + Matlab]
https://github.com/jocicmarko/ultrasound-nerve-segmentation [Keras]
https://github.com/EdwardTyantov/ultrasound-nerve-segmentation [Keras]
https://github.com/ZFTurbo/ZF_UNET_224_Pretrained_Model [Keras]
https://github.com/yihui-he/u-net [Keras]
https://github.com/jakeret/tf_unet [Tensorflow]
https://github.com/DLTK/DLTK/blob/master/examples/Toy_segmentation/simple_dltk_unet.ipynb [Tensorflow]
https://github.com/divamgupta/image-segmentation-keras [Keras]
2
关闭
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/akirasosa/mobile-semantic-segmentation [Keras]
https://github.com/orobix/retina-unet [Keras]
https://github.com/masahi/nnvm-vision-demo/blob/master/unet_segmentation.py [onnx+nnvm]
https://github.com/qureai/ultrasound-nerve-segmentation-using-torchnet [Torch]
https://github.com/ternaus/TernausNet [PyTorch]
SegNet [https://arxiv.org/pdf/1511.00561.pdf] [2016]
https://github.com/alexgkendall/caffe-segnet [Caffe]
https://github.com/developmentseed/caffe/tree/segnet-multi-gpu [Caffe]
https://github.com/preddy5/segnet [Keras]
https://github.com/imlab-uiip/keras-segnet [Keras]
https://github.com/andreaazzini/segnet [Tensorflow]
https://github.com/fedor-chervinskii/segnet-torch [Torch]
https://github.com/0bserver07/Keras-SegNet-Basic [Keras]
https://github.com/tkuanlun350/Tensorflow-SegNet [Tensorflow]
https://github.com/divamgupta/image-segmentation-keras [Keras]
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/chainer/chainercv/tree/master/examples/segnet [Chainer]
https://github.com/ykamikawa/keras-SegNet [Keras]
DeepLab [https://arxiv.org/pdf/1606.00915.pdf] [2017]
https://bitbucket.org/deeplab/deeplab-public/ [Caffe]
https://github.com/cdmh/deeplab-public [Caffe]
https://bitbucket.org/aquariusjay/deeplab-public-ver2 [Caffe]
https://github.com/TheLegendAli/DeepLab-Context [Caffe]
2
关闭
https://github.com/msracver/Deformable-ConvNets/tree/master/deeplab [MXNet]
https://github.com/DrSleep/tensorflow-deeplab-resnet [Tensorflow]
https://github.com/muyang0320/tensorflow-deeplab-resnet-crf [TensorFlow]
https://github.com/isht7/pytorch-deeplab-resnet [PyTorch]
https://github.com/bermanmaxim/jaccardSegment [PyTorch]
https://github.com/martinkersner/train-DeepLab [Caffe]
https://github.com/chenxi116/TF-deeplab [Tensorflow]
https://github.com/bonlime/keras-deeplab-v3-plus [Keras]
FCN [https://arxiv.org/pdf/1605.06211.pdf] [2016]
https://github.com/vlfeat/matconvnet-fcn [MatConvNet]
https://github.com/shelhamer/fcn.berkeleyvision.org [Caffe]
https://github.com/MarvinTeichmann/tensorflow-fcn [Tensorflow]
https://github.com/aurora95/Keras-FCN [Keras]
https://github.com/mzaradzki/neuralnets/tree/master/vgg_segmentation_keras [Keras]
https://github.com/k3nt0w/FCN_via_keras [Keras]
https://github.com/shekkizh/FCN.tensorflow [Tensorflow]
https://github.com/seewalker/tf-pixelwise [Tensorflow]
https://github.com/divamgupta/image-segmentation-keras [Keras]
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/wkentaro/pytorch-fcn [PyTorch]
https://github.com/wkentaro/fcn [Chainer]
https://github.com/apache/incubator-mxnet/tree/master/example/fcn-xs [MxNet]
https://github.com/muyang0320/tf-fcn [Tensorflow]
https://github.com/ycszen/pytorch-seg [PyTorch]
https://github.com/Kaixhin/FCN-semantic-segmentation [PyTorch]
2
关闭
https://github.com/petrama/VGGSegmentation [Tensorflow]
https://github.com/simonguist/testing-fcn-for-cityscapes [Caffe]
https://github.com/hellochick/semantic-segmentation-tensorflow [Tensorflow]
https://github.com/pierluigiferrari/fcn8s_tensorflow [Tensorflow]
ENet [https://arxiv.org/pdf/1606.02147.pdf] [2016]
https://github.com/TimoSaemann/ENet [Caffe]
https://github.com/e-lab/ENet-training [Torch]
https://github.com/PavlosMelissinos/enet-keras [Keras]
https://github.com/fregu856/segmentation [Tensorflow]
https://github.com/kwotsin/TensorFlow-ENet [Tensorflow]
LinkNet [https://arxiv.org/pdf/1707.03718.pdf] [2017]
https://github.com/e-lab/LinkNet [Torch]
DenseNet [https://arxiv.org/pdf/1608.06993.pdf] [2018]
https://github.com/flyyufelix/DenseNet-Keras [Keras]
Tiramisu [https://arxiv.org/pdf/1611.09326.pdf] [2017]
https://github.com/0bserver07/One-Hundred-Layers-Tiramisu [Keras]
https://github.com/SimJeg/FC-DenseNet [Lasagne]
DilatedNet [https://arxiv.org/pdf/1511.07122.pdf] [2016]
https://github.com/nicolov/segmentation_keras [Keras]
https://github.com/fyu/dilation [Caffe]
https://github.com/fyu/drn#semantic-image-segmentataion [PyTorch]
https://github.com/hangzhaomit/semantic-segmentation-pytorch [PyTorch]
2
关闭
PixelNet [https://arxiv.org/pdf/1609.06694.pdf] [2016]
https://github.com/aayushbansal/PixelNet [Caffe]
ICNet [https://arxiv.org/pdf/1704.08545.pdf] [2017]
https://github.com/hszhao/ICNet [Caffe]
https://github.com/ai-tor/Keras-ICNet [Keras]
https://github.com/hellochick/ICNet-tensorflow [Tensorflow]
ERFNet [http://www.robesafe.uah.es/personal/eduardo.romera/pdfs/Romera17iv.pdf] [?]
https://github.com/Eromera/erfnet [Torch]
https://github.com/Eromera/erfnet_pytorch [PyTorch]
RefineNet [https://arxiv.org/pdf/1611.06612.pdf] [2016]
https://github.com/guosheng/refinenet [MatConvNet]
PSPNet [https://arxiv.org/pdf/1612.01105.pdf,https://hszhao.github.io/projects/pspnet/] [2017]
https://github.com/hszhao/PSPNet [Caffe]
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/mitmul/chainer-pspnet [Chainer]
https://github.com/Vladkryvoruchko/PSPNet-Keras-tensorflow [Keras/Tensorflow]
https://github.com/pudae/tensorflow-pspnet [Tensorflow]
https://github.com/hellochick/PSPNet-tensorflow [Tensorflow]
https://github.com/hellochick/semantic-segmentation-tensorflow [Tensorflow]
DeconvNet [https://arxiv.org/pdf/1505.04366.pdf] [2015]
http://cvlab.postech.ac.kr/research/deconvnet/ [Caffe]
https://github.com/HyeonwooNoh/DeconvNet [Caffe]
https://github.com/fabianbormann/Tensorflow-DeconvNet-Segmentation [Tensorflow]
2
关闭
FRRN [https://arxiv.org/pdf/1611.08323.pdf] [2016]
https://github.com/TobyPDE/FRRN [Lasagne]
GCN [https://arxiv.org/pdf/1703.02719.pdf] [2017]
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/ycszen/pytorch-seg [PyTorch]
LRR [https://arxiv.org/pdf/1605.02264.pdf] [2016]
https://github.com/golnazghiasi/LRR [Matconvnet]
DUC, HDC [https://arxiv.org/pdf/1702.08502.pdf] [2017]
https://github.com/ZijunDeng/pytorch-semantic-segmentation [PyTorch]
https://github.com/ycszen/pytorch-seg [PyTorch]
MultiNet [https://arxiv.org/pdf/1612.07695.pdf] [2016]
https://github.com/MarvinTeichmann/MultiNet
https://github.com/MarvinTeichmann/KittiSeg
Segaware [https://arxiv.org/pdf/1708.04607.pdf] [2017]
https://github.com/aharley/segaware [Caffe]
Semantic Segmentation using Adversarial Networks [https://arxiv.org/pdf/1611.08408.pdf] [2016]
https://github.com/oyam/Semantic-Segmentation-using-Adversarial-Networks [Chainer]
PixelDCN [https://arxiv.org/pdf/1705.06820.pdf] [2017]
https://github.com/HongyangGao/PixelDCN [Tensorflow]
ShuffleSeg [https://arxiv.org/pdf/1803.03816.pdf] [2018]
https://github.com/MSiam/TFSegmentation [TensorFlow]
2
关闭
AdaptSegNet [https://arxiv.org/pdf/1802.10349.pdf] [2018]
https://github.com/wasidennis/AdaptSegNet [PyTorch]
TuSimple-DUC [https://arxiv.org/pdf/1702.08502.pdf] [2018]
https://github.com/TuSimple/TuSimple-DUC [MxNet]
Instance aware segmentation
FCIS [https://arxiv.org/pdf/1611.07709.pdf]
https://github.com/msracver/FCIS [MxNet]
MNC [https://arxiv.org/pdf/1512.04412.pdf]
https://github.com/daijifeng001/MNC [Caffe]
DeepMask [https://arxiv.org/pdf/1506.06204.pdf]
https://github.com/facebookresearch/deepmask [Torch]
SharpMask [https://arxiv.org/pdf/1603.08695.pdf]
https://github.com/facebookresearch/deepmask [Torch]
Mask-RCNN [https://arxiv.org/pdf/1703.06870.pdf]
https://github.com/CharlesShang/FastMaskRCNN [Tensorflow]
https://github.com/jasjeetIM/Mask-RCNN [Caffe]
https://github.com/TuSimple/mx-maskrcnn [MxNet]
https://github.com/matterport/Mask_RCNN [Keras]
RIS [https://arxiv.org/pdf/1511.08250.pdf]
https://github.com/bernard24/RIS [Torch]
FastMask [https://arxiv.org/pdf/1612.08843.pdf]
2
关闭
https://github.com/voidrank/FastMask [Caffe]
BlitzNet [https://arxiv.org/pdf/1708.02813.pdf]
https://github.com/dvornikita/blitznet [Tensorflow]
Weakly-supervised segmentation
SEC [https://arxiv.org/pdf/1603.06098.pdf]
https://github.com/kolesman/SEC [Caffe]
RNN
ReNet [https://arxiv.org/pdf/1505.00393.pdf]
https://github.com/fvisin/reseg [Lasagne]
ReSeg [https://arxiv.org/pdf/1511.07053.pdf]
https://github.com/Wizaron/reseg-pytorch [PyTorch]
https://github.com/fvisin/reseg [Lasagne]
RIS [https://arxiv.org/pdf/1511.08250.pdf]
https://github.com/bernard24/RIS [Torch]
CRF-RNN [http://www.robots.ox.ac.uk/%7Eszheng/papers/CRFasRNN.pdf]
https://github.com/martinkersner/train-CRF-RNN [Caffe]
https://github.com/torrvision/crfasrnn [Caffe]
https://github.com/NP-coder/CLPS1520Project [Tensorflow]
https://github.com/renmengye/rec-attend-public [Tensorflow]
https://github.com/sadeepj/crfasrnn_keras [Keras]
GANS
2
关闭