lcj1105's Stars
Bazinga699/NCL
[CVPR2022] This repository contains code for the paper "Nested Collaborative Learning for Long-Tailed Visual Recognition", published at CVPR 2022
JushuangQiao/Python-Offer
《剑指Offer》面试题Python实现
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
Anduin2017/HowToCook
程序员在家做饭方法指南。Programmer's guide about how to cook at home (Simplified Chinese only).
facebookresearch/moco-v3
PyTorch implementation of MoCo v3 https//arxiv.org/abs/2104.02057
ArrowLuo/CLIP4Clip
An official implementation for "CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retrieval"
facebookresearch/ConvNeXt
Code release for ConvNeXt model
jia-zhuang/pytorch-multi-gpu-training
整理 pytorch 单机多 GPU 训练方法与原理
Alibaba-MIIL/ASL
Official Pytorch Implementation of: "Asymmetric Loss For Multi-Label Classification"(ICCV, 2021) paper
vahidk/tfrecord
Standalone TFRecord reader/writer with PyTorch data loaders
lihaoyun6/PD-Runner
A VM launcher for Parallels Desktop
QianMo/OpenCV3-Intro-Book-Src
:blue_book:《OpenCV3编程入门》书本配套源码 |《Introduction to OpenCV3 Programming》Book Source Code
jayleicn/ClipBERT
[CVPR 2021 Best Student Paper Honorable Mention, Oral] Official PyTorch code for ClipBERT, an efficient framework for end-to-end learning on image-text and video-text tasks.
IrisRainbowNeko/genshin_auto_fish
基于深度强化学习的原神自动钓鱼AI
zr2021/2021_QQ_AIAC_Tack1_1st
QQ浏览器2021AI算法大赛赛道一 第1名 方案
CLUEbenchmark/CLUE
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Tencent/Lichee
一个多模态内容理解算法框架,其中包含数据处理、预训练模型、常见模型以及模型加速等模块。
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
SwinTransformer/Video-Swin-Transformer
This is an official implementation for "Video Swin Transformers".
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
brightmart/roberta_zh
RoBERTa中文预训练模型: RoBERTa for Chinese
ZhuiyiTechnology/simbert
a bert for retrieval and generation
KevinMusgrave/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
UKPLab/sentence-transformers
State-of-the-Art Text Embeddings
Alibaba-MIIL/STAM
Official implementation of "An Image is Worth 16x16 Words, What is a Video Worth?" (2021 paper)
JJBOY/BMN-Boundary-Matching-Network
A pytorch-version implementation codes of paper: "BMN: Boundary-Matching Network for Temporal Action Proposal Generation", which is accepted in ICCV 2019.
savankoradiya/Extract-Mask-From-COCO-Dataset
COCO API - Python3 https://github.com/philferriere/cocoapi
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/
MhLiao/MaskTextSpotterV3
The code of "Mask TextSpotter v3: Segmentation Proposal Network for Robust Scene Text Spotting"
dair-ai/ml-visuals
🎨 ML Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.