Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
https://github.com/aladdinpersson/machine-learning-collection
A resource for learning about Machine learning & Deep Learning
https://github.com/aladdinpersson/machine-learning-collection
machine-learning machine-learning-algorithms pytorch pytorch-examples pytorch-gan pytorch-implementation pytorch-tutorial pytorch-tutorials tensorflow-examples tensorflow-tutorials tensorflow2
Last synced: 11 days ago
JSON representation
A resource for learning about Machine learning & Deep Learning
- Host: GitHub
- URL: https://github.com/aladdinpersson/machine-learning-collection
- Owner: aladdinpersson
- License: mit
- Created: 2020-03-26T07:02:40.000Z (over 4 years ago)
- Default Branch: master
- Last Pushed: 2024-08-17T12:31:20.000Z (3 months ago)
- Last Synced: 2024-10-11T08:41:38.895Z (29 days ago)
- Topics: machine-learning, machine-learning-algorithms, pytorch, pytorch-examples, pytorch-gan, pytorch-implementation, pytorch-tutorial, pytorch-tutorials, tensorflow-examples, tensorflow-tutorials, tensorflow2
- Language: Python
- Homepage: https://www.youtube.com/c/AladdinPersson
- Size: 118 MB
- Stars: 7,535
- Watchers: 115
- Forks: 2,684
- Open Issues: 108
-
Metadata Files:
- Readme: README.md
- License: LICENSE.txt
Awesome Lists containing this project
README
--------------------------------------------------------------------------------
[![Build Status](https://travis-ci.com/aladdinpersson/Machine-Learning-Collection.svg?branch=master)](https://travis-ci.com/aladdinpersson/Machine-Learning-Collection) [![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT)
[logo]: https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/others/logo/youtube_logo.png
# Machine Learning Collection
In this repository you will find tutorials and projects related to Machine Learning. I try to make the code as clear as possible, and the goal is be to used as a learning resource and a way to lookup problems to solve specific problems. For most I have also done video explanations on YouTube if you want a walkthrough for the code. If you got any questions or suggestions for future videos I prefer if you ask it on [YouTube](https://www.youtube.com/c/AladdinPersson). This repository is contribution friendly, so if you feel you want to add something then I'd happily merge a PR :smiley:## Table Of Contents
- [Machine Learning Algorithms](#machine-learning)
- [PyTorch Tutorials](#pytorch-tutorials)
- [Basics](#basics)
- [More Advanced](#more-advanced)
- [Object Detection](#Object-Detection)
- [Generative Adversarial Networks](#Generative-Adversarial-Networks)
- [Architectures](#architectures)
- [Lightning](#PyTorch-Lightning)
- [TensorFlow Tutorials](#tensorflow-tutorials)
- [Beginner Tutorials](#beginner-tutorials)
- [Architectures](#CNN-Architectures)## Machine Learning
* [![Youtube Link][logo]](https://youtu.be/pCCUnoes1Po) [Linear Regression](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/linearregression/linear_regression_gradient_descent.py) **- With Gradient Descent** :white_check_mark:
* [![Youtube Link][logo]](https://youtu.be/DQ6xfe75CDk) [Linear Regression](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/linearregression/linear_regression_normal_equation.py) **- With Normal Equation** :white_check_mark:
* [![Youtube Link][logo]](https://youtu.be/x1ez9vi611I) [Logistic Regression](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/logisticregression/logistic_regression.py)
* [![Youtube Link][logo]](https://youtu.be/3trW5Lig7BU) [Naive Bayes](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/naivebayes/naivebayes.py) **- Gaussian Naive Bayes**
* [![Youtube Link][logo]](https://youtu.be/QzAaRuDskyc) [K-nearest neighbors](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/knn/knn.py)
* [![Youtube Link][logo]](https://youtu.be/W4fSRHeafMo) [K-means clustering](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/kmeans/kmeansclustering.py)
* [![Youtube Link][logo]](https://youtu.be/gBTtR0bs-1k) [Support Vector Machine](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/svm/svm.py) **- Using CVXOPT**
* [![Youtube Link][logo]](https://youtu.be/NJvojeoTnNM) [Neural Network](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/neuralnetwork/NN.py)
* [Decision Tree](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/algorithms/decisiontree/decision_tree.py)## PyTorch Tutorials
If you have any specific video suggestion please make a comment on YouTube :)### Basics
* [![Youtube Link][logo]](https://youtu.be/x9JiIFvlUwk) [Tensor Basics](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_tensorbasics.py)
* [![Youtube Link][logo]](https://youtu.be/Jy4wM2X21u0) [Feedforward Neural Network](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_simple_fullynet.py)
* [![Youtube Link][logo]](https://youtu.be/wnK3uWv_WkU) [Convolutional Neural Network](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_simple_CNN.py)
* [![Youtube Link][logo]](https://youtu.be/Gl2WXLIMvKA) [Recurrent Neural Network](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_rnn_gru_lstm.py)
* [![Youtube Link][logo]](https://youtu.be/jGst43P-TJA) [Bidirectional Recurrent Neural Network](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_bidirectional_lstm.py)
* [![Youtube Link][logo]](https://youtu.be/g6kQl_EFn84) [Loading and saving model](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_loadsave.py)
* [![Youtube Link][logo]](https://youtu.be/ZoZHd0Zm3RY) [Custom Dataset (Images)](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/Basics/custom_dataset)
* [![Youtube Link][logo]](https://youtu.be/9sHcLvVXsns) [Custom Dataset (Text)](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/Basics/custom_dataset_txt)
* [![Youtube Link][logo]](https://youtu.be/ks3oZ7Va8HU) [Mixed Precision Training](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_mixed_precision_example.py)
* [![Youtube Link][logo]](https://youtu.be/4JFVhJyTZ44) [Imbalanced dataset](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/Basics/Imbalanced_classes)
* [![Youtube Link][logo]](https://youtu.be/qaDe0qQZ5AQ) [Transfer Learning and finetuning](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_pretrain_finetune.py)
* [![Youtube Link][logo]](https://youtu.be/Zvd276j9sZ8) [Data augmentation using Torchvision](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_transforms.py)
* [![Youtube Link][logo]](https://youtu.be/rAdLwKJBvPM) [Data augmentation using Albumentations](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/Basics/albumentations_tutorial)
* [![Youtube Link][logo]](https://youtu.be/RLqsxWaQdHE) [TensorBoard Example](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_tensorboard_.py)
* [![Youtube Link][logo]](https://youtu.be/y6IEcEBRZks) [Calculate Mean and STD of Images](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_std_mean.py)
* [![Youtube Link][logo]](https://youtu.be/RKHopFfbPao) [Simple Progress bar](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_progress_bar.py)
* [![Youtube Link][logo]](https://youtu.be/1SZocGaCAr8) [Deterministic Behavior](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/set_deterministic_behavior/pytorch_set_seeds.py)
* [![Youtube Link][logo]](https://youtu.be/P31hB37g4Ak) [Learning Rate Scheduler](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_lr_ratescheduler.py)
* [![Youtube Link][logo]](https://youtu.be/xWQ-p_o0Uik) [Initialization of weights](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_init_weights.py)### More Advanced
* [![Youtube Link][logo]](https://youtu.be/WujVlF_6h5A) [Text Generating LSTM](https://github.com/AladdinPersson/Machine-Learning-Collection/blob/master/ML/Projects/text_generation_babynames/generating_names.py)
* [![Youtube Link][logo]](https://youtu.be/IHq1t7NxS8k) [Semantic Segmentation w. U-NET](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/image_segmentation/semantic_segmentation_unet)
* [![Youtube Link][logo]](https://youtu.be/y2BaTt1fxJU) [Image Captioning](https://github.com/AladdinPerzon/Machine-Learning-Collection/tree/master/ML/Pytorch/more_advanced/image_captioning)
* [![Youtube Link][logo]](https://youtu.be/imX4kSKDY7s) [Neural Style Transfer](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/neuralstyle/nst.py)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfzxdlsLrclcCTsS8kIcfWJb) [Torchtext [1]](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/torchtext/torchtext_tutorial1.py) [Torchtext [2]](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/torchtext/torchtext_tutorial2.py) [Torchtext [3]](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/torchtext/torchtext_tutorial3.py)
* [![Youtube Link][logo]](https://youtu.be/EoGUlvhRYpk) [Seq2Seq](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/Seq2Seq/seq2seq.py) **- Sequence to Sequence (LSTM)**
* [![Youtube Link][logo]](https://youtu.be/sQUqQddQtB4) [Seq2Seq + Attention](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/Seq2Seq_attention/seq2seq_attention.py) **- Sequence to Sequence with Attention (LSTM)**
* [![Youtube Link][logo]](https://youtu.be/M6adRGJe5cQ) [Seq2Seq Transformers](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/seq2seq_transformer/seq2seq_transformer.py) **- Sequence to Sequence with Transformers**
* [![Youtube Link][logo]](https://youtu.be/U0s0f995w14) [Transformers from scratch](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/more_advanced/transformer_from_scratch/transformer_from_scratch.py) **- Attention Is All You Need**### Object Detection
[Object Detection Playlist](https://youtube.com/playlist?list=PLhhyoLH6Ijfw0TpCTVTNk42NN08H6UvNq)
* [![Youtube Link][logo]](https://youtu.be/XXYG5ZWtjj0) [Intersection over Union](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/object_detection/metrics/iou.py)
* [![Youtube Link][logo]](https://youtu.be/YDkjWEN8jNA) [Non-Max Suppression](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/object_detection/metrics/nms.py)
* [![Youtube Link][logo]](https://youtu.be/FppOzcDvaDI) [Mean Average Precision](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/object_detection/metrics/mean_avg_precision.py)
* [![Youtube Link][logo]](https://youtu.be/n9_XyCGr-MI) [YOLOv1 from scratch](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/object_detection/YOLO)
* [![Youtube Link][logo]](https://youtu.be/Grir6TZbc1M) [YOLOv3 from scratch](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/object_detection/YOLOv3)### Generative Adversarial Networks
[GAN Playlist](https://youtube.com/playlist?list=PLhhyoLH6IjfwIp8bZnzX8QR30TRcHO8Va)* [![Youtube Link][logo]](https://youtu.be/OljTVUVzPpM) [Simple FC GAN](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/GANs/1.%20SimpleGAN/fc_gan.py)
* [![Youtube Link][logo]](https://youtu.be/IZtv9s_Wx9I) [DCGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/2.%20DCGAN)
* [![Youtube Link][logo]](https://youtu.be/pG0QZ7OddX4) [WGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/3.%20WGAN)
* [![Youtube Link][logo]](https://youtu.be/pG0QZ7OddX4) [WGAN-GP](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/4.%20WGAN-GP)
* [![Youtube Link][logo]](https://youtu.be/SuddDSqGRzg) [Pix2Pix](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/Pix2Pix)
* [![Youtube Link][logo]](https://youtu.be/4LktBHGCNfw) [CycleGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/CycleGAN)
* [![Youtube Link][logo]](https://youtu.be/nkQHASviYac) [ProGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/ProGAN)
* [SRGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/SRGAN)
* [ESRGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/ESRGAN)
* [StyleGAN](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/GANs/StyleGAN) - NOTE: NOT DONE### Architectures
* [![Youtube Link][logo]](https://youtu.be/fcOW-Zyb5Bo) [LeNet5](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/79f2e1928906f3cccbae6c024f3f79fd05262cd1/ML/Pytorch/CNN_architectures/lenet5_pytorch.py#L15-L35) **- CNN architecture**
* [![Youtube Link][logo]](https://youtu.be/ACmuBbuXn20) [VGG](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/79f2e1928906f3cccbae6c024f3f79fd05262cd1/ML/Pytorch/CNN_architectures/pytorch_vgg_implementation.py#L16-L62) **- CNN architecture**
* [![Youtube Link][logo]](https://youtu.be/uQc4Fs7yx5I) [Inception v1](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/CNN_architectures/pytorch_inceptionet.py) **- CNN architecture**
* [![Youtube Link][logo]](https://youtu.be/DkNIBBBvcPs) [ResNet](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/Pytorch/CNN_architectures/pytorch_resnet.py) **- CNN architecture**
* [![Youtube Link][logo]](https://youtu.be/fR_0o25kigM) [EfficientNet](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/CNN_architectures/pytorch_efficientnet.py) **- CNN architecture**### PyTorch Lightning
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 1 - Introduction and starter code](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/1.%20start%20code)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 2 - LightningModule](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/2.%20LightningModule)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 3 - Trainer](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/3.%20Lightning%20Trainer)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 4 - Metrics](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/4.%20Metrics)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 5 - DataModule](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/5.%20DataModule)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 6 - Code restructure](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/6.%20Restructuring)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 7 - Callbacks](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/7.%20Callbacks)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 8 - TensorBoard logging](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/8.%20Logging%20Tensorboard)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 9 - Profiler](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/9.%20Profiler)
* [![Youtube Link][logo]](https://www.youtube.com/playlist?list=PLhhyoLH6IjfyL740PTuXef4TstxAK6nGP) [Tutorial 10 - Multi-GPU](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/Pytorch/pytorch_lightning/10.%20Multi-GPU)
## TensorFlow Tutorials
If you have any specific video suggestion please make a comment on YouTube :)### Beginner Tutorials
* [![Youtube Link][logo]](https://youtu.be/5Ym-dOS9ssA) Tutorial 1 - Installation, Video Only
* [![Youtube Link][logo]](https://youtu.be/HPjBY1H-U4U) [Tutorial 2 - Tensor Basics](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial2-tensorbasics.py)
* [![Youtube Link][logo]](https://youtu.be/pAhPiF3yiXI) [Tutorial 3 - Neural Network](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial3-neuralnetwork.py)
* [![Youtube Link][logo]](https://youtu.be/WAciKiDP2bo) [Tutorial 4 - Convolutional Neural Network](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial4-convnet.py)
* [![Youtube Link][logo]](https://youtu.be/kJSUq1PLmWg) [Tutorial 5 - Regularization](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial5-regularization.py)
* [![Youtube Link][logo]](https://youtu.be/WAciKiDP2bo) [Tutorial 6 - RNN, GRU, LSTM](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial6-rnn-gru-lstm.py)
* [![Youtube Link][logo]](https://youtu.be/kJSUq1PLmWg) [Tutorial 7 - Functional API](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial7-indepth-functional.py)
* [![Youtube Link][logo]](https://youtu.be/WcZ_1IAH_nM) [Tutorial 8 - Keras Subclassing](https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial8_keras_subclassing.py)
* [![Youtube Link][logo]](https://youtu.be/cKMJDkWSDnY) [Tutorial 9 - Custom Layers](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial9-custom-layers.py)
* [![Youtube Link][logo]](https://youtu.be/idus3KO6Wic) [Tutorial 10 - Saving and Loading Models](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial10-save-model.py)
* [![Youtube Link][logo]](https://youtu.be/WJZoywOG1cs) [Tutorial 11 - Transfer Learning](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial11-transfer-learning.py)
* [![Youtube Link][logo]](https://youtu.be/YrMy-BAqk8k) [Tutorial 12 - TensorFlow Datasets](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial12-tensorflowdatasets.py)
* [![Youtube Link][logo]](https://youtu.be/8wwfVV7ixyY) [Tutorial 13 - Data Augmentation](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial13-data-augmentation.py)
* [![Youtube Link][logo]](https://youtu.be/WUzLJZCKNu4) [Tutorial 14 - Callbacks](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial14-callbacks.py)
* [![Youtube Link][logo]](https://youtu.be/S6tLSI8bjGs) [Tutorial 15 - Custom model.fit](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial15-customizing-modelfit.py)
* [![Youtube Link][logo]](https://youtu.be/_u7AVsxANes) [Tutorial 16 - Custom Loops](https://github.com/AladdinPerzon/Machine-Learning-Collection/blob/master/ML/TensorFlow/Basics/tutorial16-customloops.py)
* [![Youtube Link][logo]](https://youtu.be/k7KfYXXrOj0) [Tutorial 17 - TensorBoard](https://github.com/AladdinPerzon/Machine-Learning-Collection/tree/master/ML/TensorFlow/Basics/tutorial17-tensorboard)
* [![Youtube Link][logo]](https://youtu.be/q7ZuZ8ZOErE) [Tutorial 18 - Custom Dataset Images](https://github.com/AladdinPerzon/Machine-Learning-Collection/tree/master/ML/TensorFlow/Basics/tutorial18-customdata-images)
* [![Youtube Link][logo]](https://youtu.be/NoKvCREx36Q) [Tutorial 19 - Custom Dataset Text](https://github.com/AladdinPerzon/Machine-Learning-Collection/tree/master/ML/TensorFlow/Basics/tutorial19-customdata-text)
* [![Youtube Link][logo]](https://youtu.be/ea5Z1smiR3U) [Tutorial 20 - Classifying Skin Cancer](https://github.com/AladdinPerzon/Machine-Learning-Collection/tree/master/ML/TensorFlow/Basics/tutorial20-classify-cancer-beginner-project-example) **- Beginner Project Example**### CNN Architectures
* [LeNet](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/TensorFlow/CNN_architectures/LeNet5)
* [AlexNet](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/TensorFlow/CNN_architectures/AlexNet)
* [VGG](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/TensorFlow/CNN_architectures/VGGNet)
* [GoogLeNet](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/TensorFlow/CNN_architectures/GoogLeNet)
* [ResNet](https://github.com/aladdinpersson/Machine-Learning-Collection/tree/master/ML/TensorFlow/CNN_architectures/ResNet)