All Projects → bobo0810 → Pytorchnethub

bobo0810 / Pytorchnethub

Licence: mit
项目注释+论文复现+算法竞赛

Projects that are alternatives of or similar to Pytorchnethub

Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-41.35%)
Mutual labels:  jupyter-notebook, ssd, faster-rcnn
Mmdetection To Tensorrt
convert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
Stars: ✭ 262 (-23.17%)
Mutual labels:  ssd, yolov3, faster-rcnn
Paddledetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
Stars: ✭ 5,799 (+1600.59%)
Mutual labels:  ssd, yolov3, faster-rcnn
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (-73.9%)
Mutual labels:  faster-rcnn, yolov3
detection-pytorch
A pytorch Implementation of classical object detection.
Stars: ✭ 24 (-92.96%)
Mutual labels:  ssd, yolov3
Real-Time-Object-Detection-API-using-TensorFlow
A Transfer Learning based Object Detection API that detects all objects in an image, video or live webcam. An SSD model and a Faster R-CNN model was pretrained on Mobile net coco dataset along with a label map in Tensorflow. This model were used to detect objects captured in an image, video or real time webcam. Open CV was used for streaming obj…
Stars: ✭ 50 (-85.34%)
Mutual labels:  ssd, faster-rcnn
Yolov3 Tf2
YoloV3 Implemented in Tensorflow 2.0
Stars: ✭ 2,327 (+582.4%)
Mutual labels:  jupyter-notebook, yolov3
Railroad and Obstacle detection
This program detect and identify obstacle on railway. If program detect some obstacle that train must stop, program gives you warning sign. This program Also estimate riskiness of obstacle how it is negligible or not. We provide many models to you to detect railways and obstacles.
Stars: ✭ 14 (-95.89%)
Mutual labels:  faster-rcnn, unet
CFUN
Combining Faster R-CNN and U-net for efficient medical image segmentation
Stars: ✭ 109 (-68.04%)
Mutual labels:  faster-rcnn, unet
Simple Faster Rcnn Pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
Stars: ✭ 3,422 (+903.52%)
Mutual labels:  jupyter-notebook, faster-rcnn
Tensorflow 2.x Yolov3
YOLOv3 implementation in TensorFlow 2.3.1
Stars: ✭ 300 (-12.02%)
Mutual labels:  jupyter-notebook, yolov3
Deep Learning In Production
Develop production ready deep learning code, deploy it and scale it
Stars: ✭ 216 (-36.66%)
Mutual labels:  jupyter-notebook, unet
Human Segmentation Pytorch
Human segmentation models, training/inference code, and trained weights, implemented in PyTorch
Stars: ✭ 289 (-15.25%)
Mutual labels:  jupyter-notebook, unet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (-7.92%)
Mutual labels:  jupyter-notebook, unet
lightDenseYOLO
A real-time object detection app based on lightDenseYOLO Our lightDenseYOLO is the combination of two components: lightDenseNet as the CNN feature extractor and YOLO v2 as the detection module
Stars: ✭ 20 (-94.13%)
Mutual labels:  faster-rcnn, yolov3
Py R Fcn Multigpu
Code for training py-faster-rcnn and py-R-FCN on multiple GPUs in caffe
Stars: ✭ 192 (-43.7%)
Mutual labels:  jupyter-notebook, faster-rcnn
Unet
unet for image segmentation
Stars: ✭ 3,751 (+1000%)
Mutual labels:  jupyter-notebook, unet
Py Rfcn Priv
code for py-R-FCN-multiGPU maintained by bupt-priv
Stars: ✭ 153 (-55.13%)
Mutual labels:  jupyter-notebook, faster-rcnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-47.8%)
Mutual labels:  jupyter-notebook, unet
Fastmot
High-performance multiple object tracking based on YOLO, Deep SORT, and optical flow
Stars: ✭ 284 (-16.72%)
Mutual labels:  ssd, yolov3

目的

  • 论文复现

  • 算法竞赛

  • 项目注释

    即开即用推荐官方库,阅读源码推荐注释

接下来工作

目标检测

  • [x] Faster rcnn
  • [x] YOLO v1
  • [x] YOLO v3
  • [x] YOLO v4
  • [x] SSD
  • [x] CAM
  • [x] S4ND

语义分割

  • [x] U-Net

主干网络

  • [x] FPN
  • [x] SKNet
  • [x] HS-ResNet
  • [x] AFF-ResNet 并入官方库
  • [x] TargetDrop

激活函数

  • [x] FunnelAct
  • [x] DynamicReLU

人脸识别

  • [x] Semi-Siamese-Training
  • [x] BroadFace

人脸损失

  • [x] AMSoftmax
  • [x] ArcFace
  • [x] Circle-Loss
  • [x] DiscFace
  • [x] NPCFace

知识蒸馏

  • [x] RepDistiller

算法竞赛

其他

  • [x] AMP - 自动混合精度
  • [x] DDP - 分布式数据并行

汇总

2021

模型 官方库 注释 实现 来源 备注 更新
SST Link 注释 ECCV 2020 浅层人脸学习 2021.2
RepDistiller Link 注释 知识蒸馏库 2021.2

2020

模型 官方库 注释 实现 来源 备注 更新
FunnelRelu MegEngine 复现 ECCV 2020 较PRelu等更有效 2020.7
DynamicReLU Link 注释 ECCV 2020 动态激活函数 2020.9
AMSoftmax Link 注释 乘法角间隔 2020.9
ArcFace Link 注释 CVPR 2019 加法角间隔 2020.9
CircleLoss Link 注释 CVPR 2020 加权角间隔 2020.9
AMP 实现 自动混合精度 2020.10
BroadFace 复现 ECCV 2020 队列更新 2020.10
TargetDrop 复现 注意力Drop 2020.10
HS-ResNet 复现 改进ResNet 2020.11
AFF-ResNet MXNet 复现 WACV 2021 统一特征融合 2020.11
DDP 实现 分布式数据并行 2020.11
DiscFace 复现 ACCV 2020 最小差异学习 2020.12
NPCFace 复现 正负联合监督 2020.12

2017-2019

模型 官方库 注释 实现 来源
Fatser Rcnn Link 注释 NIPS 2015
YOLO v1 Link 注释 CVPR 2016
YOLO v3 Link 注释 重构
YOLO v4 Link 注释
SSD Link 注释 重构 ECCV 2016
CAM Link 注释 CVPR 2016
S4ND 复现 MICCAI 2018
U-Net Link 注释 MICCAI 2015
SKNet Link 实现 CVPR 2019
FPN Link 注释 CVPR 2017
XueLangTianchi 实现 雪浪制造AI挑战赛

注:猫狗分类、风格迁移、生成对抗等更多内容请访问pytorch-book

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