Pinned Repositories
Android_SSDMobilenet
bev_lane_det
BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
caffe-int8-convert-tools
Generate a quantization parameter file for ncnn framework int8 inference
Caffe-YOLOv3-Windows
A windows caffe implementation of YOLO detection network
cascade-rcnn
Caffe implementation of multiple popular object detection frameworks
cmake_examples
Easy-to-copy CMake examples
darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
DenseNet-Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
DenseNetCaffe
Caffe code for Densely Connected Convolutional Networks (DenseNets)
zyc4me's Repositories
zyc4me/bev_lane_det
zyc4me/BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
zyc4me/Book
:green_book:我的个人书籍学习和收藏
zyc4me/cmake_examples
Easy-to-copy CMake examples
zyc4me/FCOS_Tensorflow
FCOS: Fully Convolutional One-Stage Object Detection.
zyc4me/dotfiles
Configs(VSCode, LLDB, Vim, Emacs, mirrors) & Snippets(Python, C++, Shell)
zyc4me/GKT
Efficient and Robust 2D-to-BEV Representation Learning via Geometry-guided Kernel Transformer
zyc4me/LibMTL
A PyTorch Library for Multi-Task Learning
zyc4me/MixNet-Pytorch
A PyTorch Implementation of MixNet
zyc4me/mnasnet_tensorflow
MNASNET Tensorflow
zyc4me/mobilenetv3.pytorch
73.2% MobileNetV3-Large and 67.1% MobileNetV3-Small model on ImageNet
zyc4me/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
zyc4me/models
Models and examples built with TensorFlow
zyc4me/ncnnqat
quantize aware training package for NCNN on pytorch
zyc4me/nnieqat-pytorch
A nnie quantization aware training tool on pytorch.
zyc4me/nvue
An alternative to nvidia-smi
zyc4me/Object-Detection-API-Tensorflow
Object Detection API Tensorflow
zyc4me/PeleeNet
PeleeNet: An efficient DenseNet architecture for mobile devices
zyc4me/PETR
[ECCV2022] PETR: Position Embedding Transformation for Multi-View 3D Object Detection
zyc4me/PNasnet-MNasnet_pytorch
zyc4me/PQDet
One stage object detection model based on YOLOv3, written in PyTorch.
zyc4me/pytorch-auto-drive
PytorchAutoDrive: Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, PRNet, RESA, LSTR, BézierLaneNet...) based on PyTorch with fast training, visualization, benchmarking & deployment help
zyc4me/pytorch_tricks
some tircks for PyTorch
zyc4me/PytorchInsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
zyc4me/self-driving-ish_computer_vision_system
This project generates images you've probably seen in autonomous driving demo. Object Detection, Lane Detection, Road Segmentation, Depth Estimation using TensorRT
zyc4me/Stronger-yolo-pytorch
Pytorch implementation of Stronger-Yolo with channel pruning and Mobiledevice deployment.
zyc4me/tensorflow
An Open Source Machine Learning Framework for Everyone
zyc4me/UniAD
[CVPR 2023 Best Paper] Planning-oriented Autonomous Driving
zyc4me/Vision-Centric-BEV-Perception
Vision-Centric BEV Perception: A Survey
zyc4me/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.