Skip to content

This Machine Learning with Python course dives into the basics of machine learning using an approachable, and well-known, programming language. You'll learn about Supervised vs Unsupervised Learning, look into how Statistical Modeling relates to Machine Learning, and do a comparison of each. Look at real-life examples of Machine learning and how…

License

Notifications You must be signed in to change notification settings

camara94/MachineLearningwithPython

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Machine Learning With Python

Welcome

Hello, and welcome to Machine Learning with Python. In this course, you’ll learn how Machine Learning is used in many key fields and industries. For example, in the health care industry, data scientists use Machine Learning to predict whether a human cell that is believed to be at risk of developing cancer, is either benign or malignant. As such, Machine learning can play a key role in determining a person’s health and welfare. You’ll also learn about the value of decision trees and how building a good decision tree from historical data helps doctors to prescribe the proper medicine for each of their patients. You’ll learn how bankers use machine learning to make decisions on whether to approve loan applications. And you will learn how to use machine learning to do bank customer segmentation, where it is not usually easy to run for huge volumes of varied data. In this course, you’ll see how machine learning helps websites such as YouTube, Amazon, or Netflix develop recommendations to their customers about various products or services, such as which movies they might be interested in going to see or which books to buy. There is so much that you can do with Machine Learning! Here, you’ll learn how to use popular python libraries to build your model. For example, given an automobile dataset, we use the sci-kit learn (sklearn) library to estimate the Co2 emission of cars using their Engine size or Cylinders. We can even predict what the Co2 emissions will be for a car that hasn’t even been produced yet! And we’ll see how the telecommunications industry can predict customer churn. You can run and practice the code of all these samples using the built-in lab environment in this course. You don’t have to install anything to your computer or do anything on the cloud. All you have to do is click a button to start the lab environment in your browser. The code for the samples is already written using python language, in Jupyter notebooks, and you can run it to see the results, or change it to understand the algorithms better. So, what will you be able to achieve by taking this course? Well, by putting in just a few hours a week over the next few weeks, you’ll get new skills to add to your resume, such as regression, classification, clustering, sci-kit learn and SciPy. You’ll also get new projects that you can add to your portfolio, including cancer detection, predicting economic trends, predicting customer churn, recommendation engines, and many more. You’ll also get a certificate in machine learning to prove your competency, and share it anywhere you like online or offline, such as LinkedIn profiles and social media. So let’s get started.

Learning Objectives

In this course you will learn about:

  • How Statistical Modeling relates to Machine Learning and do a comparison of each.
  • Real-life examples of Machine learning and how it affects society in ways you may not have guessed!
  • In the labs: Use Python libraries for Machine Learning, such as scikit-learn.

Explore many algorithms and models:

  • Popular algorithms: Regression, Classification, and Clustering
  • Recommender Systems: Content-Based and Collaborative Filtering
  • Popular models: Train/Test Split, Gradient Descent, and Mean Squared Error
  • Get ready to do more learning than your machine!

Syllabus

Module 1 - Machine Learning

  • Python for Machine Learning
  • Supervised vs Unsupervised
  • Lab & Review

Module 2 - Regression

  • Simple Linear Regression
  • Multiple Linear Regression
  • Model Evaluation in Regression Models
  • Non-Linear Regression
  • Lab & Review

Module 3 - Classification

  • K-Nearest Neighbors
  • Decision Trees
  • Evaluation Metrics in Classification
  • Logistic Regression vs Linear Regressin
  • Support Vector Machine (SVM)
  • Lab & Review

Module 4 - Clustering

  • K-Means Clustering
  • Hierarchical Clustering
  • DBSCAN
  • Lab & Review

Module 5 - Recommender Systems

  • Content-Based Recommender Systems
  • Collaborative Filtering
  • Lab & Review

Final Exam

Learning Objectives

In this lesson you will learn about:

  • Machine Learning applications
  • Python libraries for Machine Learning
  • Supervised vs Unsupervised Learning

Module 1

Introduction to machine learning

What is machine learning

defml 1

How machine learning works ?

mlwork mlwork

Examples of machine learning

ml ml

Major machine learning techniques

  • Regression/Estimation
    • Predicting continuous values
  • Classification
    • Predicting the item class / category a case
  • Clustering
    • Finding the structure of data; summarization
  • Association
    • Association frequent co-occuring items / events
  • Anomaly detection
  • Discovering abnormal and unusuals cases
  • Sequence mining
    • Predicting next events; click-stream (Markov Model, HMM)
  • Dimension Reduction
    • Reducing the size of data (PCA)
  • Recommendation systems
    • Recommending items

Difference between artificial intelligence, machine learning and deep learning

differenceaiml

Let's get started with machine learning!

lets

Python for Machine Learning

Python libraries for machine learning

  • Numpy
  • Scipy
  • matplotlib
  • pandas
  • sklearn python

More about scikit-learn

sklear

Scikit-learn functions

sklearningfunc

Supervised vs Unsupervised

What is supervised learning

supervised learning

Teaching the model with labeled data

labeleddata

Type of supervised learning

typeofsupervisedlearning

What is classification ?

classification

What is regression ?

regression

What is unsupervised learning

unsupervisedlearning

What is clustering ?

clustering

Supervised vs unsupervised learning

supervisedvsunsupervisedlearning

Module 2

Learning Objectives

In this lesson you will learn about:

  • Regression Algorithms
  • Model Evaluation
  • Model Evaluation: Overfitting & Underfitting
  • Understanding Different Evaluation Models
  • Simple Linear Regression

Introduction to Regression

What is regression ?

reg

What is a regression model ?

model

Types of regression

type of regression

Application of regression

applicationofregression

Regression algorithms

regalg

Simple Linear Regression

Using linear regression to predict continuous values

dataset

Linear regression topology

topology

How does linear regression works ?

linear

Linear regression model representation

simplelinear

How to find the best fit ?

fit

Estimating the parameters

theata1 theta0

Predictions with linear regression

pred

Pros of linear regression

pros

Data Source Lab 2

https://open.canada.ca/data/en/dataset/98f1a129-f628-4ce4-b24d-6f16bf24dd64

Multiple Linear Regression

Examples of multiple linear regression

mul

Predicting continuous values with multiple linear regression

mum mum

Using MSE to expose the errors in the model

mse

Estimating multiple linear regression parameters

estimating

Making prediction with multiple linear regression

makingpred

A&A - on multiple linear regression

q&a

Model Evaluation in Regression Model

Model evaluation approaches

evaluation approach

Best approach for most accurate result ?

best approach

Calculating the accuracy of a model

calcultatingaccuracy

Train and test on the same dataset

train and test

What is training & out-of-sample accuracy ?

trainout

Train/Test split evaluation approch

traintest train

How to use K-fold cross-validation ?

k-fold

Evaluation Metrics in Regression

Regression accuracy

evaccuracy

What is an error of the model ?

errorofmodel error

Non-Linear Regression

Should we use linear regression ?

non-linear non-linear

Different types of regression

typeofnonlinear

What is polynomial regression ?

poly

What is non-polynomial regression ?

nomlireg

Linear vs non-linear regression

linearvsnonlinear

Module 3

Learning Objectives

In this lesson you will learn about:

  • K-Nearest Neighbors
  • Decision Trees
  • Support Vector Machines
  • Logistic Regression

Intro to Classification

What is classification ?

whatis

How does classification work ?

classificationdef

Example of multi-class classification

multiclass

Classification use cases

classificationusecases

Classification applications

classificationapplication

Classification algorithms in machine learning

classificationalgorithms

K-Nearest Neighbors

Intro to KNN

intro knn

Determining the class unsing 1st KNN

classfirst

Determining the class unsing 5 KNNs

class5knn

What is K-Nearest Neighbor ( or KNN ) ?

whatisknn#### The K-Nearest Neighbors algorithm knnalgorithm

Calculating the similarity / distance in

1 -dimensional space

dimensional space

multi-dimensional space

multidimensionalspace

What is the best value of K for KNN ?

bestkknn

Computing continuous target using KNN

useknninregression

Evaluation Metrics in Classification

Classification accuracy

accuracy1

Jaccard index

jaccardindex

F1-score

f-score

Log Loss

logloss

Intro to Decision Trees

What is decision tree ?

decision tree

How to build a decision tree ?

build decision tree How to build a decision tree ?

Building a decision tree with the training set

decisiontree

  • Each internal node corresponds to a test
  • Each branch corresponds to a result of the test
  • Each leaf node assigns a classification

Decision tree learning algorithm

decision tre

Building Decision Trees

How to build decision tree

how to build decision tree

Which attribute is the best attribute ?

best fit

Entropy

pntropy

With attribute is the best one to use ?

best one

Is 'Cholesterol' the best attribute ?

best attribute

What about 'Sexe' ?

sex attribute

Which attribute is the best ?

which

What is information gain ?

gain

Calculating information

gain

Correct way to build a decision tree

correct

Intro to Logistic Regression

What is logistic regression ?

whatislogistic

Logistic regression applications

whatislogistic

When is logistic regression suitables ?

when

Building a model for customer churn

model

Logistic Regression vs Linear Regression

Predicting customer income

pre

Predicting churn using linear regression

churn

Linear regression classification problems ?

linearreg

The problem with using linear regression

pro

Sigmoid function in logistic regression

sigmoid

Clarification customer churn model

chrn

The training process

train process

Logistic Regression - Training

General cost function

cost function

Plotting cost function of the model

cost

Logistic regression cost function

logistic

Minimizing the cost function of the model

minimizing

Using gradient descent to minimizing the cost

gradientdescent

Training algorithm recap

training recap

Support Vector Machines

Classification with SVM

svm

What is SVM ?

svm

Data transformation

data transform

Using SVM to find the hyperplane

hyperplane

Pros and const of SVM

propsandcons

SVM applications

app

Module 4

Learning Objectives

In this lesson you will learn about:

  • K-Means Clustering plus Advantages & Disadvantages
  • Hierarchical Clustering plus Advantages & Disadvantages
  • Measuring the Distances Between Clusters - Single Linkage Clustering
  • Measuring the Distances Between Clusters - Algorithms for Hierarchy Clustering
  • Density-Based Clustering

Intro to Clustering

Clustering for segmentation

clustering

What is clustering ?

whatisclustering

Clustering vs classification

clusteringvsclassification

Clustering application

clusteringapplication clusteringapplication

Why clustering ?

why clustering

Clustering algorithms

clusteringalgorithms

K-Means Clustering

What is K-means clustering ?

whatisk-means

K-means algorithms

k-means

Determine the simalarity or dissimilarity

similarity

1-dimensional similarity / distance

onedim

2-dimensional similarity / distance

towdim

Multi-dimensional similarity / distance

towdim

How does K-means clustering work ?

k-means

K-Means clustering - initialize K

![k-means initialize](images/k-means-initialize.png

K-Means clustering - calculate the distance

k-means-distance

K-Means clustering - asign to centroid

asign centroid

K-Means clustering - compute new centroids

asignnew

K-Means clustering - repeat

repeat

More on K-Means

K-Means clustering algorithm

k-means-algorithm

K-Means accuracy

k-means-accuracy

Choosing k

elbow

K-Means recap

k-means-recap

Hierarchical Clustering

Hierarchical clustering

hierarchicalclustering hierarchicalclustering

Agglomerative clustering

agg

Hierarchical clustering

cluster

More on Hierarchical Clustering

Agglomerative algorithm

agglom

Similarity / Distance

similarity

How can calculate Distance

how calculate

Distance between clusters

distancebetweenclusters

Adventages vs. disadventages

hierachical

Hierarchical clustering vs. K-means

k-meansvsclustering

DBSCAN Clustering

Density-based clustering

density

K-means vs. density-based clustering

density-basedvsk-means

DBSCAN for class identification

dbscan

WHat is DBSCAN ?

dbscan

How DBSCAN works

howdbscan

DBSCAN algorithm - core point ?

core

DBSCAN algorithm - border point ?

borderpoint

DBSCAN algorithm - outliers ?

outliers

DBSCAN algorithm - clusters ?

clusters

Adventage of DBSCAN

adventageofdbscan

Module 5

Learning Objectives

In this lesson you will learn about:

  • To understand the purpuse and mechanizem of recommendation systems.
  • To understand different types of recommander systems.
  • To implement recommender system on a real dataset.

Intro to Recommender Systems

What are recommender systems ?

recommender g)

Applications

application

Advantage of recommender systems

ad

Two types of recommender systems

twotypes

Implementing recommender systems

imple

Content-based recommender systems

content-based reco

Weighing the genres

weigh

Candidate movies for recommendation

candidat

Finding the recommendation

finding

Comme back to recommended

choosepattern

Collaborative Filtering

collaborative filtering

User-based collaborative filtering

user-based

User ratings matrix

user-matrix

Learning the similarity weights

weigth

Creating the weighted ratings matrix

creating creating

Collaborative filtering

colaborative

Challenges of collaborative filtering

challenges

About

This Machine Learning with Python course dives into the basics of machine learning using an approachable, and well-known, programming language. You'll learn about Supervised vs Unsupervised Learning, look into how Statistical Modeling relates to Machine Learning, and do a comparison of each. Look at real-life examples of Machine learning and how…

Topics

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published