humza909'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, ... 🧠
oobabooga/text-generation-webui
A Gradio web UI for Large Language Models.
mlabonne/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
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
kilimchoi/engineering-blogs
A curated list of engineering blogs
roboflow/supervision
We write your reusable computer vision tools. 💜
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
tloen/alpaca-lora
Instruct-tune LLaMA on consumer hardware
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
lucidrains/DALLE2-pytorch
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
microsoft/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
NielsRogge/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
Lightning-AI/lit-llama
Implementation of the LLaMA language model based on nanoGPT. Supports flash attention, Int8 and GPTQ 4bit quantization, LoRA and LLaMA-Adapter fine-tuning, pre-training. Apache 2.0-licensed.
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
NVIDIA/FasterTransformer
Transformer related optimization, including BERT, GPT
roboflow/notebooks
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
FreedomIntelligence/LLMZoo
⚡LLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.⚡
phlippe/uvadlc_notebooks
Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2023
ashishpatel26/LLM-Finetuning
LLM Finetuning with peft
keenanromain/AWS-SAA-C02-Study-Guide
How to become a certified AWS Solutions Architect
XueFuzhao/OpenMoE
A family of open-sourced Mixture-of-Experts (MoE) Large Language Models
peremartra/Large-Language-Model-Notebooks-Course
Practical course about Large Language Models.
XueFuzhao/awesome-mixture-of-experts
A collection of AWESOME things about mixture-of-experts
horseee/LLM-Pruner
[NeurIPS 2023] LLM-Pruner: On the Structural Pruning of Large Language Models. Support Llama-3/3.1, Llama-2, LLaMA, BLOOM, Vicuna, Baichuan, TinyLlama, etc.
kuleshov-group/llmtools
Finetuning Large Language Models on One Consumer GPU in 2 Bits
OpenRobotLab/PointLLM
[ECCV 2024 Best Paper Candidate] PointLLM: Empowering Large Language Models to Understand Point Clouds
PacktPublishing/The-Machine-Learning-Solutions-Architect-Handbook
The Machine Learning Solutions Architect Handbook, published by Packt
postpop/videoreader
pythonic video reader
iamgmujtaba/scholar_search
This project provides a tool for extracting and analyzing the quantity and distribution of scholarly articles related to a particular topic or field over a desired time span, using Google Scholar search results and built-in data visualization functionality.