Pinned Repositories
2d_pose_estimation
C++ TFLite推理2D姿态模型
AdamP
AdamP: Slowing Down the Slowdown for Momentum Optimizers on Scale-invariant Weights (ICLR 2021)
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
🧑🏫 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit), optimizers (adam, radam, adabelief), gans(dcgan, cyclegan, stylegan2), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, etc. 🧠
automl
Google Brain AutoML
awesome-attention-mechanism-in-cv
:punch: 计算机视觉中用到的注意力模块和其他即插即用模块PyTorch Implementation Collection of Attention Module and Plug&Play Module
Best-websites-a-programmer-should-visit-zh
程序员应该访问的最佳网站中文版
byol-pytorch
Usable Implementation of "Bootstrap Your Own Latent" self-supervised learning, from Deepmind, in Pytorch
labelImg2
labelImg2 with rotated box and extra label support
VisualDL
Deep Learning Visualization Toolkit(『飞桨』深度学习可视化工具 )
LUOBO123LUOBO123's Repositories
LUOBO123LUOBO123/2d_pose_estimation
C++ TFLite推理2D姿态模型
LUOBO123LUOBO123/annotated_deep_learning_paper_implementations
🧑🏫 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit), optimizers (adam, radam, adabelief), gans(dcgan, cyclegan, stylegan2), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, etc. 🧠
LUOBO123LUOBO123/automl
Google Brain AutoML
LUOBO123LUOBO123/awesome-attention-mechanism-in-cv
:punch: 计算机视觉中用到的注意力模块和其他即插即用模块PyTorch Implementation Collection of Attention Module and Plug&Play Module
LUOBO123LUOBO123/Best-websites-a-programmer-should-visit-zh
程序员应该访问的最佳网站中文版
LUOBO123LUOBO123/CenterPoint
LUOBO123LUOBO123/ColossalAI
Colossal-AI: A Unified Deep Learning System for Big Model Era
LUOBO123LUOBO123/composer
Train neural networks up to 7x faster
LUOBO123LUOBO123/CPlusPlusThings
C++那些事
LUOBO123LUOBO123/ESP32-projects
ESP32 projects repo
LUOBO123LUOBO123/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
LUOBO123LUOBO123/LetsGo_1
Config files for my GitHub profile.
LUOBO123LUOBO123/lite.ai.toolkit
🛠 A lite C++ toolkit of awesome AI models with ONNXRuntime, NCNN, MNN and TNN. YOLOv5, YOLOX, YOLOP, YOLOv6, YOLOR, MODNet, YOLOX, YOLOv7, YOLOv8. MNN, NCNN, TNN, ONNXRuntime.
LUOBO123LUOBO123/modern-cpp-tutorial
📚 Modern C++ Tutorial: C++11/14/17/20 On the Fly | https://changkun.de/modern-cpp/
LUOBO123LUOBO123/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
LUOBO123LUOBO123/ONNX-YOLOv8-Object-Detection
Python scripts performing object detection using the YOLOv8 model in ONNX.
LUOBO123LUOBO123/openvino_notebooks
📚 Jupyter notebook tutorials for OpenVINO™
LUOBO123LUOBO123/ORB_SLAM3_detailed_comments
Detailed comments for ORB-SLAM3
LUOBO123LUOBO123/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
LUOBO123LUOBO123/ppq
PPL Quantization Tool (PPQ) is a powerful offline neural network quantization tool.
LUOBO123LUOBO123/Prometheus
Open source software for autonomous drones.
LUOBO123LUOBO123/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
LUOBO123LUOBO123/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
LUOBO123LUOBO123/SlowFast
PySlowFast: video understanding codebase from FAIR for reproducing state-of-the-art video models.
LUOBO123LUOBO123/SOLO
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
LUOBO123LUOBO123/TinyNeuralNetwork
TinyNeuralNetwork is an efficient and easy-to-use deep learning model compression framework.
LUOBO123LUOBO123/TNN
TNN: developed by Tencent Youtu Lab and Guangying Lab, a uniform deep learning inference framework for mobile、desktop and server. TNN is distinguished by several outstanding features, including its cross-platform capability, high performance, model compression and code pruning. Based on ncnn and Rapidnet, TNN further strengthens the support and performance optimization for mobile devices, and also draws on the advantages of good extensibility and high performance from existed open source efforts. TNN has been deployed in multiple Apps from Tencent, such as Mobile QQ, Weishi, Pitu, etc. Contributions are welcome to work in collaborative with us and make TNN a better framework.
LUOBO123LUOBO123/tutorials
Tutorials for creating and using ONNX models
LUOBO123LUOBO123/yolact
A simple, fully convolutional model for real-time instance segmentation.
LUOBO123LUOBO123/YOLOv5-Lite
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 930+kb (int8) and 1.7M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~