A curated list of awesome AI models from various domains and frameworks. This repository aims to gather the most significant and cutting-edge AI models available in the open-source community. Whether you're a researcher, developer, or enthusiast, you'll find valuable resources here to enhance your projects.
- Introduction
- PyTorch Models
- TensorFlow Models
- Core ML Models
- JAX Models
- ONNX Models
- Contributing
- License
Artificial Intelligence (AI) has revolutionized numerous fields, from natural language processing to computer vision and beyond. This repository collects some of the most impactful and widely used AI models, making it easier for you to find and utilize them in your projects.
-
BERT (Bidirectional Encoder Representations from Transformers)
★★★★★
Impact Score: 98- GitHub: huggingface/pytorch-pretrained-BERT
- Description: State-of-the-art pre-trained NLP model for various tasks.
-
GPT-2 (Generative Pretrained Transformer 2)
★★★★★
Impact Score: 96- GitHub: openai/gpt-2
- Description: Large-scale transformer-based language model.
-
RoBERTa
★★★★☆
Impact Score: 92- GitHub: pytorch/fairseq
- Description: Robustly optimized BERT approach.
-
DistilBERT
★★★★☆
Impact Score: 88- GitHub: huggingface/transformers
- Description: A smaller, faster, cheaper version of BERT.
-
XLNet
★★★★☆
Impact Score: 90- GitHub: zihangdai/xlnet
- Description: Generalized autoregressive pretraining for language understanding.
-
T5 (Text-to-Text Transfer Transformer)
★★★★★
Impact Score: 95- GitHub: google-research/text-to-text-transfer-transformer
- Description: Converts all NLP tasks into a text-to-text format.
-
CTRL (Conditional Transformer Language Model)
★★★★☆
Impact Score: 85- GitHub: salesforce/ctrl
- Description: A conditional transformer language model for controllable text generation.
-
ALBERT (A Lite BERT)
★★★★☆
Impact Score: 89- GitHub: google-research/albert
- Description: A lighter version of BERT with fewer parameters.
-
Bart
★★★★☆
Impact Score: 87- GitHub: pytorch/fairseq
- Description: Denoising autoencoder for pretraining sequence-to-sequence models.
-
Pegasus
★★★★☆
Impact Score: 86- GitHub: google-research/pegasus
- Description: Pre-training with extracted gap-sentences for abstractive summarization.
-
ELECTRA
★★★★☆
Impact Score: 88- GitHub: google-research/electra
- Description: Pre-training text encoders as discriminators rather than generators.
-
Longformer
★★★★☆
Impact Score: 84- GitHub: allenai/longformer
- Description: Transformer model for long documents.
-
Reformer
★★★★☆
Impact Score: 83- GitHub: google/trax
- Description: Efficient Transformer model with reduced memory consumption.
-
Transformer-XL
★★★★☆
Impact Score: 85- GitHub: kimiyoung/transformer-xl
- Description: An architecture with longer-term dependency for language modeling.
-
DialoGPT
★★★★☆
Impact Score: 82- GitHub: microsoft/DialoGPT
- Description: A large-scale pretrained dialogue response generation model.
-
MarianMT
★★★★☆
Impact Score: 80- GitHub: huggingface/transformers
- Description: Fast neural machine translation models.
-
Megatron-LM
★★★★★
Impact Score: 94- GitHub: NVIDIA/Megatron-LM
- Description: Large, powerful transformer models for NLP tasks.
-
DeBERTa
★★★★☆
Impact Score: 89- GitHub: microsoft/DeBERTa
- Description: Decoding-enhanced BERT with disentangled attention.
-
BARTpho
★★★☆☆
Impact Score: 75- GitHub: VinAIResearch/BARTpho
- Description: Pre-trained sequence-to-sequence models for Vietnamese.
-
CamemBERT
★★★★☆
Impact Score: 81- GitHub: camembert-model/camembert
- Description: A French language model based on RoBERTa.
-
ResNet
★★★★★
Impact Score: 97- GitHub: pytorch/vision
- Description: Deep residual networks for image recognition.
-
EfficientNet
★★★★☆
Impact Score: 91- GitHub: lukemelas/EfficientNet-PyTorch
- Description: Models with efficient scaling for better performance.
-
YOLOv5
★★★★★
Impact Score: 95- GitHub: ultralytics/yolov5
- Description: Real-time object detection model.
-
Mask R-CNN
★★★★★
Impact Score: 94- GitHub: facebookresearch/detectron2
- Description: Object detection and segmentation framework.
-
U-Net
★★★★☆
Impact Score: 88- GitHub: milesial/Pytorch-UNet
- Description: Convolutional networks for biomedical image segmentation.
-
StyleGAN2
★★★★★
Impact Score: 93- GitHub: NVlabs/stylegan2
- Description: Generative adversarial network for image synthesis.
-
CLIP
★★★★★
Impact Score: 96- GitHub: openai/CLIP
- Description: Connects text and images in a single embedding space.
-
DINO (Self-Distillation with No Labels)
★★★★☆
Impact Score: 89- GitHub: facebookresearch/dino
- Description: Unsupervised vision transformer training.
-
Swin Transformer
★★★★☆
Impact Score: 90- GitHub: microsoft/Swin-Transformer
- Description: Hierarchical vision transformer using shifted windows.
-
DeepLabV3
★★★★☆
Impact Score: 87- GitHub: pytorch/vision
- Description: Semantic image segmentation model.
-
WaveGlow
★★★★☆
Impact Score: 85- GitHub: NVIDIA/waveglow
- Description: Flow-based generative network for speech synthesis.
-
Tacotron 2
★★★★☆
Impact Score: 86- GitHub: NVIDIA/tacotron2
- Description: End-to-end speech synthesis model.
-
Open Unmix
★★★★☆
Impact Score: 80- GitHub: sigsep/open-unmix-pytorch
- Description: Reference implementation for music source separation.
-
DeepSpeech
★★★★☆
Impact Score: 83- GitHub: SeanNaren/deepspeech.pytorch
- Description: End-to-end speech recognition model.
-
Wav2Vec 2.0
★★★★★
Impact Score: 92- GitHub: pytorch/fairseq
- Description: Self-supervised learning of speech representations.
-
Stable Baselines3
★★★★☆
Impact Score: 88- GitHub: DLR-RM/stable-baselines3
- Description: Improved implementations of reinforcement learning algorithms.
-
RLlib
★★★★☆
Impact Score: 90- GitHub: ray-project/ray
- Description: Scalable reinforcement learning library.
-
OpenAI Baselines
★★★★☆
Impact Score: 87- GitHub: openai/baselines
- Description: High-quality implementations of RL algorithms.
-
pytorch-a2c-ppo-acktr-gail
★★★★☆
Impact Score: 85- GitHub: ikostrikov/pytorch-a2c-ppo-acktr-gail
- Description: PyTorch implementations of popular RL algorithms.
-
CleanRL
★★★★☆
Impact Score: 82- GitHub: vwxyzjn/cleanrl
- Description: High-quality single-file implementations of Deep RL algorithms.
-
BERT
★★★★★
Impact Score: 98- GitHub: tensorflow/models/tree/master/official/nlp/bert
- Description: TensorFlow implementation of BERT.
-
ALBERT
★★★★☆
Impact Score: 89- GitHub: tensorflow/models/tree/master/official/nlp/albert
- Description: A Lite BERT for self-supervised learning of language representations.
-
Transformer
★★★★☆
Impact Score: 90- GitHub: tensorflow/models/tree/master/official/transformer
- Description: Tensor2Tensor transformer model.
-
XLNet
★★★★☆
Impact Score: 85- GitHub: zhangyongshun/XLNet-TensorFlow
- Description: XLNet implementation in TensorFlow.
-
ELECTRA
★★★★☆
Impact Score: 88- GitHub: google-research/electra
- Description: Pre-training text encoders as discriminators rather than generators.
-
EfficientNet
★★★★☆
Impact Score: 91- GitHub: tensorflow/tpu/tree/master/models/official/efficientnet
- Description: EfficientNet models in TensorFlow.
-
ResNet
★★★★★
Impact Score: 97- GitHub: tensorflow/models/tree/master/official/vision/image_classification/resnet
- Description: TensorFlow implementation of ResNet.
-
YOLOv4
★★★★☆
Impact Score: 88- GitHub: hunglc007/tensorflow-yolov4-tflite
- Description: YOLOv4 implementation in TensorFlow.
-
DeepLab
★★★★☆
Impact Score: 87- GitHub: tensorflow/models/tree/master/research/deeplab
- Description: Semantic image segmentation model.
-
MobileNet
★★★★☆
Impact Score: 85- GitHub: tensorflow/models/tree/master/research/slim/nets/mobilenet
- Description: Lightweight deep neural network.
-
WaveNet
★★★★☆
Impact Score: 86- GitHub: ibab/tensorflow-wavenet
- Description: Deep generative model of raw audio waveforms.
-
DeepSpeech
★★★★☆
Impact Score: 83- GitHub: mozilla/DeepSpeech
- Description: Speech-to-text engine using deep learning.
-
SpeechTransformer
★★★★☆
Impact Score: 80- GitHub: zhaoxin94/Transformers-in-Speech-Processing
- Description: Transformer models for speech recognition.
-
Sound Classification
★★★★☆
Impact Score: 78- GitHub: tensorflow/models/tree/master/research/audioset
- Description: Audio event detection and classification.
-
VoiceFilter
★★★★☆
Impact Score: 75- GitHub: mindslab-ai/voicefilter
- Description: Speaker-conditioned speech separation model.
-
TF-Agents
★★★★☆
Impact Score: 88- GitHub: tensorflow/agents
- Description: Reinforcement learning library for TensorFlow.
-
Dopamine
★★★★☆
Impact Score: 85- GitHub: google/dopamine
- Description: Research framework for fast prototyping of RL algorithms.
-
TRFL
★★★★☆
Impact Score: 82- GitHub: deepmind/trfl
- Description: TensorFlow RL library.
-
DeepMind Control Suite
★★★★☆
Impact Score: 80- GitHub: deepmind/dm_control
- Description: Set of Python libraries and Mujoco components.
-
TensorForce
★★★★☆
Impact Score: 78- GitHub: tensorforce/tensorforce
- Description: RL library for TensorFlow.
-
MobileNetV2
★★★★☆
Impact Score: 85- GitHub: apple/coremltools
- Description: MobileNetV2 models for Core ML.
-
YOLOv3-CoreML
★★★★☆
Impact Score: 82- GitHub: hollance/YOLO-CoreML-MPSNNGraph
- Description: YOLOv3 implemented in Core ML.
-
Style Transfer
★★★★☆
Impact Score: 80- GitHub: tucan9389/Core-ML-Examples
- Description: Core ML models for style transfer.
-
Handwriting Recognition
★★★★☆
Impact Score: 78- GitHub: ymatthes/apple-coreml-sample
- Description: Handwriting recognition with Core ML.
-
DeepLabV3-CoreML
★★★★☆
Impact Score: 75- GitHub: asefmahi/DeepLabV3-Plus-CoreML
- Description: Semantic segmentation with DeepLabV3+ in Core ML.
-
Flax Vision Transformers
★★★★☆
Impact Score: 88- GitHub: google-research/vision_transformer
- Description: Implementation of Vision Transformers in JAX/Flax.
-
JAX MD
★★★★☆
Impact Score: 82- GitHub: google/jax-md
- Description: Machine learning for molecular dynamics simulations.
-
Neural Tangents
★★★★☆
Impact Score: 80- GitHub: google/neural-tangents
- Description: Fast and easy computing of neural tangent kernels.
-
Flow Matching Models
★★★★☆
Impact Score: 78- GitHub: google-research/flow-matchings
- Description: Generative modeling with flow matching.
-
JAX RL
★★★★☆
Impact Score: 75- GitHub: rlworkgroup/garage
- Description: Reinforcement learning algorithms in JAX.
-
ONNX Model Zoo
★★★★★
Impact Score: 95- GitHub: onnx/models
- Description: Pre-trained state-of-the-art models in ONNX format.
-
BERT-ONNX
★★★★★
Impact Score: 93- GitHub: onnx/models/tree/master/text/machine_comprehension/bert-squad
- Description: BERT model converted to ONNX.
-
ResNet-ONNX
★★★★★
Impact Score: 94- GitHub: onnx/models/tree/master/vision/classification/resnet
- Description: ResNet models in ONNX format.
-
GPT-2-ONNX
★★★★★
Impact Score: 92- GitHub: onnx/models/tree/master/text/machine_comprehension/gpt-2
- Description: GPT-2 model in ONNX.
-
YOLOv3-ONNX
★★★★☆
Impact Score: 88- GitHub: onnx/models/tree/master/vision/object_detection_segmentation/yolov3
- Description: YOLOv3 model in ONNX format.
Contributions are welcome! You can open an issue or submit a pull request to add new models or improve existing ones.
This repository is licensed under the MIT License.
Made with ❤️ by DrHazemAli
Note: The ranking stars and impact scores are based on the models' popularity, performance, and influence in the AI community.