Nerei's Stars
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
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
lutzroeder/netron
Visualizer for neural network, deep learning and machine learning models
datasciencemasters/go
The Open Source Data Science Masters
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Unity-Technologies/ml-agents
The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.
bharathgs/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
horovod/horovod
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
diff-usion/Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
opencv/cvat
Annotate better with CVAT, the industry-leading data engine for machine learning. Used and trusted by teams at any scale, for data of any scale.
deeppavlov/DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
likedan/Awesome-CoreML-Models
Largest list of models for Core ML (for iOS 11+)
rushter/data-science-blogs
A curated list of data science blogs
CSAILVision/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
charlesq34/pointnet
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
tensorflow/lucid
A collection of infrastructure and tools for research in neural network interpretability.
DataScienceSpecialization/courses
Course materials for the Data Science Specialization: https://www.coursera.org/specialization/jhudatascience/1
Sarasra/models
Models and examples built with TensorFlow
rpautrat/SuperPoint
Efficient neural feature detector and descriptor
MIT-SPARK/Kimera
Index repo for Kimera code
MIT-SPARK/Kimera-VIO
Visual Inertial Odometry with SLAM capabilities and 3D Mesh generation.
albanie/convnet-burden
Memory consumption and FLOP count estimates for convnets
krrish94/nerf-pytorch
A PyTorch re-implementation of Neural Radiance Fields
MIT-SPARK/Kimera-Semantics
Real-Time 3D Semantic Reconstruction from 2D data
MIT-SPARK/Kimera-RPGO
Robust Pose Graph Optimization
CSAILVision/sceneparsing
Development kit for MIT Scene Parsing Benchmark
kysucix/fusibile
Depthmap fusion with depth and normal consistency check
hollance/CoreML-Custom-Layers
Source code for the blog post "Custom Layers in Core ML"
michaelhelmick/requests-facebook
A Python Library to interface with Facebook Graph API
bermanmaxim/Enet-PyTorch
An ENet implementation in PyTorch, based on convert_torch_to_pytorch