Mô tả

Interested in Machine Learning, Deep Learning and Computer Vision? Then this course is for you!

This course is about the fundamental concepts of machine learning, deep learning, reinforcement learning and machine learning. These topics are getting very hot nowadays because these learning algorithms can be used in several fields from software engineering to investment banking.

In each section we will talk about the theoretical background for all of these algorithms then we are going to implement these problems together. We will use Python with SkLearn, Keras and TensorFlow.

### MACHINE LEARNING ###

1.) Linear Regression

  • understanding linear regression model

  • correlation and covariance matrix

  • linear relationships between random variables

  • gradient descent and design matrix approaches

2.) Logistic Regression

  • understanding logistic regression

  • classification algorithms basics

  • maximum likelihood function and estimation

3.) K-Nearest Neighbors Classifier

  • what is k-nearest neighbour classifier?

  • non-parametric machine learning algorithms

4.) Naive Bayes Algorithm

  • what is the naive Bayes algorithm?

  • classification based on probability

  • cross-validation

  • overfitting and underfitting

5.) Support Vector Machines (SVMs)

  • support vector machines (SVMs) and support vector classifiers (SVCs)

  • maximum margin classifier

  • kernel trick

6.) Decision Trees and Random Forests

  • decision tree classifier

  • random forest classifier

  • combining weak learners

7.) Bagging and Boosting

  • what is bagging and boosting?

  • AdaBoost algorithm

  • combining weak learners (wisdom of crowds)

8.) Clustering Algorithms

  • what are clustering algorithms?

  • k-means clustering and the elbow method

  • DBSCAN algorithm

  • hierarchical clustering

  • market segmentation analysis

### NEURAL NETWORKS AND DEEP LEARNING ###

9.) Feed-Forward Neural Networks

  • single layer perceptron model

  • feed.forward neural networks

  • activation functions

  • backpropagation algorithm

10.) Deep Neural Networks

  • what are deep neural networks?

  • ReLU activation functions and the vanishing gradient problem

  • training deep neural networks

  • loss functions (cost functions)

11.) Convolutional Neural Networks (CNNs)

  • what are convolutional neural networks?

  • feature selection with kernels

  • feature detectors

  • pooling and flattening

12.) Recurrent Neural Networks (RNNs)

  • what are recurrent neural networks?

  • training recurrent neural networks

  • exploding gradients problem

  • LSTM and GRUs

  • time series analysis with LSTM networks

Numerical Optimization (in Machine Learning)

  • gradient descent algorithm

  • stochastic gradient descent theory and implementation

  • ADAGrad and RMSProp algorithms

  • ADAM optimizer explained

  • ADAM algorithm implementation

13.) Reinforcement Learning

  • Markov Decision Processes (MDPs)

  • value iteration and policy iteration

  • exploration vs exploitation problem

  • multi-armed bandits problem

  • Q learning and deep Q learning

  • learning tic tac toe with Q learning and deep Q learning

### COMPUTER VISION ###

14.) Image Processing Fundamentals:

  • computer vision theory

  • what are pixel intensity values

  • convolution and kernels (filters)

  • blur kernel

  • sharpen kernel

  • edge detection in computer vision (edge detection kernel)

15.) Serf-Driving Cars and Lane Detection

  • how to use computer vision approaches in lane detection

  • Canny's algorithm

  • how to use Hough transform to find lines based on pixel intensities

16.) Face Detection with Viola-Jones Algorithm:

  • Viola-Jones approach in computer vision

  • what is sliding-windows approach

  • detecting faces in images and in videos

17.) Histogram of Oriented Gradients (HOG) Algorithm

  • how to outperform Viola-Jones algorithm with better approaches

  • how to detects gradients and edges in an image

  • constructing histograms of oriented gradients

  • using support vector machines (SVMs) as underlying machine learning algorithms

18.) Convolution Neural Networks (CNNs) Based Approaches

  • what is the problem with sliding-windows approach

  • region proposals and selective search algorithms

  • region based convolutional neural networks (C-RNNs)

  • fast C-RNNs

  • faster C-RNNs

19.) You Only Look Once (YOLO) Object Detection Algorithm

  • what is the YOLO approach?

  • constructing bounding boxes

  • how to detect objects in an image with a single look?

  • intersection of union (IOU) algorithm

  • how to keep the most relevant bounding box with non-max suppression?

20.) Single Shot MultiBox Detector (SSD) Object Detection Algorithm SDD

  • what is the main idea behind SSD algorithm

  • constructing anchor boxes

  • VGG16 and MobileNet architectures

  • implementing SSD with real-time videos

You will get lifetime access to 150+ lectures plus slides and source codes for the lectures!

This course comes with a 30 day money back guarantee! If you are not satisfied in any way, you'll get your money back.

So what are you waiting for? Learn Machine Learning, Deep Learning and Computer Vision in a way that will advance your career and increase your knowledge, all in a fun and practical way!

Thanks for joining the course, let's get started!

Bạn sẽ học được gì

Solving regression problems (linear regression and logistic regression)

Solving classification problems (naive Bayes classifier, Support Vector Machines - SVMs)

Using neural networks (feedforward neural networks, deep neural networks, convolutional neural networks and recurrent neural networks

The most up to date machine learning techniques used by firms such as Google or Facebook

Face detection with OpenCV

TensorFlow and Keras

Deep learning - deep neural networks, convolutional neural networks (CNNS), recurrent neural networks (RNNs)

Reinforcement learning - Q learning and deep Q learning approaches

Yêu cầu

  • Basic Python - we will use Panda and Numpy as well (we will cover the basics during implementations)

Nội dung khoá học

55 sections

Introduction

1 lectures
Introduction
03:25

Environment Setup

3 lectures
Installing Python
02:26
Installing PyCharm
03:38
Installing TensorFlow and Keras
02:02

Artificial Intelligence Basics

3 lectures
Why to learn artificial intelligence and machine learning?
05:24
Types of artificial intelligence learning
08:29
Fundamentals of statistics
07:24

### MACHINE LEARNING ###

1 lectures
Machine learning section
00:10

Linear Regression

7 lectures
What is linear regression?
08:52
Linear regression theory - optimization
08:00
Linear regression theory - gradient descent
07:23
Linear regression implementation I
14:11
Linear regression implementation II
04:24
Mathematical formulation of linear regression
00:06
Linear Regression Quiz
4 questions

Logistic Regression

7 lectures
What is logistic regression?
11:54
Logistic regression and maximum likelihood estimation
04:58
Logistic regression example I - sigmoid function
11:29
Logistic regression example II- credit scoring
10:53
Logistic regression example III - credit scoring
05:51
Mathematical formulation of logistic regression
00:06
Logistic Regression Quiz
3 questions

Cross Validation

3 lectures
What is cross validation?
05:57
Cross validation example
05:17
Cross Validation Quiz
3 questions

K-Nearest Neighbor Classifier

9 lectures
What is the k-nearest neighbor classifier?
05:52
Concept of lazy learning
03:33
Distance metrics - Euclidean-distance
07:36
Bias and variance trade-off
03:51
K-nearest neighbor implementation I
07:10
K-nearest neighbor implementation II
08:45
K-nearest neighbor implementation III
04:12
Mathematical formulation of k-nearest neighbor classifier
00:06
K-Nearest Neighbor Quiz
4 questions

Naive Bayes Classifier

8 lectures
What is the naive Bayes classifier?
10:03
Naive Bayes classifier illustration
04:24
Naive Bayes classifier implementation
04:01
What is text clustering?
08:55
Text clustering - inverse document frequency (TF-IDF)
04:42
Naive Bayes example - clustering news
14:24
Mathematical formulation of naive Bayes classifier
00:06
Naive Bayes Classifier Quiz
3 questions

Support Vector Machines (SVMs)

12 lectures
What are Support Vector Machines (SVMs)?
05:19
Linearly separable problems
14:10
Non-linearly separable problems
06:32
Kernel functions
09:49
Support vector machine example I - simple
10:50
Support vector machine example II - iris dataset
06:31
Support vector machines example III - parameter tuning
07:17
Support vector machine example IV - digit recognition
10:04
Support vector machine example V - digit recognition
05:44
Advantages and disadvantages
02:32
Mathematical formulation of Support Vector Machines (SVMs)
00:06
Support Vector Machines Quiz
4 questions

Decision Trees

10 lectures
Decision trees introduction - basics
07:43
Decision trees introduction - entropy
08:56
Decision trees introduction - information gain
07:51
The Gini-index approach
10:00
Decision trees introduction - pros and cons
02:31
Decision trees implementation I
05:50
Decision trees implementation II - parameter tuning
04:28
Decision tree implementation III - identifying cancer
04:49
Mathematical formulation of decision trees
00:06
Decision Trees Quiz
4 questions

Random Forest Classifier

8 lectures
Pruning introduction
06:56
Bagging introduction
07:49
Random forest classifier introduction
05:36
Random forests example I - iris dataset
04:14
Random forests example II - credit scoring
03:29
Random forests example III - OCR parameter tuning
09:49
Mathematical formulation of random forest classifiers
00:06
Random Forests Quiz
4 questions

Boosting

9 lectures
Boosting introduction - basics
04:18
Boosting introduction - illustration
05:40
Boosting introduction - equations
07:14
Boosting introduction - final formula
08:27
Boosting implementation I - iris dataset
06:29
Boosting implementation II -wine classification
11:47
Boosting vs. bagging
03:08
Mathematical formulation of boosting
00:06
Boosting Quiz
3 questions

Principal Component Analysis (PCA)

5 lectures
Principal component analysis (PCA) introduction
08:18
Principal component analysis example
10:38
Principal component analysis example II
09:25
Mathematical formulation of principle component analysis (PCA)
00:06
PCA Quiz
2 questions

Clustering

10 lectures
K-means clustering introduction
09:57
K-means clustering example
07:49
K-means clustering - text clustering
09:01
DBSCAN introduction
06:25
DBSCAN example
08:43
Hierarchical clustering introduction
06:33
Hierarchical clustering example
08:10
Hierarchical clustering - market segmentation
09:34
Mathematical formulation of clustering
00:07
Clustering Quiz
1 question

Machine Learning Project I - Face Recognition

6 lectures
The Olivetti dataset
07:54
Understanding the dataset
06:10
Finding optimal number of principal components (eigenvectors)
06:17
Understanding "eigenfaces"
08:01
Constructing the machine learning models
04:33
Using cross-validation
02:53

### NEURAL NETWORKS AND DEEP LEARNING ###

1 lectures
Neural networks and deep learning section
00:08

Feed-Forward Neural Network Theory

12 lectures
Artificial neural networks - inspiration
05:20
Artificial neural networks - layers
04:42
Artificial neural networks - the model
05:09
Why to use activation functions?
06:46
Neural networks - the big picture
09:07
Using bias nodes in the neural network
01:44
How to measure the error of the network?
04:46
Optimization with gradient descent
08:28
Gradient descent with backpropagation
06:33
Backpropagation explained
12:15
Mathematical formulation of feed-forward neural networks
00:06
Feed-Forward Neural Networks Quiz
3 questions

Single Layer Networks Implementation

3 lectures
Simple neural network implementation - XOR problem
12:56
Simple neural network implementation - Iris dataset
13:26
Credit scoring with simple neural networks
04:24

Deep Learning

1 lectures
Types of neural networks
03:51

Deep Neural Networks Theory

7 lectures
Deep neural networks
05:15
Activation functions revisited
09:44
Loss functions
05:57
Gradient descent and stochastic gradient descent
07:17
Hyperparameters
05:14
Mathematical formulation of deep neural networks
00:06
Deep Neural Networks Quiz
3 questions

Deep Neural Networks Implementation

5 lectures
Deep neural network implementation I
06:30
Deep neural network implementation II
06:26
Deep neural network implementation III
04:45
Multiclass classification implementation I
07:48
Multiclass classification implementation II
05:27

Machine Learning Project II - Smile Detector

5 lectures
Understanding the classification problem
02:14
Reading the images and constructing the dataset I
06:13
Reading the images and constructing the dataset II
04:45
Building the deep neural network model
03:23
Evaluating and testing the model
03:32

Convolutional Neural Networks (CNNs) Theory

10 lectures
Convolutional neural networks basics
06:04
Feature selection
04:11
Convolutional neural networks - kernel
04:16
Convolutional neural networks - kernel II
05:42
Convolutional neural networks - pooling
05:48
Convolutional neural networks - flattening
04:59
Convolutional neural networks - illustration
02:38
CNN visualization tool
00:04
Mathematical formulation of convolution neural networks
00:06
Convolutional Neural Networks (CNNs) Quiz
4 questions

Convolutional Neural Networks (CNNs) Implementation

3 lectures
Handwritten digit classification I
11:12
Handwritten digit classification II
12:09
Handwritten digit classification III
05:32

Machine Learning Project III - Identifying Objects with CNNs

4 lectures
What is the CIFAR-10 dataset?
06:30
Preprocessing the data
02:46
Fitting the model
05:34
Tuning the parameters - regularization
09:21

Recurrent Neural Networks (RNNs) Theory

7 lectures
Why do recurrent neural networks are important?
04:30
Recurrent neural networks basics
08:58
Vanishing and exploding gradients problem
09:22
Long-short term memory (LSTM) model
10:55
Gated recurrent units (GRUs)
03:23
Mathematical formulation of recurrent neural networks
00:06
Recurrent Neural Networks Quiz
2 questions

Recurrent Neural Networks (RNNs) Implementation

6 lectures
Time series analysis example I
04:01
Time series analysis example II
05:11
Time series analysis example III
06:06
Time series analysis example IV
02:33
Time series analysis example V
03:59
Time series analysis example VI
03:58

### NUMERICAL OPTIMIZATION (OPTIMIZERS) ###

13 lectures
Numerical optimization algorithms in machine learning
00:17
What is gradient descent?
06:10
Gradient descent implementation
09:18
Gradient descent with momentum
03:51
Stochastic gradient descent introduction
09:42
Stochastic gradient descent implementation I
20:36
Stochastic gradient descent implementation II
05:20
What is ADAGrad?
06:15
ADAGrad implementation
11:19
What is RMSProp?
03:43
ADAM optimizer introduction
04:28
ADAM optimizer implementation
08:39
Mathematical formulation of optimization algorithms in machine learning
00:06

### REINFORCEMENT LEARNING ###

2 lectures
What is reinforcement learning?
00:27
Applications of reinforcement learning
02:44

Markov Decision Process (MDP) Theory

10 lectures
Markov decision processes basics I
05:38
Markov decision processes basics II
06:21
Markov decision processes - equations
12:00
Markov decision processes - illustration
07:49
Bellman-equation
05:41
How to solve MDP problems?
02:20
What is value iteration?
06:29
What is policy iteration?
03:52
Mathematical formulation of reinforcement learning
00:06
Reinforcement Learning Basics Quiz
4 questions

Exploration vs. Exploitation Problem

5 lectures
Exploration vs exploitation problem
03:29
N-armed bandit problem introduction
08:46
N-armed bandit problem implementation
11:12
Applications: A/B testing in marketing
04:11
Exploration vs. Exploitation Quiz
2 questions

Q Learning Theory

5 lectures
What is Q learning?
05:44
Q learning introduction - the algorithm
07:08
Q learning illustration
11:06
Mathematical formulation of Q learning
00:06
Q Learning Quiz
2 questions

Q Learning Implementation (Tic Tac Toe)

8 lectures
Tic tac toe with Q learning implementation I
03:45
Tic tac toe with Q learning implementation II
07:38
Tic tac toe with Q learning implementation III
07:26
Tic tac toe with Q learning implementation IV
07:28
Tic tac toe with Q learning implementation V
04:56
Tic tac toe with Q learning implementation VI
12:06
Tic tac toe with Q learning implementation VII
06:23
Tic tac toe with Q learning implementation VIII
06:39

Deep Q Learning Theory

5 lectures
What is deep Q learning?
04:47
Deep Q learning and ε-greedy strategy
03:11
Remember and replay
03:34
Mathematical formulation of deep Q learning
00:06
Deep Q Learning Quiz
1 question

Deep Q Learning Implementation (Tic Tac Toe)

5 lectures
Tic Tac Toe with deep Q learning implementation I
03:53
Tic Tac Toe with deep Q learning implementation II
06:27
Tic Tac Toe with deep Q learning implementation III
10:39
Tic Tac Toe with deep Q learning implementation IV
05:05
Tic Tac Toe with deep Q learning implementation V
04:43

### COMPUTER VISION ###

1 lectures
Evolution of computer vision related algorithms
03:36

Handling Images and Pixels

8 lectures
Images and pixel intensities
05:13
Handling pixel intensities I
06:18
Handling pixel intensities II
05:16
Why convolution is so important in image processing?
12:07
Image processing - blur operation
05:08
Image processing - edge detection kernel
05:38
Image processing - sharpen operation
03:43
Image Processing Quiz
4 questions

Computer Vision Project I - Lane Detection Problem (Self-Driving Cars)

9 lectures
Lane detection - the problem
01:44
Lane detection - handling videos
05:36
Lane detection - first transformations
04:21
What is Canny edge detection?
06:32
Getting the useful region of the image - masking
13:20
Detecting lines - what is Hough transformation?
10:30
Hough transformation illustration
00:03
Drawing lines on video frames
09:05
Testing lane detection algorithm
02:19

Viola-Jones Face Detection Algorithm Theory

7 lectures
Viola-Jones algorithm
10:53
Haar-features
08:31
Integral images
06:22
Boosting in computer vision
06:18
Cascading
04:13
Original academic research articles
00:05
Face Detection Quiz
3 questions

Face Detection with Viola-Jones Method Implementation

5 lectures
Face detection implementation I - installing OpenCV
02:50
Face detection implementation II - CascadeClassifier
09:58
Face detection implementation III - CascadeClassifier parameters
04:06
Face detection implementation IV - tuning the parameters
04:51
Face detection implementation V - detecting faces real-time
05:22

Histogram of Oriented Gradients (HOG) Algorithm Theory

7 lectures
Histogram of oriented gradients basics
03:49
Histogram of oriented gradients - gradient kernel
07:18
Histogram of oriented gradients - magnitude and angle
07:42
Histogram of oriented gradients - normalization
04:47
Histogram of oriented gradients - big picture
03:14
Original academic research article
00:05
Histogram of Oriented Gradients (HOG) Quiz
4 questions

Histogram of Oriented Gradients (HOG) Implementation

5 lectures
Showing the HOG features programatically
10:31
Face detection with HOG implementation I
06:12
Face detection with HOG implementation II
13:03
Face detection with HOG implementation III
05:32
Face detection with HOG implementation IV
07:30

Convolutional Neural Networks (CNNs) Based Approaches

7 lectures
The standard convolutional neural network (CNN) way
05:57
Region proposals and convolutional neural networks (CNNs)
09:42
Detecting bounding boxes with regression
06:32
What is the Fast R-CNN model?
02:30
What is the Faster R-CNN model?
01:49
Original academic research articles
00:04
CNN Approaches Quiz
5 questions

You Only Look Once (YOLO) Algorithm Theory

9 lectures
What is the YOLO approach?
05:26
YOLO algorithm - grid cells
06:45
YOLO algorithm - intersection over union
09:02
How to train the YOLO algorithm?
07:21
YOLO algorithm - loss function
04:53
YOLO algorithm - non-max suppression
02:52
Why to use the so-called anchor boxes?
06:10
Original academic research article
00:05
YOLO Algorithm Quiz
4 questions

You Only Look Once (YOLO) Algorithm Implementation

7 lectures
YOLO algorithm implementation I
06:16
YOLO algorithm implementation II
09:08
YOLO algorithm implementation III
08:45
YOLO algorithm implementation IV
12:47
YOLO algorithm implementation V
12:07
YOLO algorithm implementation VI
01:47
YOLO algorithm implementation VII
03:47

Single-Shot MultiBox Detector (SSD) Theory

7 lectures
What is the SSD algorithm?
03:50
Basic concept behind SSD algorithm (architecture)
07:17
Bounding boxes and anchor boxes
10:16
Feature maps and convolution layers
04:40
Hard negative mining during training
02:22
Regularization (data augmentation) and non-max suppression during training
02:14
Original academic research article
00:04

SSD Algorithm Implementation

5 lectures
SSD implementation I
06:06
SSD implementation II
02:15
SSD implementation III
05:10
SSD implementation IV
07:56
SSD implementation V
02:57

### PYTHON PROGRAMMING CRASH COURSE ###

1 lectures
Python crash course introduction
02:06

Appendix #1 - Python Basics

16 lectures
First steps in Python
05:49
What are the basic data types?
04:45
Booleans
02:08
Strings
07:44
String slicing
06:47
Type casting
04:20
Operators
05:23
Conditional statements
04:41
How to use multiple conditions?
08:07
Logical operators
04:04
Loops - for loop
06:00
Loops - while loop
04:13
What are nested loops?
02:55
Enumerate
03:51
Break and continue
05:32
Calculating Fibonacci-numbers
02:30

Appendix #2 - Functions

11 lectures
What are functions?
04:07
Defining functions
05:24
Positional arguments and keyword arguments
10:30
Returning values
02:26
Returning multiple values
03:14
Yield operator
05:02
Local and global variables
02:12
What are the most relevant built-in functions?
04:26
What is recursion?
09:29
Local vs global variables
04:16
The __main__ function
03:25

Appendix #3 - Data Structures in Python

16 lectures
How to measure the running time of algorithms?
10:00
Data structures introduction
03:17
What are array data structures I
06:55
What are array data structures II
06:56
Lists in Python
05:43
Lists in Python - advanced operations
08:27
Lists in Python - list comprehension
05:56
(!!!) Python lists and arrays
00:23
What are tuples?
03:58
Mutability and immutability
04:30
What are linked list data structures?
08:13
Doubly linked list implementation in Python
05:32
Hashing and O(1) running time complexity
08:03
Dictionaries in Python
09:41
Sets in Python
09:49
Sorting
10:44

Appendix #4 - Object Oriented Programming (OOP)

13 lectures
What is object oriented programming (OOP)?
02:18
Class and objects basics
03:00
Using the constructor
06:00
Class variables and instance variables
04:46
Private variables and name mangling
04:31
What is inheritance in OOP?
03:49
The super keyword
04:24
Function (method) override
02:34
What is polymorphism?
04:25
Polymorphism and abstraction example
06:10
Modules
06:00
The __str__ function
03:16
Comparing objects - overriding functions
08:00

Appendix #5 - NumPy

9 lectures
What is the key advantage of NumPy?
04:12
Creating and updating arrays
07:36
Dimension of arrays
09:12
Indexes and slicing
07:59
Types
04:43
Reshape
07:53
Stacking and merging arrays
06:17
Filter
03:39
Running time comparison: arrays and lists
00:46

COURSE MATERIALS (DOWNLOADS)

2 lectures
Course materials (source code and slides)
00:02
Computer vision slides
00:02

Đánh giá của học viên

Chưa có đánh giá
Course Rating
5
0%
4
0%
3
0%
2
0%
1
0%

Bình luận khách hàng

Viết Bình Luận

Bạn đánh giá khoá học này thế nào?

image

Đăng ký get khoá học Udemy - Unica - Gitiho giá chỉ 50k!

Get khoá học giá rẻ ngay trước khi bị fix.