0% found this document useful (0 votes)
51 views

Machine Learning With Python

This document outlines a machine learning course that uses Python. It covers topics like statistics, predictive modeling, machine learning algorithms like naive Bayes, decision trees and clustering. It includes labs on linear regression, spam filtering, movie recommendations and more. It also covers deep learning, neural networks, TensorFlow and Keras. The course aims to teach essential machine learning concepts and techniques using Python and real-world datasets.

Uploaded by

Hamid Ait Hammou
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
51 views

Machine Learning With Python

This document outlines a machine learning course that uses Python. It covers topics like statistics, predictive modeling, machine learning algorithms like naive Bayes, decision trees and clustering. It includes labs on linear regression, spam filtering, movie recommendations and more. It also covers deep learning, neural networks, TensorFlow and Keras. The course aims to teach essential machine learning concepts and techniques using Python and real-world datasets.

Uploaded by

Hamid Ait Hammou
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 3

Machine Learning with Python

Introduction to Machine Learning


 Python Basics [Optional]
 Introducing the Pandas Library [Optional]

Statistics and Probability Refresher, and Python practice


 Types of Data
 Mean, Median, Mode
 [Lab] Using mean, median, and mode in Python
 [Lab] Variation and Standard Deviation
 Probability Density Function; Probability Mass Function
 Common Data Distributions
 [Lab] Percentiles and Moments
 [Lab] A Crash Course in Matplotlib
 [Lab] Covariance and Correlation
 Conditional Probability
 Exercise Solution Conditional Probability of Purchase by Age
 Bayes' Theorem

Predictive Models
 [Lab] Linear Regression
 [Lab] Polynomial Regression
 [Lab] Multivariate Regression, and Predicting Car Prices
 Multi-Level Models

Machine Learning with Python


 Supervised vs. Unsupervised Learning, and TrainTest
 [Lab] Using TrainTest to Prevent Overfitting a Polynomial Regression
 Bayesian Methods Concepts
 [Lab] Implementing a Spam Classifier with Naive Bayes
 K-Means Clustering
 [Lab] Clustering people based on income and age
 Measuring Entropy
 Decision Trees Concepts
 [Lab] Decision Trees Predicting Hiring Decisions
 Ensemble Learning
 Support Vector Machines (SVM) Overview
 [Lab] Using SVM to cluster people using scikit-learn

Recommender Systems
 User-Based Collaborative Filtering
 Item-Based Collaborative Filtering
 [Lab] Finding Movie Similarities
 [Lab] Improving the Results of Movie Similarities
 [Lab] Making Movie Recommendations to People
 [Lab] Improve the recommender's results

More Data Mining and Machine Learning Techniques


 K-Nearest-Neighbors Concepts
 [Lab] Using KNN to predict a rating for a movie
 Dimensionality Reduction; Principal Component Analysis
 [Lab] PCA Example with the Iris data set
 Data Warehousing Overview ETL and ELT
 Reinforcement Learning

Dealing with Real-World Data


 BiasVariance Tradeoff
 [Lab] K-Fold Cross-Validation to avoid overfitting
 Data Cleaning and Normalization
 [Lab] Cleaning web log data
 Normalizing numerical data
 [Lab] Detecting outliers

Apache Spark Machine Learning on Big Data


 [Lab] Installing Spark - Part 1
 [Lab] Installing Spark - Part 2
 Spark Introduction
 Spark and the Resilient Distributed Dataset (RDD)
 Introducing MLLib
 [Lab] Decision Trees in Spark
 [Lab] K-Means Clustering in Spark
 TF IDF
 [Lab] Searching Wikipedia with Spark
 [Lab] Using the Spark 2.0 DataFrame API for MLLib
Experimental Design
 AB Testing Concepts
 T-Tests and P-Values
 [Lab] Hands-on With T-Tests
 Determining How Long to Run an Experiment
 AB Test Gotchas

Deep Learning and Neural Networks


 Deep Learning Pre-Requisites
 The History of Artificial Neural Networks
 [Lab] Deep Learning in the Tensorflow Playground
 Deep Learning Details
 Introducing Tensorflow
 [Lab] Using Tensorflow, Part 1
 [Lab] Using Tensorflow, Part 2
 [Lab] Introducing Keras
 [Lab] Using Keras to Predict Political Affiliations
 Convolutional Neural Networks (CNN's)
 [Lab] Using CNN's for handwriting recognition
 Recurrent Neural Networks (RNN's)
 [Lab] Using a RNN for sentiment analysis
 The Ethics of Deep Learning
 Learning More about Deep Learning

You might also like