Mô tả

New! Updated with extra content and activities on generative AI, transformers, GPT, ChatGPT, the OpenAI API, and self attention based neural networks!

Machine Learning and artificial intelligence (AI) is everywhere; if you want to know how companies like Google, Amazon, and even Udemy extract meaning and insights from massive data sets, this data science course will give you the fundamentals you need. Data Scientists enjoy one of the top-paying jobs, with an average salary of $120,000 according to Glassdoor and Indeed. That's just the average! And it's not just about money - it's interesting work too!

If you've got some programming or scripting experience, this course will teach you the techniques used by real data scientists and machine learning practitioners in the tech industry - and prepare you for a move into this hot career path. This comprehensive machine learning tutorial includes over 130 lectures spanning over 18 hours of video, and most topics include hands-on Python code examples you can use for reference and for practice. I’ll draw on my 9 years of experience at Amazon and IMDb to guide you through what matters, and what doesn’t.

Each concept is introduced in plain English, avoiding confusing mathematical notation and jargon. It’s then demonstrated using Python code you can experiment with and build upon, along with notes you can keep for future reference. You won't find academic, deeply mathematical coverage of these algorithms in this course - the focus is on practical understanding and application of them. At the end, you'll be given a final project to apply what you've learned!

The topics in this course come from an analysis of real requirements in data scientist job listings from the biggest tech employers. We'll cover the A-Z of machine learning, AI, and data mining techniques real employers are looking for, including:


  • Deep Learning / Neural Networks (MLP's, CNN's, RNN's) with TensorFlow and Keras

  • How modern generative AI works with transformers (GPT), self-attention, and large language models

  • Using the OpenAI API for GPT and ChatGPT

  • Fine-tuning GPT with your own training data (complete with an example of creating your own Commander Data from TV!)

  • Creating synthetic images with Variational Auto-Encoders (VAE's) and Generative Adversarial Networks (GAN's)

  • Data Visualization in Python with MatPlotLib and Seaborn

  • Transfer Learning

  • Sentiment analysis

  • Image recognition and classification

  • Regression analysis

  • K-Means Clustering

  • Principal Component Analysis

  • Train/Test and cross validation

  • Bayesian Methods

  • Decision Trees and Random Forests

  • Multiple Regression

  • Multi-Level Models

  • Support Vector Machines

  • Reinforcement Learning

  • Collaborative Filtering

  • K-Nearest Neighbor

  • Bias/Variance Tradeoff

  • Ensemble Learning

  • Term Frequency / Inverse Document Frequency

  • Experimental Design and A/B Tests

  • Feature Engineering

  • Hyperparameter Tuning


...and much more! There's also an entire section on machine learning with Apache Spark, which lets you scale up these techniques to "big data" analyzed on a computing cluster.

If you're new to Python, don't worry - the course starts with a crash course. If you've done some programming before, you should pick it up quickly. This course shows you how to get set up on Microsoft Windows-based PC's, Linux desktops, and Macs.

If you’re a programmer looking to switch into an exciting new career track, or a data analyst looking to make the transition into the tech industry – this course will teach you the basic techniques used by real-world industry data scientists. These are topics any successful technologist absolutely needs to know about, so what are you waiting for? Enroll now!


  • "I started doing your course... Eventually I got interested and never thought that I will be working for corporate before a friend offered me this job. I am learning a lot which was impossible to learn in academia and enjoying it thoroughly. To me, your course is the one that helped me understand how to work with corporate problems. How to think to be a success in corporate AI research. I find you the most impressive instructor in ML, simple yet convincing." - Kanad Basu, PhD


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

Build artificial neural networks with Tensorflow and Keras

Implement machine learning at massive scale with Apache Spark's MLLib

Classify images, data, and sentiments using deep learning

Make predictions using linear regression, polynomial regression, and multivariate regression

Data Visualization with MatPlotLib and Seaborn

Understand reinforcement learning - and how to build a Pac-Man bot

Classify data using K-Means clustering, Support Vector Machines (SVM), KNN, Decision Trees, Naive Bayes, and PCA

Use train/test and K-Fold cross validation to choose and tune your models

Build a movie recommender system using item-based and user-based collaborative filtering

Clean your input data to remove outliers

Design and evaluate A/B tests using T-Tests and P-Values

Yêu cầu

  • You'll need a desktop computer (Windows, Mac, or Linux) capable of running Anaconda 3 or newer. The course will walk you through installing the necessary free software.
  • Some prior coding or scripting experience is required.
  • At least high school level math skills will be required.

Nội dung khoá học

16 sections

Getting Started

12 lectures
Introduction
02:41
Udemy 101: Getting the Most From This Course
02:10
Important note
00:24
Installation: Getting Started
00:39
[Activity] WINDOWS: Installing and Using Anaconda & Course Materials
10:50
[Activity] MAC: Installing and Using Anaconda & Course Materials
08:07
[Activity] LINUX: Installing and Using Anaconda & Course Materials
09:11
Python Basics, Part 1 [Optional]
04:59
[Activity] Python Basics, Part 2 [Optional]
05:17
[Activity] Python Basics, Part 3 [Optional]
02:46
[Activity] Python Basics, Part 4 [Optional]
04:02
Introducing the Pandas Library [Optional]
10:08

Statistics and Probability Refresher, and Python Practice

13 lectures
Types of Data (Numerical, Categorical, Ordinal)
06:58
Mean, Median, Mode
05:26
[Activity] Using mean, median, and mode in Python
08:21
[Activity] Variation and Standard Deviation
11:12
Probability Density Function; Probability Mass Function
03:27
Common Data Distributions (Normal, Binomial, Poisson, etc)
07:45
[Activity] Percentiles and Moments
12:33
[Activity] A Crash Course in matplotlib
13:46
[Activity] Advanced Visualization with Seaborn
17:30
[Activity] Covariance and Correlation
11:31
[Exercise] Conditional Probability
16:04
Exercise Solution: Conditional Probability of Purchase by Age
02:20
Bayes' Theorem
05:23

Predictive Models

4 lectures
[Activity] Linear Regression
11:01
[Activity] Polynomial Regression
08:04
[Activity] Multiple Regression, and Predicting Car Prices
16:26
Multi-Level Models
04:36

Machine Learning with Python

16 lectures
Supervised vs. Unsupervised Learning, and Train/Test
08:57
[Activity] Using Train/Test to Prevent Overfitting a Polynomial Regression
05:47
Bayesian Methods: Concepts
03:59
[Activity] Implementing a Spam Classifier with Naive Bayes
08:05
K-Means Clustering
07:23
[Activity] Clustering people based on income and age
05:14
Measuring Entropy
03:09
[Activity] WINDOWS: Installing Graphviz
00:22
[Activity] MAC: Installing Graphviz
01:16
[Activity] LINUX: Installing Graphviz
00:54
Decision Trees: Concepts
08:43
[Activity] Decision Trees: Predicting Hiring Decisions
09:47
Ensemble Learning
05:59
[Activity] XGBoost
15:29
Support Vector Machines (SVM) Overview
04:27
[Activity] Using SVM to cluster people using scikit-learn
09:29

Recommender Systems

6 lectures
User-Based Collaborative Filtering
07:57
Item-Based Collaborative Filtering
08:15
[Activity] Finding Movie Similarities using Cosine Similarity
09:08
[Activity] Improving the Results of Movie Similarities
07:59
[Activity] Making Movie Recommendations with Item-Based Collaborative Filtering
10:22
[Exercise] Improve the recommender's results
05:29

More Data Mining and Machine Learning Techniques

9 lectures
K-Nearest-Neighbors: Concepts
03:44
[Activity] Using KNN to predict a rating for a movie
12:29
Dimensionality Reduction; Principal Component Analysis (PCA)
05:44
[Activity] PCA Example with the Iris data set
09:05
Data Warehousing Overview: ETL and ELT
09:05
Reinforcement Learning
12:44
[Activity] Reinforcement Learning & Q-Learning with Gym
12:56
Understanding a Confusion Matrix
05:17
Measuring Classifiers (Precision, Recall, F1, ROC, AUC)
06:35

Dealing with Real-World Data

10 lectures
Bias/Variance Tradeoff
06:15
[Activity] K-Fold Cross-Validation to avoid overfitting
10:26
Data Cleaning and Normalization
07:10
[Activity] Cleaning web log data
10:56
Normalizing numerical data
03:22
[Activity] Detecting outliers
06:21
Feature Engineering and the Curse of Dimensionality
06:03
Imputation Techniques for Missing Data
07:48
Handling Unbalanced Data: Oversampling, Undersampling, and SMOTE
05:35
Binning, Transforming, Encoding, Scaling, and Shuffling
07:51

Apache Spark: Machine Learning on Big Data

11 lectures
Warning about Java 21+ and Spark 3!
00:13
Spark installation notes for MacOS and Linux users
01:32
[Activity] Installing Spark
11:06
Spark Introduction
09:10
Spark and the Resilient Distributed Dataset (RDD)
11:42
Introducing MLLib
05:09
Introduction to Decision Trees in Spark
16:15
[Activity] K-Means Clustering in Spark
11:23
TF / IDF
06:44
[Activity] Searching Wikipedia with Spark
08:21
[Activity] Using the Spark DataFrame API for MLLib
08:07

Experimental Design / ML in the Real World

6 lectures
Deploying Models to Real-Time Systems
08:42
A/B Testing Concepts
08:23
T-Tests and P-Values
05:59
[Activity] Hands-on With T-Tests
06:04
Determining How Long to Run an Experiment
03:24
A/B Test Gotchas
09:26

Deep Learning and Neural Networks

17 lectures
Deep Learning Pre-Requisites
11:43
The History of Artificial Neural Networks
11:14
[Activity] Deep Learning in the Tensorflow Playground
12:00
Deep Learning Details
09:29
Introducing Tensorflow
11:29
[Activity] Using Tensorflow, Part 1
13:11
[Activity] Using Tensorflow, Part 2
12:03
[Activity] Introducing Keras
13:33
[Activity] Using Keras to Predict Political Affiliations
11:49
Convolutional Neural Networks (CNN's)
11:28
[Activity] Using CNN's for handwriting recognition
08:02
Recurrent Neural Networks (RNN's)
11:02
[Activity] Using a RNN for sentiment analysis
09:37
[Activity] Transfer Learning
12:14
Tuning Neural Networks: Learning Rate and Batch Size Hyperparameters
04:39
Deep Learning Regularization with Dropout and Early Stopping
06:21
The Ethics of Deep Learning
11:02

Generative Models

6 lectures
Variational Auto-Encoders (VAE's) - how they work
10:23
Variational Auto-Encoders (VAE) - Hands-on with Fashion MNIST
26:31
Generative Adversarial Networks (GAN's) - How they work
07:39
Generative Adversarial Networks (GAN's) - Playing with some demos
11:22
Generative Adversarial Networks (GAN's) - Hands-on with Fashion MNIST
15:20
Learning More about Deep Learning
01:44

Generative AI: GPT, ChatGPT, Transformers, Self Attention Based Neural Networks

13 lectures
The Transformer Architecture (encoders, decoders, and self-attention.)
10:08
Self-Attention, Masked Self-Attention, and Multi-Headed Self Attention in depth
09:51
Applications of Transformers (GPT)
04:35
How GPT Works, Part 1: The GPT Transformer Architecture
07:20
How GPT Works, Part 2: Tokenization, Positional Encoding, Embedding
04:49
Fine Tuning / Transfer Learning with Transformers
02:29
[Activity] Tokenization with Google CoLab and HuggingFace
09:12
[Activity] Positional Encoding
02:14
[Activity] Masked, Multi-Headed Self Attention with BERT, BERTViz, and exBERT
06:13
[Activity] Using small and large GPT models within Google CoLab and HuggingFace
05:31
[Activity] Fine Tuning GPT with the IMDb dataset
06:44
From GPT to ChatGPT: Deep Reinforcement Learning, Proximal Policy Gradients
07:21
From GPT to ChatGPT: Reinforcement Learning from Human Feedback and Moderation
06:06

The OpenAI API (Developing with GPT and ChatGPT)

9 lectures
[Activity] The OpenAI Chat Completions API
11:45
[Activity] Using Tools and Functions in the OpenAI Chat Completion API
10:19
[Activity] The Images (DALL-E) API in OpenAI
04:36
[Activity] The Embeddings API in OpenAI: Finding similarities between words
06:15
The Legacy Fine-Tuning API for GPT Models in OpenAI
05:16
[Demo] Fine-Tuning OpenAI's Davinci Model to simulate Data from Star Trek
17:55
The New OpenAI Fine-Tuning API; Fine-Tuning GPT-3.5 to simulate Commander Data!
21:15
[Activity] The OpenAI Moderation API
02:34
[Activity] The OpenAI Audio API (speech to text)
03:58

Retrieval Augmented Generation (RAG,) Advanced RAG, and LLM Agents

10 lectures
Retrieval Augmented Generation (RAG): How it works, with some examples.
17:12
Demo: Using Retrieval Augmented Generation (RAG) to simulate Data from Star Trek
19:03
RAG Metrics: The RAG Triad, relevancy, recall, precision, accuracy, and more
10:47
[Activity] Evaluating our RAG-based Cdr. Data using RAGAS and langchain
19:05
Advanced RAG: Pre-Retrieval; chunking; semantic chunking; data extraction.
07:43
Advanced RAG: Query Rewriting
03:59
Advanced RAG: Prompt Compression, and More Tuning Opportunities
05:54
[Activity] Simulating Cdr. Data with Advanced RAG and langchain
17:28
LLM Agents and Swarms of Agents
05:30
[Activity] Building a Cdr. Data chatbot with LLM Agents, web search & math tools
17:22

Final Project

2 lectures
Your final project assignment: Mammogram Classification
06:19
Final project review
10:26

You made it!

3 lectures
More to Explore
02:59
Don't Forget to Leave a Rating!
00:23
Bonus Lecture
00:57

Đá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.