sherylwang's Stars
meta-llama/llama
Inference code for Llama models
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
rlabbe/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.
IDEA-Research/Grounded-Segment-Anything
Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
mlfoundations/open_clip
An open source implementation of CLIP.
salesforce/LAVIS
LAVIS - A One-stop Library for Language-Vision Intelligence
Megvii-BaseDetection/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/
cocodataset/cocoapi
COCO API - Dataset @ http://cocodataset.org/
tinyvision/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.
open-mmlab/mmyolo
OpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.
waymo-research/waymo-open-dataset
Waymo Open Dataset
he-y/Awesome-Pruning
A curated list of neural network pruning resources.
glouw/tinn
A tiny neural network library
median-research-group/LibMTL
A PyTorch Library for Multi-Task Learning
kuanhungchen/awesome-tiny-object-detection
🕶 A curated list of Tiny Object Detection papers and related resources.
HuangJunJie2017/BEVDet
Code base of the BEVDet series .
yoshitomo-matsubara/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆25 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.
rafaelpadilla/review_object_detection_metrics
Object Detection Metrics. 14 object detection metrics: mean Average Precision (mAP), Average Recall (AR), Spatio-Temporal Tube Average Precision (STT-AP). This project supports different bounding box formats as in COCO, PASCAL, Imagenet, etc.
NVlabs/ODISE
Official PyTorch implementation of ODISE: Open-Vocabulary Panoptic Segmentation with Text-to-Image Diffusion Models [CVPR 2023 Highlight]
Visual-Attention-Network/SegNeXt
Official Pytorch implementations for "SegNeXt: Rethinking Convolutional Attention Design for Semantic Segmentation" (NeurIPS 2022)
4DVLab/Vision-Centric-BEV-Perception
Vision-Centric BEV Perception: A Survey
zhijian-liu/torchprofile
A general and accurate MACs / FLOPs profiler for PyTorch models
YuxuanLing/books
ModelTC/United-Perception
United Perception
Haiyang-W/DSVT
[CVPR2023] Official Implementation of "DSVT: Dynamic Sparse Voxel Transformer with Rotated Sets"
ZJULearning/RMI
This is the code for the NeurIPS 2019 paper Region Mutual Information Loss for Semantic Segmentation.
DerrickXuNu/CoBEVT
[CoRL2022] CoBEVT: Cooperative Bird's Eye View Semantic Segmentation with Sparse Transformers
chengzhengxin/groupsoftmax-simpledet
GroupSoftmax cross entropy loss function for training with multiple different benchmark datasets
aleju/imgaug-doc
Code and assets to generate the documentation of imgaug
jshilong/FisherPruning
Group Fisher Pruning for Practical Network Compression(ICML2021)