deep-learning
Deep Learning is an artificial neural network composed of many layers.
There are 83478 repositories under deep-learning topic.
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone
AUTOMATIC1111/stable-diffusion-webui
Stable Diffusion web UI
huggingface/transformers
🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal models, for both inference and training.
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
opencv/opencv
Open Source Computer Vision Library
rasbt/LLMs-from-scratch
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
d2l-ai/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被70多个国家的500多所大学用于教学。
Developer-Y/cs-video-courses
List of Computer Science courses with video lectures.
infiniflow/ragflow
RAGFlow is a leading open-source Retrieval-Augmented Generation (RAG) engine that fuses cutting-edge RAG with Agent capabilities to create a superior context layer for LLMs
dair-ai/Prompt-Engineering-Guide
🐙 Guides, papers, lessons, notebooks and resources for prompt engineering, context engineering, RAG, and AI Agents.
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, ... 🧠
keras-team/keras
Deep Learning for humans
CorentinJ/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
deepfakes/faceswap
Deepfakes Software For All
Avik-Jain/100-Days-Of-ML-Code
100 Days of ML Coding
ultralytics/ultralytics
Ultralytics YOLO 🚀
GokuMohandas/Made-With-ML
Learn how to design, develop, deploy and iterate on production-grade ML applications.
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
microsoft/AI-For-Beginners
12 Weeks, 24 Lessons, AI for All!
coqui-ai/TTS
🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production
streamlit/streamlit
Streamlit — A faster way to build and share data apps.
hpcaitech/ColossalAI
Making large AI models cheaper, faster and more accessible
deepspeedai/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
gradio-app/gradio
Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
floodsung/Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
naptha/tesseract.js
Pure Javascript OCR for more than 100 Languages 📖🎉🖥
TencentARC/GFPGAN
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
babysor/MockingBird
🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time
roboflow/supervision
We write your reusable computer vision tools. 💜
BVLC/caffe
Caffe: a fast open framework for deep learning.
microsoft/qlib
Qlib is an AI-oriented Quant investment platform that aims to use AI tech to empower Quant Research, from exploring ideas to implementing productions. Qlib supports diverse ML modeling paradigms, including supervised learning, market dynamics modeling, and RL, and is now equipped with https://github.com/microsoft/RD-Agent to automate R&D process.
CMU-Perceptual-Computing-Lab/openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers