Mô tả

Recent reviews:

"Thorough explanation, going great so far. A very simplistic and straightforward introduction to Natural Language Processing. I will recommend this class to any one looking towards Data Science"

"This course so far is breaking down the content into smart bite-size pieces and the professor explains everything patiently and gives just enough background so that I do not feel lost."

"This course is really good for me. it is easy to understand and it covers a wide range of NLP topics from the basics, machine learning to Deep Learning.

The codes used is practical and useful.

I definitely satisfy with the content and surely recommend to everyone who is interested in Natural Language Processing"

------------------------------------------------------------------------------------------------------------------------------------------------------

Update 1.0 :

Fasttext Library for Text classification section added.

------------------------------------------------------------------------------------------------------------------------------------------------------

Hi Data Lovers,

Do you have idea about Which Artificial Intelligence field is going to get big in upcoming year?

According to statista dot com which field of AI is predicted to reach $43 billion by 2025?

If  answer is 'Natural Language Processing', You are at right place.

-----------------------------------------------------------------------------------------------------------------------------------------------------


Do you want to know

  • How Google News classify millions of news article into hundreds of different category.

  • How Android speech recognition recognize your voice with such high accuracy.

  • How Google Translate actually translate hundreds of pairs of different languages into one another.

If answer is "Yes", You are on right track.

and to help yourself, me and my friend Vijay have created comprehensive course  For Students and Professionals to learn Natural Language Processing from very Beginning

-----------------------------------------------------------------------------------------------------------------------------------------------------


NLP - "Natural Language Processing" has found space in every aspect of our daily life.

Cell phone internet are the integral part of our life. Any most application you will find the use of NLP methods, from search engine of Google to recommendation system of Amazon & Netflix.

  • Chat-bot

  • Google Now, Apple Siri, Amazon Alexa

  • Machine Translation

  • Sentiment analysis

  • Speech Recognition and many more.

So, welcome to my course on NLP.

Natural Language Processing (NLP) in Python with 8 Projects

-----------------------------------------------------------------------------------------------------------------------------------------------------


This course has 10+ Hours of HD Quality video, and following content.

Course Outline :

1 : Welcome In this section we will get complete idea about what we are going to learn in the whole course and understanding related to natural language processing.


2 :  Installation & Setup In this section we will get our online environment Google Colab setup.


3 : Basics of Natural Language Processing In this section we will dive into all basic NLP task like Tokenization, Lemmatization, stop word removal, name entity   recognition, part of speech tagging, and see how to apply with different functions available in a  Spacy and NLTK library.


4, 5, 6 : Spam Message Classification,  Restaurant Review Prediction (Good or bad),  IMDB, Amazon and Yelp review Classification

In the next 3 section we will get dive into a real world data set for text classification, spam detection, restaurant review classification, Amazon IMDb reviews. We will see how to do Pre-Processing and make your data suitable for machine learning algorithm and apply different Machine Learning estimator (Logistic Regression, SVM, Decision Tree) for classifying text.


7, 8 : Automated Text Summarization,  Twitter sentiment Analysis In this 2 section we will work upon real world application of NLP.

Automatic text summarisation, Which compress your text to find the summary of big articles

Another one we will work is finding the sentiment from the recently posted tweet about some specific keyword with the help of Twitter API - tweepy library


9 : Deep Learning Basics In This Section we will get a basic idea about Deep learning concept, like artificial neural network activation function and how ANN works.


10 : Word Embedding In This Section, we will see How to implement word2vec on our custom datasets, as well as using Pretrained Google Model.


11, 12 : Text Classification with CNN & RNN In this section we will see how to apply advanced deep learning model like convolution neural networks and recurrent neural networks for text classification.


13 : Automatic Text Generation using TensorFlow, Keras and LSTM In this section we will apply neural network based LSTM model to automatically generate text.


14, 15, 16, 17 : Numpy, Pandas, Matplotlib + File Processing In this section, for all of you who want refresh concept related to data analysis with Numpy and Pandas library, Data Visualization with Matplotlib library, and Text File processing and PDF File processing.

-----------------------------------------------------------------------------------------------------------------------------------------------------


So, This is the one of the most comprehensive course on natural language processing,

And I am expecting you to know basic knowledge of python and your curiosity to learn Different techniques in NLP world.


YOU'LL ALSO GET:

  • Lifetime access to Natural Language Processing (NLP) with Python Course

  • Udemy Certificate of Completion available for download

  • Friendly support in the Q&A section


So What Are You Waiting For ? Enroll today! and Empower Your Career !

I can't wait for you to get started on mastering NLP with Python.

Start analyzing your text data & I will see you inside a class.


Regards

Ankit & Vijay

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

The Complete understanding of Natural Language Processing

Implement NLP related task with Scikit-learn, NLTK and SpaCy

Apply Machine Learning Model to Classify Text Data

Text Classification (Spam Detection, Amazon product Review Classification)

Text Summarization (Turn 5000 word article into 200 Words)

Calculate Sentiment Score from Recently Posted Tweet (Tweeter API)

Refresh your Deep Learning Concepts (ANN, CNN & RNN)

Build your own Word Embedding (Word2vec) Model with Keras

Word Embeddings application with Google Pretrained Model

Spam Message Detection with Neural Network Based CNN and RNN Model

Automatic Text Generation using TensorFlow, Keras and LSTM

Working with Text Files & PDF in Python (PyPDF2 module)

Tokenization, Stemming and Lemmatization

Stop Words, Parts of Speech (POS) Tagging with NLTK

Vocabulary, Matching, Named Entity Recognition (NER)

Data Analysis with Numpy and Pandas

Data Visualization with Matplotlib library

Yêu cầu

  • Basic understanding of Python Programming

Nội dung khoá học

19 sections

Welcome

4 lectures
Course Overview
03:19
Reviews UPDATE
01:26
Introduction to NLP
07:11
Course FAQ's
00:22

Installation & Setup

4 lectures
Course Installation
10:34
Local Installation Steps
00:08
Links to Notebooks (As taught in Lectures)
00:28
Links to Notebooks (More explanatory notebook for refrence)
00:29

Basics of Natural Language Processing

14 lectures
Section : Introduction
02:39
Tokenization Basic Part - 1
08:57
Tokenization Basic Part - 2
07:26
Tokenization Basic Part - 3
02:51
Stemming & Lemmatization - 1
06:21
Stemming & Lemmatization - 2
04:12
Stop Words
06:20
Vocabulary and Matching Part - 1
08:42
Vocabulary and Matching Part - 2 (Rule Based)
07:16
Vocabulary and Matching Part - 3 (Phrase Based)
03:25
Parts of Speech Tagging
07:46
Named Entity Recognition
12:18
Sentence Segmentation
08:27
NLP Basics
4 questions

Project 1 : Spam Message Classification

7 lectures
Business Problem & Dataset
07:28
Data Exploration & Preprocessing
09:14
Split Data in Training & Testing
06:30
Apply Random Forest
11:09
Apply Support vector Machine (SVM)
04:35
Predict Testing Data both model
02:56
Quiz
1 question

Project 2 : Restaurant Review Prediction (Good or bad)

5 lectures
Business Problem
04:10
Cleaning Text Data with NLTK - 1
08:58
Cleaning Text Data with NLTK - 2
07:12
Bag of Word Model
09:01
Apply Naive Bayes Algorithm
04:47

Project 3 : IMDB, Amazon and Yelp review Classification

2 lectures
Review Classification Part -1
09:18
Review Classification Part - 2
08:07

Project 4 : Automated Text Summarization

4 lectures
Importing the libraries and Dataset
07:57
Create Word Frequency Counter
07:46
Calculate Sentence Score
06:42
Extract summary of document
04:06

Project 5 : Twitter sentiment Analysis

3 lectures
Setting up Twitter Developer application
06:55
Fetch Tweet from Tweeter server
04:19
Find Setiment from Tweets
09:43

Deep Learning Basics

4 lectures
The Neuron
05:29
Activation Function
08:24
Cost Function
02:47
Gradient Descent and Back-Propagation
04:02

Word Embeddings

5 lectures
Introduction to Word Embedding
09:42
Train Model for Embedding - I
07:51
Train Model for Embedding - II
05:48
Embeddings with Pretrained model
06:16
Word Embeddings
3 questions

Project 6 : Text Classification with CNN

4 lectures
Convolutional Neural Network Part 1
05:12
Convolutional Neural Network Part 2
04:23
Spam Detection with CNN - I
09:42
Spam Detection with CNN - II
08:01

Project 7 : Text Classification with RNN

4 lectures
Introduction to Recurrent Neural Networks
02:09
Vanishing Gradient Problem
02:06
LSTM and GRU
03:30
Spam Detection with RNN
06:01

Project 8 : Automatic Text Generation using TensorFlow, Keras and LSTM

2 lectures
Text Generation Part I
11:28
Text Generation Part II
05:47

FastText Library for Text Classification

6 lectures
fasttext Installation steps [Video]
01:51
fasttext Installation steps [Text]
00:10
Virtual Box Installation
04:53
Create Linux Virtual Machine
07:42
Install fasttext library
05:43
Text Classification with Fasttext
14:21

Data analysis with Numpy

7 lectures
Introduction to NumPy
00:52
Numpy Arrays Part 1
03:50
Numpy Arrays Part 2
10:47
Numpy Arrays Part 3
05:33
Numpy Indexing and Selection Part 1
09:09
Numpy Indexing and Selection Part 2
05:20
Numpy Operations
05:16

Data analysis with Pandas

10 lectures
Pandas Introduction
00:40
Pandas Series
13:29
DataFrames Part 1
13:34
DataFrames Part 2
10:04
DataFrames Part 3
10:57
Missing Data
08:17
Groupby Method
10:27
Merging, Joining and Concatenating DataFrames
09:52
Pandas Operations
08:21
Reading and Writing Files in Pandas
08:40

Data Visualization with Matplotlib

6 lectures
Matplotlib Part 1 - Functional Method
13:07
Matplotlib Part 1 - Object Oriented Method
08:25
Matplotlib Part 2 - Subplots Method
06:52
Matplotlib Part 2 - Figure size, Aspect ratio and DPI
09:41
Matplotlib Part 3
07:04
Matplotlib Part 4
12:26

Appendix

5 lectures
Text File Processing - I
07:27
Text File Processing - II
08:03
Text File Processing - III
11:00
Text File Processing - IV
03:07
Working with PDF File - I
08:38

Bonus Lecture

1 lectures
Bonus: Discounts for More Courses
00:26

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