Pinned Repositories
abseil-cpp
Abseil Common Libraries (C++)
AnalysisAVP
音视频学习,相关文件格式/协议分析,框架学习等。encode decode;rgb yuv h264 aac flv mp4 rtmp;libyuv x264 openh264 faac faad2 fdk-aac librtmp ffmpeg sdl2 webrtc;android ios capture videotoolbox;
att_ekf
Extented Kalman Filter for attitude estimation using ROS
cv-paper-pytorch
fusion-ukf
An unscented Kalman Filter implementation for fusing lidar and radar sensor measurements.
gnss-ins-sim
Open-source GNSS + inertial navigation, sensor fusion simulator. Motion trajectory generator, sensor models, and navigation
GPS_IMU_Kalman_Filter
Fusing GPS, IMU and Encoder sensors for accurate state estimation.
Kalman
Some Python Implementations of the Kalman Filter
Kalman-and-Bayesian-Filters-in-Python
Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
PyData-Berlin-2014-Kalman
Talk at PyData Berlin Conference
huihui308's Repositories
huihui308/cv-paper-pytorch
huihui308/AnalysisAVP
音视频学习,相关文件格式/协议分析,框架学习等。encode decode;rgb yuv h264 aac flv mp4 rtmp;libyuv x264 openh264 faac faad2 fdk-aac librtmp ffmpeg sdl2 webrtc;android ios capture videotoolbox;
huihui308/BGF-YOLO
Official implementation of "BGF-YOLO: Enhanced YOLOv8 with Multiscale Attentional Feature Fusion for Brain Tumor Detection".
huihui308/BiFormer
[CVPR 2023] Official code release of our paper "BiFormer: Vision Transformer with Bi-Level Routing Attention"
huihui308/crnn_plate_recognition
crnn chinese_plate_recognition
huihui308/CUDA-PointPillars
A project demonstrating how to use CUDA-PointPillars to deal with cloud points data from lidar.
huihui308/DAMO-YOLO
DAMO-YOLO: a fast and accurate object detection method with some new techs, including NAS backbones, efficient RepGFPN, ZeroHead, AlignedOTA, and distillation enhancement.
huihui308/DeepStream-Yolo
NVIDIA DeepStream SDK 6.3 / 6.2 / 6.1.1 / 6.1 / 6.0.1 / 6.0 / 5.1 implementation for YOLO models
huihui308/DeepStream-Yolo-Pose
NVIDIA DeepStream SDK 6.3 / 6.2 / 6.1.1 / 6.1 / 6.0.1 / 6.0 application for YOLO-Pose models
huihui308/Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
huihui308/detr
End-to-End Object Detection with Transformers
huihui308/hello-algo
《Hello 算法》:动画图解、一键运行的数据结构与算法教程,支持 Java, C++, Python, Go, JS, TS, C#, Swift, Rust, Dart, Zig 等语言。
huihui308/jetson-utils
C++/CUDA/Python multimedia utilities for NVIDIA Jetson
huihui308/jetson_dla_tutorial
A tutorial for getting started with the Deep Learning Accelerator (DLA) on NVIDIA Jetson
huihui308/lightweight-neural-architecture-search
This is a collection of our zero-cost NAS and efficient vision applications.
huihui308/mmyolo
OpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.
huihui308/ONNX-YOLOv8-Object-Detection
Python scripts performing object detection using the YOLOv8 model in ONNX.
huihui308/OpenPCDet
OpenPCDet Toolbox for LiDAR-based 3D Object Detection.
huihui308/PointPillars
A Simple PointPillars PyTorch Implementation for 3D LiDAR(KITTI) Detection.
huihui308/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
huihui308/PyTorch_YOLO_Tutorial
YOLO Tutorial
huihui308/Rethinking_of_PAR
Pytorch Pedestrian Attribute Recognition: A strong PyTorch baseline for pedestrian attribute recognition and multi-label classification.
huihui308/RT-DETR
Official RT-DETR (RTDETR paddle pytorch), Real-Time DEtection TRansformer, DETRs Beat YOLOs on Real-time Object Detection. 🔥 🔥 🔥
huihui308/TensorRT-For-YOLO-Series
tensorrt for yolo series (YOLOv10,YOLOv9,YOLOv8,YOLOv7,YOLOv6,YOLOX,YOLOv5), nms plugin support
huihui308/ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
huihui308/yolov10
YOLOv10: Real-Time End-to-End Object Detection
huihui308/yolov2-yolov3_PyTorch
huihui308/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS
huihui308/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
huihui308/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/