bowenc0221's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
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
mli/paper-reading
深度学习经典、新论文逐段精读
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
facebookresearch/detr
End-to-End Object Detection with Transformers
isl-org/Open3D
Open3D: A Modern Library for 3D Data Processing
google-research/vision_transformer
timzhang642/3D-Machine-Learning
A resource repository for 3D machine learning
facebookresearch/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
google/flax
Flax is a neural network library for JAX that is designed for flexibility.
facebookresearch/ConvNeXt
Code release for ConvNeXt model
Yochengliu/awesome-point-cloud-analysis
A list of papers and datasets about point cloud analysis (processing)
ifzhang/FairMOT
[IJCV-2021] FairMOT: On the Fairness of Detection and Re-Identification in Multi-Object Tracking
google-research/scenic
Scenic: A Jax Library for Computer Vision Research and Beyond
facebookresearch/Mask2Former
Code release for "Masked-attention Mask Transformer for Universal Image Segmentation"
weihaox/awesome-neural-rendering
Resources of Neural Rendering
google-research-datasets/Objectron
Objectron is a dataset of short, object-centric video clips. In addition, the videos also contain AR session metadata including camera poses, sparse point-clouds and planes. In each video, the camera moves around and above the object and captures it from different views. Each object is annotated with a 3D bounding box. The 3D bounding box describes the object’s position, orientation, and dimensions. The dataset contains about 15K annotated video clips and 4M annotated images in the following categories: bikes, books, bottles, cameras, cereal boxes, chairs, cups, laptops, and shoes
facebookresearch/Detic
Code release for "Detecting Twenty-thousand Classes using Image-level Supervision".
facebookresearch/votenet
Deep Hough Voting for 3D Object Detection in Point Clouds
erikwijmans/Pointnet2_PyTorch
PyTorch implementation of Pointnet2/Pointnet++
facebookresearch/MaskFormer
Per-Pixel Classification is Not All You Need for Semantic Segmentation (NeurIPS 2021, spotlight)
gordicaleksa/pytorch-original-transformer
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
nv-tlabs/GSCNN
Gated-Shape CNN for Semantic Segmentation (ICCV 2019)
hkchengrex/CascadePSP
[CVPR 2020] CascadePSP: Toward Class-Agnostic and Very High-Resolution Segmentation via Global and Local Refinement
bowenc0221/panoptic-deeplab
This is Pytorch re-implementation of our CVPR 2020 paper "Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation" (https://arxiv.org/abs/1911.10194)
xingyizhou/UniDet
Object detection on multiple datasets with an automatically learned unified label space.
google/licenseclassifier
A License Classifier
mseg-dataset/mseg-api
An Official Repo of CVPR '20 "MSeg: A Composite Dataset for Multi-Domain Segmentation"
bowenc0221/boundary-iou-api
Boundary IoU API (Beta version)