Pinned Repositories
-
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
apls
Python code to evaluate the APLS metric
awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
blinker
A fast Python in-process signal/event dispatching system.
C-Plus-Plus
Collection of various algorithms in mathematics, machine learning, computer science and physics implemented in C++ for educational purposes.
caffe
Caffe on both Linux and Windows
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
CVND_Exercises
Exercise notebooks for CVND.
devolfnn's Repositories
devolfnn/apls
Python code to evaluate the APLS metric
devolfnn/C-Plus-Plus
Collection of various algorithms in mathematics, machine learning, computer science and physics implemented in C++ for educational purposes.
devolfnn/darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
devolfnn/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
devolfnn/detectron2
Detectron2 is FAIR's next-generation research platform for object detection and segmentation.
devolfnn/devolfnn.github.io
devolfnn blog
devolfnn/GSCNN
Gated-Shape CNN for Semantic Segmentation
devolfnn/HRNet-Semantic-Segmentation
This is an official implementation of semantic segmentation for our TPAMI paper "Deep High-Resolution Representation Learning for Visual Recognition". https://arxiv.org/abs/1908.07919
devolfnn/keras-retinanet
Keras implementation of RetinaNet object detection.
devolfnn/keras-vis
Neural network visualization toolkit for keras
devolfnn/mmdetection
Open MMLab Detection Toolbox and Benchmark
devolfnn/mmrotate
OpenMMLab Rotated Object Detection Toolbox and Benchmark
devolfnn/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
devolfnn/OBBDetection
OBBDetection is an oriented object detection library, which is based on MMdetection.
devolfnn/onnx-tensorrt
ONNX-TensorRT: TensorRT backend for ONNX
devolfnn/openseg.pytorch
The Pytorch code of OCNet series and SegFix.
devolfnn/PaddleDetection
Object detection and instance segmentation toolkit based on PaddlePaddle.
devolfnn/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
devolfnn/PyTorch-Encoding
A CV Toolkit
devolfnn/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
devolfnn/road_connectivity
Improved Road Connectivity by Joint Learning of Orientation and Segmentation (CVPR2019)
devolfnn/Sat2Graph
Sat2Graph: Road Graph Extraction through Graph-Tensor Encoding
devolfnn/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
devolfnn/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
devolfnn/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
devolfnn/VecRoad
The official repo of the CVPR 2020 paper "VecRoad: Point-based Iterative Graph Exploration for Road Graphs Extraction"
devolfnn/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
devolfnn/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS
devolfnn/yolov7
🔥🔥🔥🔥 YOLO with Transformers and Instance Segmentation, with TensorRT acceleration! 🔥🔥🔥
devolfnn/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/