WasedaMagina's Stars
tensorflow/models
Models and examples built with TensorFlow
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
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
facebookresearch/detr
End-to-End Object Detection with Transformers
PaddlePaddle/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
google-research/vision_transformer
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/
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
fundamentalvision/Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
NVlabs/SegFormer
Official PyTorch implementation of SegFormer
hila-chefer/Transformer-Explainability
[CVPR 2021] Official PyTorch implementation for Transformer Interpretability Beyond Attention Visualization, a novel method to visualize classifications by Transformer based networks.
whai362/PVT
Official implementation of PVT series
Ceruleanacg/Personae
📈 Personae is a repo of implements and environment of Deep Reinforcement Learning & Supervised Learning for Quantitative Trading.
PeizeSun/SparseR-CNN
[CVPR2021, PAMI2023] End-to-End Object Detection with Learnable Proposal
yitu-opensource/T2T-ViT
ICCV2021, Tokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet
msracver/Relation-Networks-for-Object-Detection
Relation Networks for Object Detection
Megvii-BaseDetection/BorderDet
BorderDet: Border Feature for Dense Object Detection(ECCV2020 Oral)
asyml/vision-transformer-pytorch
Pytorch version of Vision Transformer (ViT) with pretrained models. This is part of CASL (https://casl-project.github.io/) and ASYML project.
Megvii-BaseDetection/TreeFilter-Torch
Learnable Tree Filter for Structure-preserving Feature Transform
shamangary/Keras-MNIST-center-loss-with-visualization
An implementation for mnist center loss training and visualization
animebing/mnist_tsne
t-sne visualization of mnist images when feature is represented by raw pixels and cnn learned feature
jeremy-shannon/CarND-Traffic-Sign-Classifier-Project
My work-through of the Jupyter notebook for the Udacity Self-Driving Car Nanodegree program Project 2 - Traffic Sign Classifier