目录
一、文本检测(定位)
二、目标检测
三、行为识别
四、Visual Relationship Detection
五、语义分割
五、实例分割
六、超分辨率
七、显著目标检测salient object detection
八、开源的图像处理库
九、数据集
https://github.com/hwalsuklee/awesome-deep-text-detection-recognition
https://github.com/clovaai/CRAFT-pytorch (CVPR19)
百度PaddleOCR:https://github.com/PaddlePaddle/PaddleOCR/blob/develop/README_ch.md
基于anchor free的方法:
CornerNet: https://github.com/princeton-vl/CornerNet
matranse: https://github.com/deeplab-ai/matranse
待补充。。。
1、U-Net:
2、SegNet:
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]
https://github.com/ykamikawa/tf-keras-SegNet [Keras]
https://github.com/yassouali/pytorch_segmentation [PyTorch]
3、DeepLab:
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]
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]
https://github.com/tensorflow/models/tree/master/research/deeplab [Tensorflow]
https://github.com/speedinghzl/pytorch-segmentation-toolbox [PyTorch]
https://github.com/kazuto1011/deeplab-pytorch [PyTorch]
https://github.com/youansheng/torchcv [PyTorch]
https://github.com/yassouali/pytorch_segmentation [PyTorch]
4、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]
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]
https://github.com/theduynguyen/Keras-FCN [Keras]
https://github.com/JihongJu/keras-fcn [Keras]
https://github.com/yassouali/pytorch_segmentation [PyTorch]
5、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]
https://github.com/davidtvs/PyTorch-ENet [PyTorch]
https://github.com/yassouali/pytorch_segmentation [PyTorch]
6、LinkNet:
[https://arxiv.org/pdf/1707.03718.pdf] [2017]
https://github.com/e-lab/LinkNet [Torch]
https://github.com/qubvel/segmentation_models [Keras]
7、DenseNet
8、DilatedNet
9、PixelNet
10、ICNet
https://github.com/hszhao/ICNet [Caffe]
https://github.com/aitorzip/Keras-ICNet [Keras]
https://github.com/hellochick/ICNet-tensorflow [Tensorflow]
https://github.com/oandrienko/fast-semantic-segmentation [Tensorflow]
https://github.com/supervisely/supervisely/tree/master/plugins/nn/icnet [PyTorch]
11、ERFNet
12、RefineNet
13、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]
https://github.com/qubvel/segmentation_models [Keras]
https://github.com/oandrienko/fast-semantic-segmentation [Tensorflow]
https://github.com/speedinghzl/pytorch-segmentation-toolbox [PyTorch]
https://github.com/youansheng/torchcv [PyTorch]
https://github.com/yassouali/pytorch_segmentation [PyTorch]
https://github.com/holyseven/PSPNet-TF-Reproduce [Tensorflow]
https://github.com/kazuto1011/pspnet-pytorch [PyTorch]
14、DeconvNet
15、FRRN
16、GCN
17、LRR
18、DUC, HDC
19、MultiNet
20、Segaware
21、Semantic Segmentation using Adversarial Networks
22、PixelDCN
ShuffleSeg
23、AdaptSegNet
24、TuSimple-DUC
25、FPN
26、R2U-Net
27、Attention U-Net
28、DANet
29、ShelfNet
30、LadderNet
31、BiSeNet
32、ESPNet
33、DFN
34、CCNet
35、DenseASPP
36、Fast-SCNN
37、HRNet
38、PSANet
39、UPSNet
40、ConvCRF
41、Multi-scale Guided Attention for Medical Image Segmentation
42、DFANet
43、ExtremeC3Net
44、EncNet
45、Unet++:
46、FastFCN:https://github.com/wuhuikai/FastFCN [PyTorch]
47、PortraitNet:https://github.com/dong-x16/PortraitNet [PyTorch]
mask rcnn: https://github.com/matterport/Mask_RCNN (tensorflow)
mask rcnn: https://github.com/facebookresearch/maskrcnn-benchmark
FCIS(2017): https://github.com/msracver/FCIS
Deep Learning for Instance Segmentation of Agricultural Fields - Master thesis: https://github.com/chrieke/InstanceSegmentation_Sentinel2
PANet(2018): https://github.com/ShuLiu1993/PANet
polarMask: https://github.com/xieenze/PolarMask
SOLO(2020): https://github.com/WXinlong/SOLO
CenterMask(CVPR2020): https://github.com/youngwanLEE/CenterMask
PointRend: https://github.com/zsef123/PointRend-PyTorch
待补充。。
图像超分辨率:https://github.com/ChaofWang/Awesome-Super-Resolution
https://github.com/YingqianWang/Awesome-LF-Image-SR
视频超分辨率:https://github.com/wsz1029/Awesome-Video-Super-Resolution
待补充。。
综述:https://github.com/jiwei0921/SOD-CNNs-based-code-summary-
DSS(CVPR2017):https://github.com/Joker316701882/Salient-Object-Detection
SalBenchmark(比较早的综述):https://github.com/MCG-NKU/SalBenchmark
BSANet(CVPR9):https://github.com/NathanUA/BASNet
EGNet(ICCV2019):https://github.com/JXingZhao/EGNet
CPD(CVPR2019):https://github.com/wuzhe71/CPD
PoolNet(CVPR2019):https://github.com/backseason/PoolNet
视频显著目标检测:
ViSalientObject(TIP2018):https://github.com/wenguanwang/ViSalientObject
PDB-ConvLSTM(ECCV8):https://github.com/shenjianbing/PDB-ConvLSTM
MGA(ICCV9):https://github.com/lhaof/Motion-Guided-Attention
Detectron2: https://github.com/facebookresearch/detectron2
mmdetection: https://github.com/open-mmlab/mmdetection
pyimagesearch: https://www.pyimagesearch.com/books-and-courses/
COCO: https://cocodataset.org/#download
其它代码:
VOC数据转COC:https://github.com/shiyemin/voc2coco
创作不易,如果您觉得有用,可以来点赞助,多的不嫌多,少的一毛两毛也不嫌少。