Pinned Repositories
assets
assignment1-2018
Assignment 1: automatic differentiation
assignment2-2018
(Spring 2018) Assignment 2: Graph Executor with TVM
coco2voc
Yet another coco2voc.py, convert MSCOCO json to PASCAL VOC xml in Object Detection.
lstms
Pytorch implementation of different LSTM based RNN architetures for different NLP tasks.
MNISTDiffusion
Implement a MNIST(also minimal) version of denoising diffusion probabilistic model from scratch.The model only has 4.55MB.
resume-photo-maker
Make a resume photo with a simple python script and two lightweight deep neural networks. | 证件照制作。
SoftmaxFocalLoss
An intuitive pytorch implementation of softmax focal loss which can be used to train classification and segmentation tasks.
yolov5_pruning
Network pruning on yolov5.
yolov5_tinytrt
Deploy yolov5 on TensorRT with Libtinytrt ⚡️.Both x86 and ARM(NVIDIA Jetson).
bot66's Repositories
bot66/MNISTDiffusion
Implement a MNIST(also minimal) version of denoising diffusion probabilistic model from scratch.The model only has 4.55MB.
bot66/SoftmaxFocalLoss
An intuitive pytorch implementation of softmax focal loss which can be used to train classification and segmentation tasks.
bot66/resume-photo-maker
Make a resume photo with a simple python script and two lightweight deep neural networks. | 证件照制作。
bot66/yolov5_pruning
Network pruning on yolov5.
bot66/kitti_baseline
The "Hello World" approch of KITTI Benchmark
bot66/Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
bot66/bce-qianfan-sdk
Provide best practices for LMOps, as well as elegant and convenient access to the features of the Qianfan MaaS Platform. (提供大模型工具链最佳实践,以及优雅且便捷地访问千帆大模型平台)
bot66/carla_leaderboard
carla leaderboard 2.0
bot66/cube-studio
cube studio开源云原生一站式机器学习/深度学习AI平台,支持sso登录,多租户/多项目组,数据资产对接,notebook在线开发,拖拉拽任务流pipeline编排,多机多卡分布式算法训练,超参搜索,推理服务VGPU,多集群调度,边缘计算,serverless,标注平台,自动化标注,数据集管理,大模型一键微调,llmops,私有知识库,AI应用商店,支持模型一键开发/推理/微调,私有化部署,支持国产cpu/gpu/npu芯片,支持RDMA,支持pytorch/tf/mxnet/deepspeed/paddle/colossalai/horovod/spark/ray/volcano分布式
bot66/duckduckgo_search
Search for words, documents, images, videos, news, maps and text translation using the DuckDuckGo.com search engine. Downloading files and images to a local hard drive.
bot66/GPTInterviewer
📚 GPT Interviewer - Practice interview with AI interviewer based on job descriptions and resume
bot66/Gymnasium
An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
bot66/LAV
(CVPR 2022) A minimalistic mapless end-to-end stack for joint perception, prediction, planning and control for self driving.
bot66/llama-recipes
Scripts for fine-tuning Llama2 with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization & question answering. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment.Demo apps to showcase Llama2 for WhatsApp & Messenger
bot66/llama2.c
Inference Llama 2 in one file of pure C
bot66/lora-scripts
LoRA & Dreambooth training scripts & GUI use kohya-ss's trainer, for diffusion model.
bot66/Mastering-Python-Design-Patterns-Second-Edition
Mastering-Python-Design-Patterns-Second-Edition, published by Packt
bot66/mlops-course
A project-based course on the foundations of MLOps with a focus on intuition and application.
bot66/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
bot66/open-metric-learning
Library for metric learning pipelines
bot66/ORB_SLAM3
ORB-SLAM3: An Accurate Open-Source Library for Visual, Visual-Inertial and Multi-Map SLAM
bot66/petals
🌸 Run large language models at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
bot66/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
bot66/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
bot66/sort
Simple, online, and realtime tracking of multiple objects in a video sequence.
bot66/spinningup
An educational resource to help anyone learn deep reinforcement learning.
bot66/tinygrad
You like pytorch? You like micrograd? You love tinygrad! ❤️
bot66/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆20 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
bot66/torchmetrics
Torchmetrics - Machine learning metrics for distributed, scalable PyTorch applications.
bot66/tutorials
This repository contains tutorials and examples for Triton Inference Server