Mô tả

Welcome to KGP Talkie's Natural Language Processing (NLP) course. It is designed to give you a complete understanding of Text Processing and Mining with the use of State-of-the-Art NLP algorithms in Python.

We will learn Spacy in detail and we will also explore the uses of NLP in real life. This course covers the basics of NLP to advance topics like word2vec, GloVe, Deep Learning for NLP like CNN, ANN, and LSTM. I will also show you how you can optimize your ML code by using various tools of sklean in python. At the end part of this course, you will learn how to generate poetry by using LSTM. Multi-Label and Multi-class classification is explained. At least 12 NLP Projects are covered in this course. You will learn various ways of solving edge-cutting NLP problems.


You should have an introductory knowledge of Python and Machine Learning before enrolling in this course.

In this course, we will start from level 0 to the advanced level.

We will start with basics like what is machine learning and how it works. Thereafter I will take you to Python, Numpy, and Pandas crash course. If you have prior experience you can skip these sections. The real game of NLP will start with Spacy Introduction where I will take you through various steps of NLP preprocessing. We will be using Spacy and NLTK mostly for the text data preprocessing.

In the next section, we will learn about working with files to store and load text data. This section is the foundation of another section on Complete Text Preprocessing. I will show you many ways of text preprocessing using Spacy and Regular Expressions. Finally, I will show you how you can create your own python package on preprocessing. It will help us to improve our code-writing skills. We will be able to reuse our code systemwide without writing codes for preprocessing every time. This section is the most important section.

Then, we will start the Machine learning theory section and a walkthrough of the Scikit-Learn Python package where we will learn how to write clean ML code. Thereafter, we will develop our first text classifier for SPAM and HAM message classification. I will also show you various types of word embeddings used in NLP like Bag of Words, Term Frequency, IDF, and TF-IDF. I will show you how you can estimate these features from scratch as well as with the help of the Scikit-Learn package.

Thereafter we will learn about the machine learning model deployment. We will also learn various other essential tools like word2vec, GloVe, Deep Learning, CNN, LSTM, RNN, etc.


Covered Keywords

Natural Language Processing, Python, Beginners, NLP, Text Processing, Text Analysis, Machine Learning, Data Science, Artificial Intelligence, Natural Language Understanding, Text Mining, Text Classification, Sentiment Analysis, Named Entity, Speech Recognition, Language Modeling, Text Generation, Text Summarization, Text Clustering, Text Similarity, Text Preprocessing, Regular Expressions, NLTK, spaCy, Gensim, Scikit-learn, TensorFlow, Keras, Numpy, Pandas, Jupyter Notebook, Data Visualization.


At the end of this lesson, you will learn everything which you need to solve your own NLP problem.

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

Learn complete text processing with Python

Learn how to extract text from PDF files

Use Regular Expressions for search in text

Use SpaCy and NLTK to extract complete text features from raw text

Use Latent Dirichlet Allocation for Topic Modelling

Use Scikit-Learn and Deep Learning for Text Classification

Learn Multi-Class and Multi-Label Text Classification

Use Spacy and NLTK for Sentiment Analysis

Understand and Build word2vec and GloVe based ML models

Use Gensim to obtain pretrained word vectors and compute similarities and analogies

Learn Text Summarization and Text Generation using LSTM and GRU

Understand the basic concepts and techniques of natural language processing and their applications.

Learn how to use Python and its popular libraries such as NLTK and spaCy to perform common NLP tasks.

Be able to tokenize and stem text data using Python.

Understand and apply common NLP techniques such as sentiment analysis, text classification, and named entity recognition.

Learn how to apply NLP techniques to real-world problems and projects.

Understand the concept of topic modeling and implement it using Python.

Learn the basics of text summarization and its implementation using Python.

Understand the concept of text generation and implement it using Python

Understand the concept of text-to-speech and speech-to-text conversion and implement them using Python.

Learn how to use deep learning techniques for NLP such as RNN, LSTM, and word embedding.

Yêu cầu

  • Have a desire to learn
  • Elementary level math
  • Have basic understanding of Python and Machine Learning

Nội dung khoá học

22 sections

Introduction

8 lectures
Machine Learning Intuition
08:29
Course Overview
05:25
DO NOT SKIP IT | Resources Folder!
01:20
Install Anaconda and Python 3 on Windows 10
06:04
Install Anaconda and Python 3 on Ubuntu Machine
03:24
Install Anaconda and Python 3 on Mac Machine
06:37
Install Git Bash and Commander Terminal
06:51
Jupyter Notebook Shortcuts
09:09

Python Crash Course

13 lectures
Introduction
01:22
Data Types
07:00
Variable Assignment
05:25
String Assignment
07:51
List
04:16
Set
03:47
Tuple
02:40
Dictionary
03:55
Boolean and Comparison Operator
03:36
Logical Operator
04:07
If, Else, Elif
06:42
Loops in Python
06:13
Methods and Lambda Function
05:31

Numpy Introduction [Optional]

10 lectures
Introduction
00:55
Array
10:34
NaN and INF
07:43
Statistical Operations
03:28
Shape, Reshape, Ravel, Flatten
02:50
Sequence, Repetitions, and Random Numbers
12:36
Where(), ArgMax(), ArgMin()
03:55
File Read and Write
06:28
Concatenate and Sorting
03:26
Working with Dates
03:06

Pandas Introduction [Optional]

8 lectures
Introduction
00:55
DataFrame and Series
05:15
File Reading and Writing
08:27
Info, Shape, Duplicated, and Drop
05:20
Columns
03:12
NaN and Null Values
05:36
Imputation
05:06
Lambda Function
05:22

Introduction of Spacy 3 for NLP

19 lectures
Introduction to NLP
04:34
Spacy 3 Introduction
13:05
Spacy 3 Tokenization
12:01
POS Tagging in Spacy 3
17:59
Visualizing Dependency Parsing with Displacy
12:41
Sentence Boundary Detection
05:54
Stop Words in Spacy 3
09:45
Lemmatization in Spacy 3
08:01
Stemming in NLTK - Lemmatization vs Stemming in NLP
07:27
Word Frequency Counter
06:17
Rule Based Matching in Spacy Part 1
22:00
Rule Based Token Matching Examples Part 2
10:01
Rule Based Phrase Matching in Spacy
09:33
Rule Based Entity Matching in Spacy
08:35
NER (Named Entity Recognition) in Spacy 3 Part 1
06:14
NER (Named Entity Recognition) in Spacy 3 Part 2
11:06
Word to Vector (word2vec) and Sentence Similarity in Spacy
15:27
Regular Expression Part 1
09:39
Regular Expression Part 2
05:30

Working with Text Files

13 lectures
String Formatting
08:37
Working with open() Files in write() Mode Part 1
06:53
Working with open() Files in write() Mode Part 2
06:29
Working with open() Files in write() Mode Part 3
02:19
Read and Evaluate the Files
09:01
Reading and Writing .CSV and .TSV Files with Pandas
09:02
Reading and Writing .XLSX Files with Pandas
07:16
Reading and Writing .JSON Files
08:01
Reading Files from URL Links
01:43
Extract Text Data From PDF
08:56
Record the Audio and Convert to Text
09:54
Convert Audio in Text Data
09:32
Text to Speech Generation
04:04

Complete Text Cleaning and Preprocessing

27 lectures
Introduction
07:38
Word Counts
05:35
Characters Counts
05:10
Average Word Length
02:56
Stop Words Count
06:06
Count #hashtag and @mentions
04:32
Numeric Digit Count
04:24
Upper case Words Count
03:53
Lower case Conversion
03:05
Contraction to Expansion
07:59
Count and Remove Emails
09:03
Count and Remove URLs
10:10
Remove RT from Tweeter Data
03:54
Special Chars Removal and Punctuation Removal
03:20
Remove Multiple Spaces
01:45
Remove HTML Tags
04:07
Remove Accented Chars
03:00
Remove Stop Words
02:30
Convert into Base or Root Form of Words
07:03
Common Words Removal
06:06
Rare Words Removal
02:11
Word Cloud Visualization
03:45
Spelling Correction
02:21
Tokenization with TextBlob
01:56
Nouns Detection
01:29
Language Translation and Detection
02:33
Sentiment Prediction with TextBlob
03:06

Text Cleaning and Preprocessing in Python | Software Packaging for PIP Install

14 lectures
Code Files Setup
06:20
Readme and License File Preparation
06:16
Setup.py Preparation
09:29
Utils.py Code Along Part 1
07:53
Utils.py Code Along Part 2
07:39
Utils.py Code Along Part 3
08:35
Utils.py Code Along Part 4
10:18
__init__.py Code Along
13:27
GitHub Account Setup and Package Upload
10:28
SSH Key Setup for GitHub
05:52
Install Preprocess Python Package
05:40
Removing the Errors Part 1
04:05
Removing the Errors Part 2
14:12
Testing the Package
04:45

Introduction to Machine Learning with Scikit-Learn

12 lectures
Logistic Regression Intuition
08:19
Support Vector Machine Intuition
07:01
Decision Tree Intuition
05:25
Random Forest Intuition
03:33
L2 Regularization
08:07
L1 Regularization
04:38
Model Evaluation Metrics: Accuracy, Precision, Recall, and Confusion Matrix
08:05
Model Evaluation Metrics: ROC and AUC
03:26
Code Along in Python Part 1
06:36
Code Along in Python Part 2
07:02
Code Along in Python Part 3
06:33
Code Along in Python Part 4
11:07

Spam Text Classification

12 lectures
Text Feature Extraction Intuition Part 1
06:35
Text Feature Extraction Intuition Part 2
09:38
Bag of Words (BoW) Code Along in Python
05:25
Term Frequency (TF) Code Along in Python
06:33
Inverse Document Frequency (IDF) Code Along in Python
08:04
TFIDF Code Along in Python
04:23
Load Spam Dataset
04:28
Balance Dataset
03:50
Exploratory Data Analysis (EDA)
05:14
Data Preparation for Training
08:16
Build and Train SVM and Random Forest Models
08:53
Test Your Model with Real Data
02:20

Real-Time Twitter Sentiment Analysis

19 lectures
Notebook Setup
04:35
SVM Model Training
06:04
Test Your Model
06:36
Data Cleaning and Retraining SVM Part 1
06:08
Data Cleaning and Retraining SVM Part 2
04:55
Fine Tune Your ML Model
06:47
Saving and Loading ML Model
06:06
Create Twitter Developer Account
10:25
Get the Access Tokens
05:55
Reading Twitter Timeline in Real-Time
05:24
Tracking Keywords in Real-Time on Twitter Part 1
06:34
Tracking Keywords in Real-Time on Twitter Part 2
06:22
Tracking Keywords in Real-Time on Twitter Part 3
04:33
Real-Time Sentiment Analysis with TextBlob
08:08
Real-Time Sentiment Analysis with Trained ML Model
09:35
Real-Time Twitter Sentiment Analysis of USA vs China Part 1
07:18
Real-Time Twitter Sentiment Analysis of USA vs China Part 2
04:55
Real-Time Twitter Sentiment Animation Plot Part 1
07:09
Real-Time Twitter Sentiment Animation Plot Part 2
07:10

Fine Tuning of ML Algorithms

21 lectures
What is Feature Dimensionality Reduction
06:00
Principal Components Analysis (PCA)
05:14
Linear Discriminant Analysis (LDA)
07:27
Non-Negative Matrix Factorization (NMF)
03:16
Truncated Singular Value Decomposition (TSVD)
06:37
TF-IDF and Sparse Matrix Part 1
06:01
TF-IDF and Sparse Matrix Part 2
05:12
TF-IDF and Sparse Matrix Part 3
09:17
Non-Negative Matrix Factorization (NMF) Code Along Part 1
07:19
Non-Negative Matrix Factorization (NMF) Code Along Part 2
06:33
Truncated Singular Value Decomposition (TSVD) Code Along
09:33
What is Hyperparameters Tuning
05:04
Hyperparameter Tuning Methods
05:06
Grid Search for Hyperparameters with K-Fold Cross-Validation
05:18
GridSearch for Logistic Regression Hyperparameters Tuning Part 1
06:17
GridSearch for Logistic Regression Hyperparameters Tuning Part 2
11:15
GridSearch for SVM Hyperparameters Tuning Part 1
07:58
GridSearch for SVM Hyperparameters Tuning Part 2
15:04
Grid Search for Random Forest Classifier Hyperparameters Tuning
07:05
Random Search for Best Hyperparameters Selection
05:21
Selecting Best Models from Multiple ML Algorithms
07:19

Sentiment Analysis on IMDB Movie Reviews with TF-IDF Text Embedding

8 lectures
How Sentiment is Detected from Text Data
04:08
Text Preprocessing Package Install
05:09
Text Cleaning and Preprocessing
07:19
Data Preparation for Model Training
02:26
ML Model Building and Training
09:25
Logistic Regression Model Evaluation
02:12
Traning and Hyperparameters Tuning of SVM
05:53
Load and Store ML Model
04:35

ML Model Deployment with Flask

5 lectures
Install Flask
04:57
Run Flask Server
06:45
Model Preparation with Flask
06:52
Running Flask App with ML Model Part 1
05:34
Running Flask App with ML Model Part 2
05:51

Multi-Label Text Classification for Stack Overflow Tag Prediction

7 lectures
Getting Familiar with Data
05:20
What is Multi-Label Classification
03:29
Loading Dataset
06:24
Multi-Label Binarization
04:41
Text to TFIDF Vectors
06:01
Model Building and Jaccard Score
13:43
Improving and Saving the Model
07:41

Sentiment Analysis using Word2Vec Text Embedding

12 lectures
What is word2vec
05:39
How to Get word2vec
05:38
Word Vectors with Spacy
06:16
Semantic Similarity with Spacy
04:43
Data Preparation
04:49
Data Preprocessing
03:43
Get word2vec from DataFrame
05:53
Split Dataset in Train and Test
05:23
ML Model Traning and Testing
03:51
Support Vector Machine on word2vec
02:48
Grid Search Cross Validation for Hyperparameters Tuning
05:16
Test Every Machine Learning Model
05:35

Emotion Recognition in Text Data using GloVe Vectors Text Embedding

11 lectures
What is GloVe Vectors Part 1
06:44
What is GloVe Vectors Part 2
03:27
Download Pre-trained GloVe Vectors
06:29
Data Preparation
03:24
Preprocessing and Cleaning of Emotion Text Data
04:35
Load GloVe Vector
06:32
Text to GloVe Vectors
08:37
Text to GloVe on Pandas DataFrame
02:34
ML Model Training and Testing
07:57
Support Vector Machine for Emotion Recognition
03:03
Predict Text Emotion with Custom Data
03:49

Resume (CV) Parsing using Spacy 3

8 lectures
Resume (CV) Parsing Introduction
04:32
NER Training Introduction and Config Setup
06:21
NER Training Data Preparation
07:20
Training Configuration File Explanation
06:45
NER Training Data Preparation Part 1
08:11
NER Training Data Preparation Part 2
07:58
NER Training with Transformers
08:54
CV Parsing and NER Prediction
12:46

Sentiment Analysis using Deep Learning

19 lectures
What is Deep Learning?
05:46
What Makes Deep Learning State-of-the-Art?
06:29
How Deep Learning Works?
05:57
Types of Neural Networks in Deep Learning - ANN
06:25
Types of Neural Networks in Deep Learning - CNN
06:46
How Deep Learning Learns?
04:57
What is the Difference Between Deep Learning and Machine Learning?
03:18
Build ANN - Steps for Building Your First Model
05:35
Python Package Installation
04:52
Data Preprocessing
07:25
Get the word2vec
03:26
Train Test and Split
06:22
Feature Standardization
02:21
ANN Model Building and Training
07:06
Confusion Matrix Plot
04:20
Setting Custom Threshold
08:50
1D CNN Model Building and Training
09:41
Plot Learning Curve
03:43
Model Load, Store and Testing
07:59

Hate Speech Classification | Multi-Class Classification with CNN

10 lectures
Hate Speech Classification Introduction?
04:08
Import Python Package
06:12
Dataset Balancing
08:34
Text Preprocessing
05:58
Text Tokenization
09:56
Train Test and Split
04:14
Build and Train CNN
08:53
Model Testing
05:28
Testing with Custom Data
04:53
Load Store Model
02:47

Poetry Generation Using Tensorflow, Keras, and LSTM

12 lectures
Introduction to Reccurent Neural Network (RNN)
05:11
Types of RNN
03:38
The Problem of RNN's or Long-Term Dependencies
06:54
Long Short Term Memory (LSTM) Networks
08:21
Sequence Generation Scheme
06:01
Loading Poetry Dataset
02:34
Tokenization
10:11
Prepare Training Data
06:28
Padding
07:34
LSTM Model Training
06:49
Poetry Generation Part 1
07:41
Poetry Generation Part 2
07:31

Disaster Tweets Classification using Deep Learning Word Embeddings

13 lectures
Disaster Tweets Dataset Understanding
07:09
Download Dataset
04:33
Target Class Distribution
07:33
Number of Characters Distribution in Tweets
11:54
Number of Words, Average Words Length, and Stop words Distribution in Tweets
07:05
Most and Least Common Words
07:09
One-Shot Data Cleaning
05:07
Disaster Words Visualization with Word Cloud
05:28
Classification with TF-IDF and SVM
09:05
Prediction on Test Data
00:11
Classification with Word2Vec and SVM
09:54
Word Embeddings and Classification with Deep Learning Part 1
09:08
Word Embeddings and Classification with Deep Learning Part 2
11:43

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