rrq980220's Stars
srwi/EverythingToolbar
Everything integration for the Windows taskbar.
GothicAi/InstaBoost-pypi
GothicAi/Instaboost
Code for ICCV2019 paper "InstaBoost: Boosting Instance Segmentation Via Probability Map Guided Copy-Pasting"
TommyZihao/MMSegmentation_Tutorials
Jupyter notebook tutorials for MMSegmentation
hynnsk/HP
This is the official pytorch implementation of "Leveraging Hidden Positives for Unsupervised Semantic Segmentation" (CVPR 2023).
huggingface/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
amazon-science/video-contrastive-learning
Video Contrastive Learning with Global Context, ICCVW 2021
open-mmlab/mmpretrain
OpenMMLab Pre-training Toolbox and Benchmark
facebookresearch/dinov2
PyTorch code and models for the DINOv2 self-supervised learning method.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
yzhao062/pyod
A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
facebookresearch/mvit
Code Release for MViTv2 on Image Recognition.
facebookresearch/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
taoyang1122/adapt-image-models
[ICLR'23] AIM: Adapting Image Models for Efficient Video Action Recognition
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/
facebookresearch/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
baaivision/EVA
EVA Series: Visual Representation Fantasies from BAAI
czczup/ViT-Adapter
[ICLR 2023 Spotlight] Vision Transformer Adapter for Dense Predictions
mhamilton723/STEGO
Unsupervised Semantic Segmentation by Distilling Feature Correspondences
Max-Manning/autoregunsupseg
Reimplementation of "Autoregressive Unsupervised Image Segmentation" by Ouali et al (ECCV 2020)
xu-ji/IIC
Invariant Information Clustering for Unsupervised Image Classification and Segmentation
facebookresearch/simsiam
PyTorch implementation of SimSiam https//arxiv.org/abs/2011.10566
IDEA-Research/MaskDINO
[CVPR 2023] Official implementation of the paper "Mask DINO: Towards A Unified Transformer-based Framework for Object Detection and Segmentation"
theFoxofSky/ddfnet
The official implementation of the CVPR2021 paper: Decoupled Dynamic Filter Networks
damo-cv/TransFGU
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
shirgur/AGFVisualization
Official code for "Attribution Guided Factorization for Neural Networks Visualization"
MkuuWaUjinga/leopart
facebookresearch/moco
PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722