SueGreen's Stars
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
ZhichengHuang/CMAE
The official implementation of CMAE https://arxiv.org/abs/2207.13532 and https://ieeexplore.ieee.org/document/10330745
EdisonLeeeee/Awesome-Masked-Autoencoders
A collection of literature after or concurrent with Masked Autoencoder (MAE) (Kaiming He el al.).
facebookresearch/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
ssnl/align_uniform
Open source code for paper "Understanding Contrastive Representation Learning through Alignment and Uniformity on the Hypersphere" ICML 2020
uncbiag/Awesome-Foundation-Models
A curated list of foundation models for vision and language tasks
megvii-research/NAFNet
The state-of-the-art image restoration model without nonlinear activation functions.
KichangKim/DeepDanbooru
AI based multi-label girl image classification system, implemented by using TensorFlow.
weiaicunzai/Bag_of_Tricks_for_Image_Classification_with_Convolutional_Neural_Networks
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
idealo/imageatm
Image classification for everyone.
facebookresearch/ClassyVision
An end-to-end PyTorch framework for image and video classification
MachineLP/PyTorch_image_classifier
Image classification: efficientnet/resnest/seresnext/.....
christopher5106/FastAnnotationTool
A tool using OpenCV to annotate images for image classification, optical character reading, ...
KonstantinosF/Classification-of-Hyperspectral-Image
Classification of the Hyperspectral Image Indian Pines with Convolutional Neural Network
wisdal/Image-classification-transfer-learning
Categorizing food and grocery products using Transfer Learning from Inception V3
wolfib/image-classification-CIFAR10-tf
Simple Image Classification Models for the CIFAR-10 dataset using TensorFlow
suraj-deshmukh/Keras-Multi-Label-Image-Classification
Keras- Multi Label Image Classification
facebookresearch/pycls
Codebase for Image Classification Research, written in PyTorch.
rdcolema/tensorflow-image-classification
CNN for multi-class image recognition in tensorflow
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
weiaicunzai/awesome-image-classification
A curated list of deep learning image classification papers and codes
MarkFzp/act-plus-plus
Imitation learning algorithms with Co-training for Mobile ALOHA: ACT, Diffusion Policy, VINN
enkaranfiles/Machine-Learning-Engineer-Roadmap
this is for myself, development roadmap
ermongroup/neuralsort
Code for "Stochastic Optimization of Sorting Networks using Continuous Relaxations", ICLR 2019.
salesforce/hierarchicalContrastiveLearning
rajivsarvepalli/SimpleHierarchy
A python package adding basic hierarchal networks in pytorch for classification tasks. It implements a simple hierarchal network structure based on feed-backward outputs.
Ugenteraan/Deep_Hierarchical_Classification
PyTorch Implementation of Deep Hierarchical Classification for Category Prediction in E-commerce System
microsoft/JARVIS
JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
ffmemes/ff-backend
Fast Food Memes monolith https://t.me/ffmemesbot
pokaxpoka/deep_Mahalanobis_detector
Code for the paper "A Simple Unified Framework for Detecting Out-of-Distribution Samples and Adversarial Attacks".