Pinned Repositories
PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
123
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
caffe
Caffe: a fast open framework for deep learning.
Faster-RCNN_Tensorflow
This is a tensorflow re-implementation of Faster R-CNN: Towards Real-Time ObjectDetection with Region Proposal Networks.
faster_rcnn
Faster R-CNN
mx-rcnn
Parallel Faster R-CNN implementation with MXNet.
RFBNet
Receptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
Sewage-Treatment-Plant-Dataset
A challenging dataset for complex composite object detection in remote sensing imagery. The dataset will be available When the paper PBNet: Part-based Convolutional Neural Network for Complex Composite Object Detection in Remote Sensing Imagery is published.
RefineDet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
peijinwang's Repositories
peijinwang/Sewage-Treatment-Plant-Dataset
A challenging dataset for complex composite object detection in remote sensing imagery. The dataset will be available When the paper PBNet: Part-based Convolutional Neural Network for Complex Composite Object Detection in Remote Sensing Imagery is published.
peijinwang/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
peijinwang/123
peijinwang/caffe
Caffe: a fast open framework for deep learning.
peijinwang/Faster-RCNN_Tensorflow
This is a tensorflow re-implementation of Faster R-CNN: Towards Real-Time ObjectDetection with Region Proposal Networks.
peijinwang/faster_rcnn
Faster R-CNN
peijinwang/mx-rcnn
Parallel Faster R-CNN implementation with MXNet.
peijinwang/RFBNet
Receptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
peijinwang/caffe-model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
peijinwang/Circle-And-Line-Detection
Circle and Line detection algorithm using OpenCV
peijinwang/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
peijinwang/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
peijinwang/Deeplab-v2--ResNet-101--Tensorflow
An (re-)implementation of DeepLab v2 (ResNet-101) in TensorFlow for semantic image segmentation on the PASCAL VOC 2012 dataset.
peijinwang/deeplearningbook-chinese
Deep Learning Book Chinese Translation
peijinwang/detect_steel_number
DCIC 钢筋数量AI识别 baseline 0.98+
peijinwang/docker_practice
Learn and understand Docker technologies, with real DevOps practice!
peijinwang/dubiwei
I love programming.
peijinwang/jupyter-themes
Custom Jupyter Notebook Themes
peijinwang/LSTM-Time-Series-Analyze-on-energy-consumption-data
Using LSTM to predict the energy consumption of one month in 2008
peijinwang/MNC
Instance-aware Semantic Segmentation via Multi-task Network Cascades
peijinwang/mxnet-deeplab
Deeplab for semantic segmentation implemented by MXNet
peijinwang/PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
peijinwang/RefineDet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
peijinwang/RefineDet.PyTorch
A higher performance PyTorch implementation of Single-Shot Refinement Neural Network for Object Detection
peijinwang/SSD-variants
PyTorch implementation of several SSD based object detection algorithms.
peijinwang/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
peijinwang/SSD_Pytorch
support different SSDs and different scale test, support refineDet.
peijinwang/ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.