- Course. PyTorch Tutorials by Aladdin Persson, GitHub — 49 videos
- Course. fastai — 8 lessons
- Course. Deep Learning from the Foundations
- Course. Introduction to Machine Learning for Coders
- Course. Computational Linear Algebra for Coders
- Course. Natural Language Processing
- Task. Rewview Python library with Neural Networks for Image Segmentation based on Keras and TensorFlow
- Some Kaggle micro-courses
- Google ML Practica
- Google TF beginner
- Course. Sequences, Time Series and Prediction
- Course. Deep Learning with PyTorch - DeepLizard
- Course. Reinforcement Learning - DeepLizard
- scikit-learn user guide
- Keras guide
- Task. Jupyter Notebook Tutorial: The Definitive Guide: https://www.datacamp.com/community/tutorials/tutorial-jupyter-notebook
- Task. Tensorflow Image Classification | Build Your Own Image Classifier In Tensorflow | Edureka: https://youtu.be/AACPaoDsd50
- Task. Tensorflow and deep learning - without a PhD by Martin Görner: https://youtu.be/vq2nnJ4g6N0
- Course. AI for Medicine Specialization
- Course. Machine Learning with Python by sentdex — 72 videos
- Course. mlcourse.ai from mlcourse.ai by Yury Kashnitsky (ods.ai) — 23 videos
- Course. Robotics: Perception — 4 weeks
- CS231n: Convolutional Neural Networks for Visual Recognition with lecture videos 2017 on YouTube
- Course. Basics of Modern Image Analysis (2016)
- Course. In Russian. Практика программирования на Python3 (2019) from Тимофей Хирьянов
- Mini course. Mask RCNN — 3 videos
- Article. Connectionist Temporal Classification
- Article. Written Memories: Understanding, Deriving and Extending the LSTM
- Article. Introducing TensorFlow Graphics: Computer Graphics Meets Deep Learning
- Article. Move Mirror: An AI Experiment with Pose Estimation in the Browser using TensorFlow.js
- Google AI. Education: https://ai.google/education/
- Google Seedbank (especially Style Transfer seed): https://research.google.com/seedbank
- Google Colab tutorial: https://colab.research.google.com
- ML. Machine Learning Fun and Easy: https://www.youtube.com/playlist?list=PL_Nji0JOuXg2udXfS6nhK3CkIYLDtHNLp (not started)
- TF. Get Started with TensorFlow: https://www.tensorflow.org/tutorials (5 exercises passed)
- TF Guide: https://www.tensorflow.org/guide/keras + https://www.tensorflow.org/guide
- TF. Introduction to TensorFlow: https://www.youtube.com/playlist?list=PLHYn9gDxQOpisJoIMv-L2awUGBf7oH1qF (not started)
- DL. Deep Learning with MNIST: https://www.youtube.com/playlist?list=PLHYn9gDxQOpgQc9gRmeUPChX536wVO3ns (not started)
- DL. Deep Learning: https://classroom.udacity.com/courses/ud730 (started, but dried up)
- DL. Tutorials for coders: https://course.fast.ai (get acquainted maybe interesting)
- DL. Convolutional Neural Networks (Course 4 of the Deep Learning Specialization): https://www.youtube.com/playlist?list=PLkDaE6sCZn6Gl29AoE31iwdVwSG-KnDzF
- DL. Andrew Ng. Convolutional Neural Networks: https://www.coursera.org/learn/convolutional-neural-networks
- WebGL tutorial. https://developer.mozilla.org/en-US/docs/Web/API/WebGL_API/Tutorial (finish «video-cube»)
- WebGL Fundamentals: https://webglfundamentals.org (not started)
- Keras getting started: https://keras.io/getting-started/sequential-model-guide (part: getting started)
- Video course. Introduction to Algorithms
- Task. TensorFlow JS Demos: https://www.tensorflow.org/js/demos
- Task. TensorFlow Lite example apps: https://www.tensorflow.org/lite/examples
- Task. Build an AI Startup: https://youtu.be/NzmoPqte4V4
- Task. An Introduction to Deep Learning with TensorFlow: https://youtu.be/vRF7ENlwD50
- Task. Introducing TensorFlow.js: Machine Learning in Javascript: https://medium.com/tensorflow/introducing-tensorflow-js-machine-learning-in-javascript-bf3eab376db
- Tutorial. TensorFlow workshops: https://github.com/tensorflow/workshops
- Kaggle. Santander EDA and Prediction: https://www.kaggle.com/gpreda/santander-eda-and-prediction
- Kaggle. Data ScienceTutorial for Beginners: https://www.kaggle.com/kanncaa1/data-sciencetutorial-for-beginners
- Kaggle. Introduction to CNN Keras: https://www.kaggle.com/yassineghouzam/introduction-to-cnn-keras-0-997-top-6
- Kaggle. Faster Data Science Education: https://www.kaggle.com/learn/overview (micro courses, not started)
- Course. Andrew Ng Machine Learning — 11 weeks
- AI for everyone — 4 weeks
- Task. Custom object detection in the browser using TensorFlow.js — reviewed
- Course. Deep Learning with PyTorch: Zero to GANs — 6 lessons
- ML. Machine Learning Crash Course (finished)
- Course. Keras with my source code - DeepLizard
- Convolutions-1, convolutions-2, convolutions-3, convolutions-4
- Course. Machine Learning Tokyo: CNN Workshop video blog and GitHub resource and CNN Architectures - implementations
- Task. TensorFlow For Poets: https://codelabs.developers.google.com/codelabs/tensorflow-for-poets
- Article Artistic style transfer for Android
- Task. YOLO Object Detection (TensorFlow tutorial)
- Learning To See — 15 videos
- Series on Neural Networks — 3 videos
- Optimizing Neural Network Structures with Keras-Tuner — 1 video
- Video. Graph Convolutional Networks and article + library — 1 video
- Article TensorFlow Object Detection API tutorial and corresponding video course.
- Neural Networks by 3Blue1Brown — watch 4 videos
- Article. Satellite Imagery Analysis with Python — read article
- Article. Visualizing Machine Learning Datasets with Google’s FACETS — read article
- Videos. Attention in neural networks: v1, v2, v3 — watched videos
- Jupyter Notebooks. TensorFlow Hub Examples — reviewed several Jupyter Notebooks
- Video presentation. Automatic Feature Engineering and Selection by Alisa Dammer — reviewed
- Video presentations. How it works in Russian: SSD, YOLO, LSTM, Neural Style, DeepLab — 9 videos
- A guide to convolution arithmetic for deep learning by Vincent Dumoulin and Francesco Visin — briefly read a guide
- Task. What is Mask R-CNN real-time object segmentation? — briefly read several articles and videos
- Faster R-CNN. Faster R-CNN Explained
- Mask R-CNN. Article
- Mask R-CNN. How it Works, Custom Training of Image Mask R-CNN, explanation, presentation
- Mask R-CNN. Video course
- Task. What is YOLO real-time object detection? — briefly read several articles
- Video. You Only Look Once: Unified, Real-Time Object Detection
- YOLO. Article 1: YOLO, article 2: YOLO9000
- YOLO. Joseph Chet Redmon developer web-site, TensorFlow implementation of YOLO, DarkNet implementation
- YOLO. Article What’s new in YOLO v3
- YAD2K: Yet Another Darknet 2 Keras converts YOLO_v2 models to Keras.
- YOLO. Videos: v1 presentation, in Russian, object detection with Siraj Raval
- Task. What is MobileSSD real-time object detection? — briefly read several articles
- SSD. Article, description SSD: Single Shot MultiBox Detector
- SSD. Description articles:
- Understand SSD and Implement It in Pytorch + GitHub source code
- Mobilenet Based Single Short Multi-box Detector in Pytorch, ONNX and Caffe2
- SSD object detection: Single Shot MultiBox Detector for real-time processing article,
- Understanding SSD MultiBox — Real-Time Object Detection In Deep Learning article,
- Review: SSD — Single Shot Detector article
- MobileSSD. Simplified article in Russian
- SSD. video in Russian
- Task. What is RefineDet real-time object detection? — briefly read several articles
- RefineDet. Article and link
- Wikipedia. Object detection
- TensorFlow Android Camera Demo — installed and runned the software
- Course. Image Processing with Python — 10 lessons
- Task. TensorFlow Eager execution — finished task
- Article. Learn from ML experts at Google — read the article.
- Article. 40 Free Resources to Help You Learn Machine Learning on Your Own by CJ Haughey — read the article.
- Article. How to Learn Machine Learning. The Self-Starter Way — read the article.
- Article. 7 Great Free Online Courses to Help You Learn about AI and Machine Learning — read the article.
- Task. Real-time face recognition: training and deploying on Android using Tensorflow lite and transfer learning — read the article.
- Task. Three Generative Modeling Applications — finished quick review.
- Article. Хабр. Как разобраться в Tensorflow и не умереть, а даже научить чему-то машину — read the article.
- Video course. Introduction to TensorFlow Lite — 6 lectures
- Task. How to train an object detection model easy for free and deploy it on Android — finished task and created demo
- Task. Image Classifier Example and my resulting vertion of it — finished task and created demo
- Video course. Visual group theory — 7 lectures
- Video course Russian. Теория графов — 8 недель
- Task. How to write a scientific (survey) paper: lecture 1, lecture 2 — 2 lectures
- Video course. Model thinking — 12 weeks
- Task. Neural Style Transfer with tf.keras — finished task
- Task. Neural Style Transfer: Creating Art with Deep Learning using tf.keras and eager execution — finished task
- Task. Easily Build a Neural Net for Breast Cancer detection — not finished, there is an error, and I don't know how to fix it
- Kaggle. Getting Started on Kaggle — 9 videos
- Task. Medical-MNIST-Classification — finished task
- Video playlist. Coding TensorFlow — 24 videos
- Video playlist. TensorFlow Tip of the Week — 9 tips
- Video playlist. #AskTensorFlow — 6 videos
- Video course. Intro to TensorFlow for AI, ML and DL — 4 weeks
- Video course. Intro to TensorFlow for Deep Learning — 9 lessons
- Run Forrest Project — a machine learning based game, an open source version (for Windows, for Android)
- Russian. Гонсалес Р., Вудс Р. «Цифровая обработка изображений» (стр. 480)
- Online Book. Neural Networks and Deep Learning
- Task. Train a model in tf.keras with Colab, and run it in the browser with TensorFlow.js: https://medium.com/tensorflow/train-on-google-colab-and-run-on-the-browser-a-case-study-8a45f9b1474e
- Task. TensorFlow Guide (High Level APIs): https://www.tensorflow.org/guide/#high_level_apis
- Task. Word2vec in TensorFlow Explained: https://youtu.be/-3XedqEZpR4
- Siraj Raval. Data Lit course: https://www.theschool.ai/courses/data-lit (not started)
- Siraj Raval. Move 37 course: https://www.theschool.ai/courses/move-37-course (not started)
- Siraj Raval. Decentralized Applications course: https://www.theschool.ai/courses/decentralized-application (not started)
- QuantumCasts (what is the quantum computing): https://www.youtube.com/playlist?list=PLQY2H8rRoyvwcpm6Nf-fL4sIYQUXtq3HR (0 videos from 5)
- JS. TensorFlow.js? (not started)