egbertYeah's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
mli/paper-reading
深度学习经典、新论文逐段精读
SawyerHood/draw-a-ui
Draw a mockup and generate html for it
labelmeai/labelme
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
WongKinYiu/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
NVIDIA/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
OpenGVLab/InternVL
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4o. 接近GPT-4o表现的开源多模态对话模型
gaomingqi/Track-Anything
Track-Anything is a flexible and interactive tool for video object tracking and segmentation, based on Segment Anything, XMem, and E2FGVI.
CVHub520/X-AnyLabeling
Effortless data labeling with AI support from Segment Anything and other awesome models.
onnx/onnx-tensorrt
ONNX-TensorRT: TensorRT backend for ONNX
NVIDIA/ChatRTX
A developer reference project for creating Retrieval Augmented Generation (RAG) chatbots on Windows using TensorRT-LLM
pytorch/TensorRT
PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT
vietanhdev/anylabeling
Effortless AI-assisted data labeling with AI support from YOLO, Segment Anything (SAM+SAM2), MobileSAM!!
NVIDIA/Stable-Diffusion-WebUI-TensorRT
TensorRT Extension for Stable Diffusion Web UI
microsoft/Cream
This is a collection of our NAS and Vision Transformer work.
NVIDIA/trt-samples-for-hackathon-cn
Simple samples for TensorRT programming
tianrun-chen/SAM-Adapter-PyTorch
Adapting Meta AI's Segment Anything to Downstream Tasks with Adapters and Prompts
Vincentqyw/image-matching-webui
🤗 image matching toolbox webui
facebookresearch/silk
SiLK (Simple Learned Keypoint) is a self-supervised deep learning keypoint model.
stochasticai/x-stable-diffusion
Real-time inference for Stable Diffusion - 0.88s latency. Covers AITemplate, nvFuser, TensorRT, FlashAttention. Join our Discord communty: https://discord.com/invite/TgHXuSJEk6
awaisrauf/Awesome-CV-Foundational-Models
gradio-app/awesome-demos
links and status of cool gradio demos
EdVince/CLIP-ImageSearch-NCNN
CLIP⚡NCNN⚡基于自然语言的图片搜索(Image Search)⚡以字搜图⚡x86⚡Android
EdVince/QRCode-NCNN
QRCode(from WeChat) implement in ncnn⚡二维码检测&解码⚡ncnn⚡
KdaiP/yolov8-deepsort-tracking
opencv+yolov8+deepsort行人检测与跟踪,以及可选的WebUI界面(基于gradio)
vignywang/Awesome-Local-Feature-Matching
gouthamvgk/SuperGlue_training
This repository contains the training code for SuperGlue. Uses COCO dataset by generating random homographies.
zju3dv/pats
Code for "PATS: Patch Area Transportation with Subdivision for Local Feature Matching", CVPR 2023
TRT2022/trtllm-llama
☢️ TensorRT 2023复赛——基于TensorRT-LLM的Llama模型推断加速优化