deep-learning-tutorial
There are 376 repositories under deep-learning-tutorial topic.
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, ... 🧠
ChristosChristofidis/awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
instillai/TensorFlow-Course
:satellite: Simple and ready-to-use tutorials for TensorFlow
ujjwalkarn/Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
ritchieng/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
MrGemy95/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
cbamls/AI_Tutorial
精选机器学习,NLP,图像识别, 深度学习等人工智能领域学习资料,搜索,推荐,广告系统架构及算法技术资料整理。算法大牛笔记汇总
bfortuner/ml-glossary
Machine learning glossary
Charmve/computer-vision-in-action
A computer vision closed-loop learning platform where code can be run interactively online. 学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ 👇项目主页
CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial
A TensorFlow & Deep Learning online course I taught in 2016
gluon-api/gluon-api
A clear, concise, simple yet powerful and efficient API for deep learning.
xiaohu2015/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
amitshekhariitbhu/AndroidTensorFlowMachineLearningExample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
SkalskiP/ILearnDeepLearning.py
This repository contains small projects related to Neural Networks and Deep Learning in general. Subjects are closely linekd with articles I publish on Medium. I encourage you both to read as well as to check how the code works in the action.
bat67/pytorch-tutorials-examples-and-books
PyTorch tutorials, examples and some books I found 【不定期更新】整理的PyTorch 最新版教程、例子和书籍
ShusenTang/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
roatienza/Deep-Learning-Experiments
Videos, notes and experiments to understand deep learning
AlgoTraders/stock-analysis-engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
deepgram/kur
Descriptive Deep Learning
PracticalDL/Practical-Deep-Learning-Book
Official code repo for the O'Reilly Book - Practical Deep Learning for Cloud, Mobile & Edge
wagamamaz/tensorflow-tutorial
TensorFlow and Deep Learning Tutorials
cresset-template/cresset
Template repository to build PyTorch projects from source on any version of PyTorch/CUDA/cuDNN.
jatinshah/ufldl_tutorial
Stanford Unsupervised Feature Learning and Deep Learning Tutorial
AntonMu/TrainYourOwnYOLO
Train a state-of-the-art yolov3 object detector from scratch!
ShahariarRabby/deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
maykulkarni/Machine-Learning-Notebooks
Machine Learning notebooks for refreshing concepts.
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.
sjchoi86/dl_tutorials_10weeks
Deep Learning Tutorials for 10 Weeks
gordicaleksa/pytorch-neural-style-transfer
Reconstruction of the original paper on neural style transfer (Gatys et al.). I've additionally included reconstruction scripts which allow you to reconstruct only the content or the style of the image - for better understanding of how NST works.
gordicaleksa/pytorch-GANs
My implementation of various GAN (generative adversarial networks) architectures like vanilla GAN (Goodfellow et al.), cGAN (Mirza et al.), DCGAN (Radford et al.), etc.
gordicaleksa/pytorch-deepdream
PyTorch implementation of DeepDream algorithm (Mordvintsev et al.). Additionally I've included playground.py to help you better understand basic concepts behind the algo.
dessa-oss/fake-voice-detection
Using temporal convolution to detect Audio Deepfakes