November 22, 2020

1636 words 8 mins read

Awesome Tutorials with Code Repositories

Awesome Tutorials with Code Repositories

Tutorials are everywhere,but not all of them is at the same level. The more detailed content they have, the higher is their impact for the audience. Tutorials on GitHub bring at least two benefits: collaborative and open.

In the following, we list 130+ awesome tutorials on various interesting topics which are available on GitHub.

abhimishra91/transformers-tutorials Github repo with tutorials to fine tune transformers for diff NLP tasks
adashofdata/nlp-in-python-tutorial comparing stand up comedians using natural language processing
adeshpande3/Tensorflow-Programs-and-Tutorials Implementations of CNNs, RNNs, GANs, etc
AllenDowney/BayesMadeSimple Code for a tutorial on Bayesian Statistics by Allen Downey.
astorfi/TensorFlow-World :earth_americas: Simple and ready-to-use tutorials for TensorFlow
aymericdamien/TensorFlow-Examples TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
bentrevett/pytorch-sentiment-analysis Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
bentrevett/pytorch-seq2seq Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
bharathgs/Awesome-pytorch-list A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
bioinf-jku/SNNs Tutorials and implementations for “Self-normalizing networks”
caicloud/tensorflow-tutorial Example TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
carpedm20/awesome-hacking A curated list of awesome Hacking tutorials, tools and resources
cfenollosa/os-tutorial How to create an OS from scratch
changkun/modern-cpp-tutorial Modern C++ Tutorial: C++11/14/17/20 On the Fly
chiphuyen/stanford-tensorflow-tutorials This repository contains code examples for the Stanford’s course: TensorFlow for Deep Learning Research.
ChristosChristofidis/awesome-deep-learning A curated list of awesome Deep Learning tutorials, projects and communities.
ContinualAI/colab A ContinualAI repository for tutorials and demo running on Google Colaboratory.
curiousily/Deep-Learning-For-Hackers Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
curiousily/Getting-Things-Done-with-Pytorch Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Curt-Park/rainbow-is-all-you-need Rainbow is all you need! A step-by-step tutorial from DQN to Rainbow
dask/dask-tutorial Dask tutorial
deeponcology/PyTorchMedicalAI This is the hands-on deep learning tutorial series for the 2018/2019 Medical AI course by DeepOncology AI.
dglai/KDD-2019-Hands-on DGL tutorial in KDD 2019
dh7/ML-Tutorial-Notebooks This depot contain tutorials for real beginners who want to understand machine learning by reading some code.
dragen1860/TensorFlow-2.x-Tutorials TensorFlow 2.x version’s Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0
dwyl/learn-json-web-tokens :closed_lock_with_key: Learn how to use JSON Web Token (JWT) to secure your next Web App! (Tutorial/Example with Tests!!)
easy-tensorflow/easy-tensorflow Simple and comprehensive tutorials in TensorFlow
EdjeElectronics/TensorFlow-Object-Detection-API-Tutorial-Train-Multiple-Objects-Windows-10 How to train a TensorFlow Object Detection Classifier for multiple object detection on Windows
EdjeElectronics/TensorFlow-Object-Detection-on-the-Raspberry-Pi A tutorial showing how to set up TensorFlow’s Object Detection API on the Raspberry Pi
edyoda/data-science-complete-tutorial For extensive instructor led learning
eemlcommunity/PracticalSessions2020 Repository for tutorial sessions at EEML2020
ericmjl/bayesian-stats-modelling-tutorial How to do Bayesian statistical modelling using numpy and PyMC3
ethen8181/machine-learning :earth_americas: machine learning tutorials (mainly in Python3)
fastai/fastai The fastai deep learning library, plus lessons and tutorials
fendouai/Awesome-Chatbot Awesome Chatbot Projects,Corpus,Papers,Tutorials.Chinese Chatbot =>:
FilledStacks/flutter-tutorials The repo contains the source code for all the tutorials on the FilledStacks Youtube channel.
GoogleCloudPlatform/community This repository holds the content submitted to https://cloud.google.com/community. Files added to the tutorials/ will appear at https://cloud.google.com/community/tutorials.
graykode/distribution-is-all-you-need The basic distribution probability Tutorial for Deep Learning Researchers
graykode/nlp-tutorial Natural Language Processing Tutorial for Deep Learning Researchers
h2oai/h2o-tutorials Tutorials and training material for the H2O Machine Learning Platform
HHTseng/video-classification Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
hibayesian/awesome-automl-papers A curated list of automated machine learning papers, articles, tutorials, slides and projects
howtographql/howtographql The Fullstack Tutorial for GraphQL
huangyz0918/Hackintosh-Installer-University Open source tutorial & information collector for hackintosh installation.
hugobowne/COVID-19-EDA-tutorial This tutorial's purpose is to introduce people to the 2019 Novel Coronavirus COVID-19 (2019-nCoV) Data Repository by Johns Hopkins CSSE and how to explore it using some foundational packages in the Scientific Python Data Science stack.
hunkim/DeepLearningZeroToAll TensorFlow Basic Tutorial Labs
hunkim/PyTorchZeroToAll Simple PyTorch Tutorials Zero to ALL!
Hvass-Labs/TensorFlow-Tutorials TensorFlow Tutorials with YouTube Videos
iamshaunjp/flutter-firebase All course files for the Flutter & Firebase tutorial playlist on The Net Ninja YouTube channel
janishar/Tutorials Published tutorial files
javascript-tutorial/en.javascript.info Modern JavaScript Tutorial
jpetazzo/container.training Slides and code samples for training, tutorials, and workshops about containers.
jsonlines/guide Tutorial on streaming JSON data analysis on the command line
JuliaComputing/JuliaBoxTutorials Learn and Run Julia in your Browser
jupyter-widgets/tutorial A tutorial for widgets
KathanP19/HowToHunt Tutorials and Things to Do while Hunting Vulnerability.
kay-is/react-from-zero A simple (99% ES2015 less) tutorial for React
keitakurita/Practical_NLP_in_PyTorch A repository containing tutorials for practical NLP using PyTorch
kieranmv95/Front-End-Wizard A comprehensive collection of front end tutorials and resources for developers
krittikaiitb/tutorials Set of Jupyter Notebooks, along with datafiles, to get started with Scientific Computing in Astronomy
lazyprogrammer/machine_learning_examples A collection of machine learning examples and tutorials.
leandromoreira/ffmpeg-libav-tutorial FFmpeg libav tutorial - learn how media works from basic to transmuxing, transcoding and more
lesnitsky/git-tutor :octocat:+md=:heart: Awesome tutorials from your git log
lexfridman/mit-deep-learning Tutorials, assignments, and competitions for MIT Deep Learning related courses.
lyeoni/nlp-tutorial A list of NLP(Natural Language Processing) tutorials
machinelearningmindset/TensorFlow-Course Simple and ready-to-use tutorials for TensorFlow
maelfabien/Machine_Learning_Tutorials Code, exercises and tutorials of my personal blog !
markerikson/react-redux-links Curated tutorial and resource links I’ve collected on React, Redux, ES6, and more
metrofun/machine-learning-surveys A curated list of Machine Learning Surveys, Tutorials and Books.
mGalarnyk/Python_Tutorials Python tutorials in both Jupyter Notebook and youtube format.
mherrmann/fbs-tutorial Tutorial for creating Python/Qt GUIs with fbs
MichielDerhaeg/build-linux A short tutorial about building Linux based operating systems.
microsoft/AKSDeploymentTutorial Tutorial on how to deploy Deep Learning models on GPU enabled Kubernetes cluster
microsoft/QuantumKatas Tutorials and programming exercises for learning Q# and quantum computing
mila-iqia/welcome_tutorials Various tutorials given for welcoming new students at MILA.
ml4a/ml4a-guides practical guides, tutorials, and code samples for ml4a
mlss-skoltech/tutorials repository with the tutorials for MLSS Skoltech
MorvanZhou/PyTorch-Tutorial Build your neural network easy and fast
MorvanZhou/Reinforcement-learning-with-tensorflow Simple Reinforcement learning tutorials
MorvanZhou/Tensorflow-Tutorial Tensorflow tutorial from basic to hard
mrpandey/d3graphTheory :boom: Interactive and colorful :art: graph theory tutorials made using d3.js :zap:
nitin42/Making-a-custom-React-renderer Tutorial on how to make a custom React renderer
nlintz/TensorFlow-Tutorials Simple tutorials using Google’s TensorFlow Framework
omerbsezer/Fast-Pytorch Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
omerbsezer/Generative_Models_Tutorial_with_Demo Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
omerbsezer/Reinforcement_learning_tutorial_with_demo Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
onlyphantom/cvessentials Tutorial Series (60 hour course): Essentials of computer vision
onnx/tutorials Tutorials for creating and using ONNX models
pkmital/tensorflow_tutorials From the basics to slightly more interesting applications of Tensorflow
Project-MONAI/tutorials MONAI Tutorials
pythonlessons/TensorFlow-object-detection-tutorial The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
pytorch/tutorials PyTorch tutorials.
Qiskit/qiskit-iqx-tutorials A collection of Jupyter notebooks showing how to use Qiskit that is synced with the IBM Q Experience
rabbitmq/rabbitmq-tutorials Tutorials for using RabbitMQ in various ways
rby90/Project-Based-Tutorials-in-C A curated list of project-based tutorials in C
realpython/materials Bonus materials, exercises, and example projects for our Python tutorials
redhat-developer-demos/kubernetes-tutorial Kubernetes Tutorial for https://dn.dev/master
rguthrie3/DeepLearningForNLPInPytorch An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
ritchieng/the-incredible-pytorch The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
RobertBrunhage/Youtube-Tutorials Code for my YouTube Videos
rootsongjc/awesome-cloud-native A curated list for awesome cloud native tools, software and tutorials. - https://jimmysong.io/awesome-cloud-native/
rougier/matplotlib-tutorial Matplotlib tutorial for beginner
satwikkansal/python_blockchain_app A fully functional blockchain application implemented in Python from scratch (with tutorial).
scspcommunity/Cyber-Sec-Resources An organized list of resources including tools, blog-posts and how-to tutorials compiled and created by SCSP community members.
sdrangan/introml Python tutorials for introduction to machine learning
shaohua0116/ICLR2020-OpenReviewData Script that crawls meta data from ICLR OpenReview webpage. Tutorials on installing and using Selenium and ChromeDriver on Ubuntu.
Solido/awesome-flutter An awesome list that curates the best Flutter libraries, tools, tutorials, articles and more.
Spandan-Madan/DeepLearningProject An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
spro/practical-pytorch PyTorch tutorials demonstrating modern techniques with readable code
TakuSemba/Spotlight Android Library that lights items for tutorials or walk-throughs etc…
TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! )
tdpetrou/Learn-Pandas Tutorials on how to use pandas effectively to do data analysis
tensorflow/nmt TensorFlow Neural Machine Translation Tutorial
theislab/single-cell-tutorial Single cell current best practices tutorial case study for the paper:Luecken and Theis, “Current best practices in single-cell RNA-seq analysis: a tutorial”
tirthajyoti/Machine-Learning-with-Python Practice and tutorial-style notebooks covering wide variety of machine learning techniques
torfsen/python-systemd-tutorial A tutorial for writing a systemd service in Python
toxtli/awesome-machine-learning-jupyter-notebooks-for-colab A curated list of Machine Learning and Deep Learning tutorials in Jupyter Notebook format ready to run in Google Colaboratory
tuchk4/awesome-create-react-app Awesome list of Create React App articles / tutorials / videos and FAQ
tuvtran/project-based-learning Curated list of project-based tutorials
tyroprogrammer/learn-react-app Application that will help you learn React fundamentals. Install this application locally - there’s tutorial, code snippets and exercises. The main objective of this project is to help you get off the ground with React!
vahidk/EffectivePyTorch PyTorch tutorials and best practices.
vahidk/EffectiveTensorflow TensorFlow 1.x and 2.x tutorials and best practices.
verekia/js-stack-from-scratch Step-by-step tutorial to build a modern JavaScript stack.
x4nth055/pythoncode-tutorials The Python Code Tutorials
yunjey/pytorch-tutorial PyTorch Tutorial for Deep Learning Researchers
zhreshold/ICCV19-GluonCV Tutorial Materials for ICCV19
Zhuinden/guide-to-kotlin [GUIDE] This tutorial assumes all you know is Java, but you want to learn Kotlin.
zurutech/gans-from-theory-to-production Material for the tutorial: “Deep Diving into GANs: from theory to production”
comments powered by Disqus