Mô tả

Hello friends!


Welcome to Machine Learning: Natural Language Processing in Python (Version 2).


This is a massive 4-in-1 course covering:

1) Vector models and text preprocessing methods

2) Probability models and Markov models

3) Machine learning methods

4) Deep learning and neural network methods


In part 1, which covers vector models and text preprocessing methods, you will learn about why vectors are so essential in data science and artificial intelligence. You will learn about various techniques for converting text into vectors, such as the CountVectorizer and TF-IDF, and you'll learn the basics of neural embedding methods like word2vec, and GloVe.

You'll then apply what you learned for various tasks, such as:


  • Text classification

  • Document retrieval / search engine

  • Text summarization

Along the way, you'll also learn important text preprocessing steps, such as tokenization, stemming, and lemmatization.

You'll be introduced briefly to classic NLP tasks such as parts-of-speech tagging.


In part 2, which covers probability models and Markov models, you'll learn about one of the most important models in all of data science and machine learning in the past 100 years. It has been applied in many areas in addition to NLP, such as finance, bioinformatics, and reinforcement learning.

In this course, you'll see how such probability models can be used in various ways, such as:


  • Building a text classifier

  • Article spinning

  • Text generation (generating poetry)

Importantly, these methods are an essential prerequisite for understanding how the latest Transformer (attention) models such as BERT and GPT-3 work. Specifically, we'll learn about 2 important tasks which correspond with the pre-training objectives for BERT and GPT.


In part 3, which covers machine learning methods, you'll learn about more of the classic NLP tasks, such as:


  • Spam detection

  • Sentiment analysis

  • Latent semantic analysis (also known as latent semantic indexing)

  • Topic modeling

This section will be application-focused rather than theory-focused, meaning that instead of spending most of our effort learning about the details of various ML algorithms, you'll be focusing on how they can be applied to the above tasks.

Of course, you'll still need to learn something about those algorithms in order to understand what's going on. The following algorithms will be used:


  • Naive Bayes

  • Logistic Regression

  • Principal Components Analysis (PCA) / Singular Value Decomposition (SVD)

  • Latent Dirichlet Allocation (LDA)

These are not just "any" machine learning / artificial intelligence algorithms but rather, ones that have been staples in NLP and are thus an essential part of any NLP course.


In part 4, which covers deep learning methods, you'll learn about modern neural network architectures that can be applied to solve NLP tasks. Thanks to their great power and flexibility, neural networks can be used to solve any of the aforementioned tasks in the course.

You'll learn about:


  • Feedforward Artificial Neural Networks (ANNs)

  • Embeddings

  • Convolutional Neural Networks (CNNs)

  • Recurrent Neural Networks (RNNs)

The study of RNNs will involve modern architectures such as the LSTM and GRU which have been widely used by Google, Amazon, Apple, Facebook, etc. for difficult tasks such as language translation, speech recognition, and text-to-speech.

Obviously, as the latest Transformers (such as BERT and GPT-3) are examples of deep neural networks, this part of the course is an essential prerequisite for understanding Transformers.


UNIQUE FEATURES

  • Every line of code explained in detail - email me any time if you disagree

  • No wasted time "typing" on the keyboard like other courses - let's be honest, nobody can really write code worth learning about in just 20 minutes from scratch

  • Not afraid of university-level math - get important details about algorithms that other courses leave out


Thank you for reading and I hope to see you soon!

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

How to convert text into vectors using CountVectorizer, TF-IDF, word2vec, and GloVe

How to implement a document retrieval system / search engine / similarity search / vector similarity

Probability models, language models and Markov models (prerequisite for Transformers, BERT, and GPT-3)

How to implement a cipher decryption algorithm using genetic algorithms and language modeling

How to implement spam detection

How to implement sentiment analysis

How to implement an article spinner

How to implement text summarization

How to implement latent semantic indexing

How to implement topic modeling with LDA, NMF, and SVD

Machine learning (Naive Bayes, Logistic Regression, PCA, SVD, Latent Dirichlet Allocation)

Deep learning (ANNs, CNNs, RNNs, LSTM, GRU) (more important prerequisites for BERT and GPT-3)

Hugging Face Transformers (VIP only)

How to use Python, Scikit-Learn, Tensorflow, +More for NLP

Text preprocessing, tokenization, stopwords, lemmatization, and stemming

Parts-of-speech (POS) tagging and named entity recognition (NER)

Yêu cầu

  • Install Python, it's free!
  • Decent Python programming skills
  • Optional: If you want to understand the math parts, linear algebra and probability are helpful

Nội dung khoá học

23 sections

Introduction

2 lectures
Introduction and Outline
10:40
Are You Beginner, Intermediate, or Advanced? All are OK!
05:06

Getting Set Up

5 lectures
Get Your Hands Dirty, Practical Coding Experience, Data Links
08:33
How to use Github & Extra Coding Tips (Optional)
11:12
Where to get the code, notebooks, and data
04:29
How to Succeed in This Course
03:04
Temporary 403 Errors
02:57

Vector Models and Text Preprocessing

22 lectures
Vector Models & Text Preprocessing Intro
03:40
Basic Definitions for NLP
05:01
What is a Vector?
10:41
Bag of Words
02:32
Count Vectorizer (Theory)
13:45
Tokenization
14:45
Stopwords
04:51
Stemming and Lemmatization
12:03
Stemming and Lemmatization Demo
13:26
Count Vectorizer (Code)
15:43
Vector Similarity
11:35
TF-IDF (Theory)
14:16
(Interactive) Recommender Exercise Prompt
02:36
TF-IDF (Code)
20:25
Word-to-Index Mapping
10:54
How to Build TF-IDF From Scratch
15:08
Neural Word Embeddings
10:15
Neural Word Embeddings Demo
11:25
Vector Models & Text Preprocessing Summary
03:50
Text Summarization Preview
01:21
How To Do NLP In Other Languages
10:41
Suggestion Box
03:10

Probabilistic Models (Introduction)

1 lectures
Probabilistic Models (Introduction)
04:46

Markov Models (Intermediate)

13 lectures
Markov Models Section Introduction
02:42
The Markov Property
07:34
The Markov Model
12:30
Probability Smoothing and Log-Probabilities
07:50
Building a Text Classifier (Theory)
07:29
Building a Text Classifier (Exercise Prompt)
06:33
Building a Text Classifier (Code pt 1)
10:32
Building a Text Classifier (Code pt 2)
12:06
Language Model (Theory)
10:15
Language Model (Exercise Prompt)
06:52
Language Model (Code pt 1)
10:45
Language Model (Code pt 2)
09:25
Markov Models Section Summary
03:00

Article Spinner (Intermediate)

6 lectures
Article Spinning - Problem Description
07:55
Article Spinning - N-Gram Approach
04:24
Article Spinner Exercise Prompt
05:45
Article Spinner in Python (pt 1)
17:32
Article Spinner in Python (pt 2)
10:00
Case Study: Article Spinning Gone Wrong
05:42

Cipher Decryption (Advanced)

13 lectures
Section Introduction
04:50
Ciphers
03:59
Language Models (Review)
16:06
Genetic Algorithms
21:23
Code Preparation
04:46
Code pt 1
03:06
Code pt 2
07:20
Code pt 3
04:52
Code pt 4
04:03
Code pt 5
07:12
Code pt 6
05:25
Cipher Decryption - Additional Discussion
02:56
Section Conclusion
06:00

Machine Learning Models (Introduction)

1 lectures
Machine Learning Models (Introduction)
05:50

Spam Detection

6 lectures
Spam Detection - Problem Description
06:32
Naive Bayes Intuition
11:37
Spam Detection - Exercise Prompt
02:07
Aside: Class Imbalance, ROC, AUC, and F1 Score (pt 1)
12:25
Aside: Class Imbalance, ROC, AUC, and F1 Score (pt 2)
11:02
Spam Detection in Python
16:23

Sentiment Analysis

7 lectures
Sentiment Analysis - Problem Description
07:27
Logistic Regression Intuition (pt 1)
17:36
Multiclass Logistic Regression (pt 2)
06:52
Logistic Regression Training and Interpretation (pt 3)
08:15
Sentiment Analysis - Exercise Prompt
04:00
Sentiment Analysis in Python (pt 1)
10:38
Sentiment Analysis in Python (pt 2)
08:28

Text Summarization

10 lectures
Text Summarization Section Introduction
05:34
Text Summarization Using Vectors
05:30
Text Summarization Exercise Prompt
01:50
Text Summarization in Python
12:40
TextRank Intuition
08:03
TextRank - How It Really Works (Advanced)
10:50
TextRank Exercise Prompt (Advanced)
01:23
TextRank in Python (Advanced)
14:33
Text Summarization in Python - The Easy Way (Beginner)
06:06
Text Summarization Section Summary
03:22

Topic Modeling

9 lectures
Topic Modeling Section Introduction
03:07
Latent Dirichlet Allocation (LDA) - Essentials
10:54
LDA - Code Preparation
03:41
LDA - Maybe Useful Picture (Optional)
01:52
Latent Dirichlet Allocation (LDA) - Intuition (Advanced)
14:54
Topic Modeling with Latent Dirichlet Allocation (LDA) in Python
11:38
Non-Negative Matrix Factorization (NMF) Intuition
10:21
Topic Modeling with Non-Negative Matrix Factorization (NMF) in Python
05:33
Topic Modeling Section Summary
01:37

Latent Semantic Analysis (Latent Semantic Indexing)

5 lectures
LSA / LSI Section Introduction
04:06
SVD (Singular Value Decomposition) Intuition
12:11
LSA / LSI: Applying SVD to NLP
07:46
Latent Semantic Analysis / Latent Semantic Indexing in Python
09:15
LSA / LSI Exercises
06:00

Deep Learning (Introduction)

1 lectures
Deep Learning Introduction (Intermediate-Advanced)
04:57

The Neuron

7 lectures
The Neuron - Section Introduction
02:20
Fitting a Line
14:23
Classification Code Preparation
07:20
Text Classification in Tensorflow
12:09
The Neuron
09:58
How does a model learn?
10:53
The Neuron - Section Summary
01:51

Feedforward Artificial Neural Networks

15 lectures
ANN - Section Introduction
06:59
Forward Propagation
09:40
The Geometrical Picture
09:43
Activation Functions
17:18
Multiclass Classification
08:41
ANN Code Preparation
04:35
Text Classification ANN in Tensorflow
05:43
Text Preprocessing Code Preparation
11:33
Text Preprocessing in Tensorflow
05:30
Embeddings
10:13
CBOW (Advanced)
04:07
CBOW Exercise Prompt
00:57
CBOW in Tensorflow (Advanced)
19:24
ANN - Section Summary
01:32
Aside: How to Choose Hyperparameters (Optional)
06:21

Convolutional Neural Networks

9 lectures
CNN - Section Introduction
04:34
What is Convolution?
16:38
What is Convolution? (Pattern Matching)
05:56
What is Convolution? (Weight Sharing)
06:41
Convolution on Color Images
15:58
CNN Architecture
20:58
CNNs for Text
08:07
Convolutional Neural Network for NLP in Tensorflow
05:31
CNN - Section Summary
01:27

Recurrent Neural Networks

12 lectures
RNN - Section Introduction
04:46
Simple RNN / Elman Unit (pt 1)
09:20
Simple RNN / Elman Unit (pt 2)
09:42
RNN Code Preparation
09:45
RNNs: Paying Attention to Shapes
08:26
GRU and LSTM (pt 1)
17:35
GRU and LSTM (pt 2)
11:36
RNN for Text Classification in Tensorflow
05:56
Parts-of-Speech (POS) Tagging in Tensorflow
19:50
Named Entity Recognition (NER) in Tensorflow
05:13
Exercise: Return to CNNs (Advanced)
03:19
RNN - Section Summary
01:58

Course Conclusion

2 lectures
What to Learn Next
06:26
Where is BERT, ChatGPT, GPT-4, ...?
07:00

Setting Up Your Environment FAQ

3 lectures
Pre-Installation Check
04:12
Anaconda Environment Setup
20:20
How to install Numpy, Scipy, Matplotlib, Pandas, IPython, Theano, and TensorFlow
17:13

Extra Help With Python Coding for Beginners FAQ

3 lectures
How to Code by Yourself (part 1)
15:54
How to Code by Yourself (part 2)
09:23
Proof that using Jupyter Notebook is the same as not using it
12:29

Effective Learning Strategies for Machine Learning FAQ

4 lectures
How to Succeed in this Course (Long Version)
10:24
Is this for Beginners or Experts? Academic or Practical? Fast or slow-paced?
22:04
Machine Learning and AI Prerequisite Roadmap (pt 1)
11:18
Machine Learning and AI Prerequisite Roadmap (pt 2)
16:07

Appendix / FAQ Finale

2 lectures
What is the Appendix?
02:48
BONUS
05:48

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