zerotodeeplearning / ztdl-masterclasses

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

Zero to Deep Learning Masterclasses

Titles

Data Manipulation with Pandas

Learn to analyze real world data using Python & Pandas. Import data from multiple sources, clean, reshape, impute and visualize your data.

Open In Colab

Machine Learning with Scikit Learn

Learn what machine learning is and use Python, Pandas and Scikit-Learn to build machine learning models on real world data.

Open In Colab

Neural Networks with Keras

Learn what deep learning is and learn to use Python, Keras and Tensorflow to build deep learning models on real world data.

Open In Colab

Pandas Matplotlib Seaborn

Recap of main functionality of Pandas, Matplotlib and Seaborn with lots of exercises.

Open In Colab

Regression with Scikit Learn

Linear regression with single feature and multiple features using Scikit Learn. Model comparison on housing data.

Open In Colab

Classification with Scikit Learn

Binary classification with Scikit Learn. Numerical and categorical features. Model comparison.

Open In Colab

Clustering with Scikit Learn

Clustering with Scikit Learn on Iris flower dataset. KMeans, DBScan, Silhouette Score.

Open In Colab

Feature Engineering with Scikit Learn

Feature engineering with Scikit Learn on Titanic Dataset. Use transformers to create new features and improve your model performance.

Open In Colab

Model Evaluation and Dimensionality Reduction with Scikit Learn

Evaluating model performance using Pipelines, Cross-Validation, Learning curves and Dimensionality Reduction.

Open In Colab

Introduction to Deep Learning with Keras

First steps with Neural Networks using Keras to solve classifiation and regression problems.

Open In Colab

Keras Functional API and Model Inspection

Functional API, Callbacks, Inner Layer visualization and Tensorboard.

Open In Colab

The Power of TensorFlow

Explore other APIs in TensorFlow. Dataset API, Feature Columns API, Layers and Model API.

Open In Colab

Hyperparameter tuning

Tune hyperparameters using Grid Search, Random Search and Keras Autotuner.

Open In Colab

Image Classification

Learn about several simple datasets for image classification and build a fully connected network that uses pixels as features

Open In Colab

Convolutional Neural Networks

Build a convolutional neural network to classify images and optimize its architecture.

Open In Colab

Pre-trained Models

Discover pre-trained models in Keras applications and Tensorflow Hub.

Open In Colab

Transfer Learning

Adapt pre-trained models to your use case.

Open In Colab

Data Augmentation

Flow data from a directory using data generators in Keras and Tensorflow

Open In Colab

Image search

Retrieve images by similarity using bottleneck features.

Open In Colab

Bag of Words Features for Text

Classify different languages using Scikit-Learn and Count Vectors

Open In Colab

Natural Language Processing

Classify sentiment using bag of words with Sciki-Learn and NLTK

Open In Colab

Word Embeddings

Classify sentiment using word embeddings and convolutional neural networks in Keras.

Open In Colab

Time Series Forecasting

Forecast energy demand in Ontario using Fully connected and recurrent networks

Open In Colab

Sentiment Classification with Recurrent Neural Networks

Classify sentiment using RNNs

Open In Colab

Machine Translation with Recurrent Neural Networks

Train a neural network to perform character translation using RNNs

Open In Colab

Model Serving with Flask

Serve Scikit Learn and Tensorflow models using Flask

Open In Colab

Word Embeddings with Gensim

Visualize word embeddings with Gensim, Glove, Matplotlib and Plotly Express

Open In Colab

Gradient Boosting with XGBoost and LightGBM

Exploration of binary classification with several boosting algorithms. Hyperparameter tuning, grid search and categorical features.

Open In Colab

Real World ML Car Prices Regression

End-to-End Machine Learning exercise on messy dataset. Data cleaning, feature engineering, model selection with Scikit Learn, XGBoost and LightGBM.

Open In Colab

Real World ML Ads Classification

End-to-End Machine Learning exercise on unbalanced text dataset. Data cleaning, model selection with Scikit Learn, XGBoost, LightGBM, FastText and Gensim.

Open In Colab

Attention_with_Keras

Open In Colab

Copyright © 2021: Zero to Deep Learning ® Catalit LLC.

Intro_to_Python_1

Open In Colab

Intro_to_Python_2

Open In Colab

Python Quick Recap

Open In Colab

About

License:Apache License 2.0


Languages

Language:Jupyter Notebook 99.3%Language:HTML 0.7%Language:Python 0.0%