Pinned Repositories
4d-occ-forecasting
CVPR 2023: Official code for `Point Cloud Forecasting as a Proxy for 4D Occupancy Forecasting'
ADLab_BEVFusion
Offical PyTorch implementation of "BEVFusion: A Simple and Robust LiDAR-Camera Fusion Framework"
albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Autonomous-Driving-University
A complete computer science study plan to become a autonomous driving engineer.
CMT
Official implementation of paper "Cross Modal Transformer: Towards Fast and Robust 3D Object Detection"
CodingInterviewChinese2
《剑指Offer:名企面试官精讲典型编程面试题》第二版源代码
pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
yolov5-rt-stack
yolort is a runtime stack for yolov5 on specialized accelerators such as libtorch, onnxruntime, tensorrt, tvm and ncnn.
datouready's Repositories
datouready/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
datouready/yolov5-rt-stack
yolort is a runtime stack for yolov5 on specialized accelerators such as libtorch, onnxruntime, tensorrt, tvm and ncnn.
datouready/CenterPoint-1
Export CenterPoint PonintPillars ONNX Model For TensorRT
datouready/cJSON
Ultralightweight JSON parser in ANSI C
datouready/CVPR_2021_Papers
CVPR2021最新论文汇总,主要包括:Transformer, NAS,模型压缩,模型评估,图像分类,检测,分割,跟踪,GAN,超分辨率,图像恢复,去雨,去雾,去模糊,去噪,重建等等
datouready/DBFace
DBFace is a real-time, single-stage detector for face detection, with faster speed and higher accuracy
datouready/DBNet.pytorch
A pytorch re-implementation of Real-time Scene Text Detection with Differentiable Binarization
datouready/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
datouready/ice
Comprehensive RPC framework with support for C++, C#, Java, JavaScript, Python and more.
datouready/ice-demos
Sample programs for Ice
datouready/IT_book
本项目收藏这些年来看过或者听过的一些不错的常用的上千本书籍,没准你想找的书就在这里呢,包含了互联网行业大多数书籍和面试经验题目等等。有人工智能系列(常用深度学习框架TensorFlow、pytorch、keras。NLP、机器学习,深度学习等等),大数据系列(Spark,Hadoop,Scala,kafka等),程序员必修系列(C、C++、java、数据结构、linux,设计模式、数据库等等)
datouready/labelImg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
datouready/labelme
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
datouready/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
datouready/mmdet3d_onnx_tools
convert hv_pointpillars_secfpn_sbn-all_4x8_2x_nus-3d from mmdet3d to onnx
datouready/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
datouready/ocr.pytorch
A pure pytorch implemented ocr project including text detection and recognition
datouready/onnx-tensorrt
ONNX-TensorRT: TensorRT backend for ONNX
datouready/PointPillars_MultiHead_40FPS
A REAL-TIME 3D detection network [Pointpillars] compiled by CUDA/TensorRT/C++.
datouready/PolarSeg
Implementation for PolarNet: An Improved Grid Representation for Online LiDAR Point Clouds Semantic Segmentation (CVPR 2020)
datouready/pytorch-doc-zh
Pytorch 中文文档
datouready/second.pytorch
SECOND for KITTI/NuScenes object detection
datouready/simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
datouready/tensorrt-tutorial
TensorRT简明教程
datouready/tensorRT_Pro
C++ library based on tensorrt integration
datouready/text_renderer
Generate text images for training deep learning ocr model
datouready/ThreadPool
A simple C++11 Thread Pool implementation
datouready/X2Paddle
Deep learning model converter for PaddlePaddle. (『飞桨』深度学习模型转换工具)
datouready/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
datouready/yolov5_tensorrt_int8_tools
tensorrt int8 量化yolov5 onnx模型