SlideShare a Scribd company logo
1 of 27
Recent trends in
Natural Language Processing
LLCS - School 1
About Speaker
LLCS - School 2
LLCS - School 3
Agenda
• NLP: Methods, Tools, State of the art.
• Demonstration
LLCS - School 4
What is NLP
• To analyze, understand, generate Human languages with the help
of computers.
• An Interface between the humans and machines.
• E.g. Spell check, chat bots, Grammarly.
LLCS - School 5
History
https://www.csee.umbc.edu/courses/471/papers/turing.pdf
http://www.hutchinsweb.me.uk/GU-IBM-2005.pdf
Alan Turing
1950’s
1954
1966
1970’s
1980’s
1990’s
2006
2010’s
2020*
Alan Turing Second paper “Computing machinery and intelligence”
Georgetown experiment on fully automated Machine translation from
Russian to English.
ELIZA , First computer therapist Bot
Conceptual dependency theory for NLP.
Statistical Machine translation was developed.
NLP Models to increase capabilities.
IBM Watson
NLP on homes – Siri, Alexa
AI powered Chatbots
LLCS - School 6
Methods in NLP
• Rule based NLP
• Hard code (Grammars, Patterns, Heuristics, etc)
• Statistical based NLP
• Learning rules from a large set of data(corpus) using statistical
techniques like ML and DL.
LLCS - School 7
Rule based NLP
• Perform well in simple , specific task. But can’t be generalize well.
• Some examples,
• Preprocessing text
• Searching for a specific pattern in a huge dataset.
• Analysis of grammar rules.
LLCS - School 8
Rule based pipeline for NLP
LLCS - School 9
Lemmatization
• Converting words into base form is called lemmatization.
• Python packages – Spacy, NLTK.
• e.g. Lets take word, Help
Word Lemma
Help Help
Helping Help
Helped Help
Helps Help
LLCS - School 10
Stemming
• Converting words into stem word is called stemming.
• Python packages – Spacy, NLTK.
• e.g. Lets take few words,
Word Lemma
Consign Consign
Adjustable Adjust
Studying Study
Formality Formaliti
LLCS - School 11
Morphological Segmentation
• Converting word into Morphemes.
• Python packages, Spacy, NLTK, Polyglot.
• e.g. Lets take few words
Word Morphemes
Governments Govern – ment – s
Processing Process – ing
Processor Process – or
Invaluable In – valuable
LLCS - School 12
Word / Sentence Segmentation
• Rule based approach: Morphological analysis based on lexical and
grammatical knowledge.
• Corpus based approach: Learn words from corpus.
Continuous set of word Word Segmentation
Whatdoesthisreferto What does this refer to
Paragraph Sentence Segmentation
He is a programmer. He always think
about his work.
He is a programmer.
He always think about his work.
LLCS - School 13
POS-Tagging
• Rule based approach: Specific tag given to a token, parts of
speech(POS).
• For example, verb, noun, pronoun, etc.
LLCS - School 14
Rule based NLP - Demo
https://colab.research.google.com/drive/1MVBJKFAAJyHjCOmuINC7IrHArNnwC8wz
https://colab.research.google.com/drive/1jQ7kp_RUE0Os0b4HLB7kLEQ6S1nzWVKJ
Basic NLP processing
POS tagging
LLCS - School 15
Statistical based Learning
Before Deep Learning
Unsupervised Learning
Learning structure from un-labelled data
(e.g. clustering, topic modelling)
Supervised Learning
Learning to predict from labelled data
(e.g. regression,
classification, generation, etc.)
LLCS - School 16
Feature extraction
• Manual features
• Bag of words features
• Tf-idf
• N-grams
• Word embedding
LLCS - School 17
Types of Model
Unsupervised Learning
• Clustering(k-means)
• Topic modeling(LDA – Latent Dirichlet Allocation ,LSA – Latent semantic Analysis)
• Word Embeddings
Supervised Learning
• Decision trees
• Bayesian algorithms ( Naive Bayes)
• Regression algorithms( Linear, Logistic)
• Instant based algorithms( KNN, SVM)
• Neural Networks https://machinelearningmastery.com/a-tour-of-machine-learning-algorithms/
LLCS - School 18
Statistical based Learning
After Deep Learning
Issues with traditional ML techniques:
• Hand-engineered features are inefficient.
• Representational capacity of model are limited.
• Long or/ and variable length sequences are
challenging.
LLCS - School 19
• To solve we have word embeddings
• Some of the models and algorithms:
• Context independent (words):
• Word2Vec
• GloVe
• FastText
• Context dependent (sentence):
• ELMo – Embedding from Language
Model
• InferSent
Learning better features
https://lilianweng.github.io/lil-log/2017/10/15/learning-word-embedding.html
LLCS - School 20
Types of Neural Networks
CNN
Fully connected NN
RNN
GNN
LLCS - School 21
RNN Improvements
• LSTM – Long Short Term Memory units
• Bi-Directional RNN
• Attention mechanism
Bi-directional RNN
LSTM
unit
Attention mechanism
LLCS - School 22
Current State of the Art NLP Model
• LSTMs are difficult to parallelize and
have challenges for longer sequences.
• Transformer networks use only
attention mechanisms, with some
positional encoding information.
• however, they are often huge models
with lots of weights.
http://jalammar.github.io/illustrated-transformer/
https://arxiv.org/abs/1706.03762
LLCS - School 23
Statistical based NLP - Demo
Transformers Networks https://colab.research.google.com/drive/1RFJaAa0AWVLg8cLj2
3J5bigKjv-O9mBI#scrollTo=AqwORzIUX_OI
https://colab.research.google.com/drive/16uf3VAuzUIcbhpSmg
INjx7wL8YdvbdNn
Text classification using
Bag of words model
LLCS - School 24
Applications
Group 1 Group 2 Group 3
• Tokenization
• Stemming
• Lemmatization
• POS tagging
• Query Expansion
• Parsing
• Topic
segmentation/recognition
• Morphological
Segmentation(word /
sentence)
• Information retrieval/
extraction
• Relationship extraction
• Named Entity recognition
• Sentiment analysis /
sentence boundary
disambiguation
• Word sense /
disambiguation
• Text similarity
• Coreference resolution
• Discourse analysis
• Machine translation
• Automatic summarization
and paraphrasing
• Natural language
generation
• Reasoning over knowledge
based
• Question answer system
• Dialog system
• Image captioning and
other multimodal tasks
https://www.datasciencecentral.com/profiles/blogs/overview-of-artificial-intelligence-and-role-of-natural-language
LLCS - School 25
Deep learning algorithms & NLP
Deep Learning Algorithms NLP Usage
Neural Network Parts of speech tagging
Tokenization
Named entity recognition
Intent extraction
Recurrent Neural Network Machine translation
Question answering system
Image captioning
Recursive Neural Network Parsing sentences
Sentiment analysis
Relation classification
Convolutional Neural Network Spam detection
Relation extraction and classification
Categorization of search queries
LLCS - School 26
NLP tools:
• NLTK
• Spacy
• Pattern
• Stanza
• Gensim
• TextBlob
NLP tools and resources
Machine learning packages:
• Pytorch
• Scikit-Learn
• Tensorflow
Machine learning packages for NLP:
• Transformers
• Allen NLP
https://github.com/sebastianruder/NLP-progress
Links:
https://paperswithcode.com/area/natural-
language-processing
https://github.com/sea-bass/intro-nlp
(Programs taken from this repositoty)
LLCS - School 27agenda
Thanks

More Related Content

What's hot

Word Embeddings - Introduction
Word Embeddings - IntroductionWord Embeddings - Introduction
Word Embeddings - IntroductionChristian Perone
 
Natural lanaguage processing
Natural lanaguage processingNatural lanaguage processing
Natural lanaguage processinggulshan kumar
 
Introduction to Named Entity Recognition
Introduction to Named Entity RecognitionIntroduction to Named Entity Recognition
Introduction to Named Entity RecognitionTomer Lieber
 
Natural language processing (NLP) introduction
Natural language processing (NLP) introductionNatural language processing (NLP) introduction
Natural language processing (NLP) introductionRobert Lujo
 
Natural language processing
Natural language processingNatural language processing
Natural language processingAbash shah
 
Natural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionNatural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionAritra Mukherjee
 
Natural language processing
Natural language processingNatural language processing
Natural language processingYogendra Tamang
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language ProcessingYasir Khan
 
Natural language processing
Natural language processingNatural language processing
Natural language processingHansi Thenuwara
 
Natural language processing (NLP)
Natural language processing (NLP) Natural language processing (NLP)
Natural language processing (NLP) ASWINKP11
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processingsaurabhnarhe
 
Natural language processing (nlp)
Natural language processing (nlp)Natural language processing (nlp)
Natural language processing (nlp)Kuppusamy P
 
Machine Learning Ml Overview Algorithms Use Cases And Applications
Machine Learning Ml Overview Algorithms Use Cases And ApplicationsMachine Learning Ml Overview Algorithms Use Cases And Applications
Machine Learning Ml Overview Algorithms Use Cases And ApplicationsSlideTeam
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDevashish Shanker
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language ProcessingRishikese MR
 
Introduction to Natural Language Processing (NLP)
Introduction to Natural Language Processing (NLP)Introduction to Natural Language Processing (NLP)
Introduction to Natural Language Processing (NLP)VenkateshMurugadas
 

What's hot (20)

Word Embeddings - Introduction
Word Embeddings - IntroductionWord Embeddings - Introduction
Word Embeddings - Introduction
 
Natural lanaguage processing
Natural lanaguage processingNatural lanaguage processing
Natural lanaguage processing
 
Introduction to Named Entity Recognition
Introduction to Named Entity RecognitionIntroduction to Named Entity Recognition
Introduction to Named Entity Recognition
 
Natural language processing (NLP) introduction
Natural language processing (NLP) introductionNatural language processing (NLP) introduction
Natural language processing (NLP) introduction
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 
Introduction to Transformer Model
Introduction to Transformer ModelIntroduction to Transformer Model
Introduction to Transformer Model
 
Natural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionNatural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - Introduction
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 
Natural language processing (NLP)
Natural language processing (NLP) Natural language processing (NLP)
Natural language processing (NLP)
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
 
Natural language processing (nlp)
Natural language processing (nlp)Natural language processing (nlp)
Natural language processing (nlp)
 
Machine Learning Ml Overview Algorithms Use Cases And Applications
Machine Learning Ml Overview Algorithms Use Cases And ApplicationsMachine Learning Ml Overview Algorithms Use Cases And Applications
Machine Learning Ml Overview Algorithms Use Cases And Applications
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
 
Word embedding
Word embedding Word embedding
Word embedding
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
 
Introduction to Natural Language Processing (NLP)
Introduction to Natural Language Processing (NLP)Introduction to Natural Language Processing (NLP)
Introduction to Natural Language Processing (NLP)
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 

Similar to Recent trends in natural language processing

GPT-2: Language Models are Unsupervised Multitask Learners
GPT-2: Language Models are Unsupervised Multitask LearnersGPT-2: Language Models are Unsupervised Multitask Learners
GPT-2: Language Models are Unsupervised Multitask LearnersYoung Seok Kim
 
Introduction to natural language processing
Introduction to natural language processingIntroduction to natural language processing
Introduction to natural language processingMinh Pham
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)Yuriy Guts
 
2010 INTERSPEECH
2010 INTERSPEECH 2010 INTERSPEECH
2010 INTERSPEECH WarNik Chow
 
Nlp research presentation
Nlp research presentationNlp research presentation
Nlp research presentationSurya Sg
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)Abdullah al Mamun
 
Natural Language Processing, Techniques, Current Trends and Applications in I...
Natural Language Processing, Techniques, Current Trends and Applications in I...Natural Language Processing, Techniques, Current Trends and Applications in I...
Natural Language Processing, Techniques, Current Trends and Applications in I...RajkiranVeluri
 
Natural Language Generation / Stanford cs224n 2019w lecture 15 Review
Natural Language Generation / Stanford cs224n 2019w lecture 15 ReviewNatural Language Generation / Stanford cs224n 2019w lecture 15 Review
Natural Language Generation / Stanford cs224n 2019w lecture 15 Reviewchangedaeoh
 
RuleML2015 - Tutorial - Powerful Practical Semantic Rules in Rulelog - Funda...
RuleML2015 - Tutorial -  Powerful Practical Semantic Rules in Rulelog - Funda...RuleML2015 - Tutorial -  Powerful Practical Semantic Rules in Rulelog - Funda...
RuleML2015 - Tutorial - Powerful Practical Semantic Rules in Rulelog - Funda...RuleML
 
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...Machine Learning Prague
 
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0Plain Concepts
 
Using construction grammar in conversational systems
Using construction grammar in conversational systemsUsing construction grammar in conversational systems
Using construction grammar in conversational systemsCJ Jenkins
 
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Saurabh Kaushik
 
Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"Fwdays
 
NLP,expert,robotics.pptx
NLP,expert,robotics.pptxNLP,expert,robotics.pptx
NLP,expert,robotics.pptxAmanBadesra1
 
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPT
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPTAutomate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPT
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPTAnant Corporation
 
NLP pipeline in machine translation
NLP pipeline in machine translationNLP pipeline in machine translation
NLP pipeline in machine translationMarcis Pinnis
 
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"Fwdays
 
NLP Bootcamp 2018 : Representation Learning of text for NLP
NLP Bootcamp 2018 : Representation Learning of text for NLPNLP Bootcamp 2018 : Representation Learning of text for NLP
NLP Bootcamp 2018 : Representation Learning of text for NLPAnuj Gupta
 

Similar to Recent trends in natural language processing (20)

GPT-2: Language Models are Unsupervised Multitask Learners
GPT-2: Language Models are Unsupervised Multitask LearnersGPT-2: Language Models are Unsupervised Multitask Learners
GPT-2: Language Models are Unsupervised Multitask Learners
 
Introduction to natural language processing
Introduction to natural language processingIntroduction to natural language processing
Introduction to natural language processing
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)
 
2010 INTERSPEECH
2010 INTERSPEECH 2010 INTERSPEECH
2010 INTERSPEECH
 
Nlp research presentation
Nlp research presentationNlp research presentation
Nlp research presentation
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)
 
Natural Language Processing, Techniques, Current Trends and Applications in I...
Natural Language Processing, Techniques, Current Trends and Applications in I...Natural Language Processing, Techniques, Current Trends and Applications in I...
Natural Language Processing, Techniques, Current Trends and Applications in I...
 
Natural Language Generation / Stanford cs224n 2019w lecture 15 Review
Natural Language Generation / Stanford cs224n 2019w lecture 15 ReviewNatural Language Generation / Stanford cs224n 2019w lecture 15 Review
Natural Language Generation / Stanford cs224n 2019w lecture 15 Review
 
RuleML2015 - Tutorial - Powerful Practical Semantic Rules in Rulelog - Funda...
RuleML2015 - Tutorial -  Powerful Practical Semantic Rules in Rulelog - Funda...RuleML2015 - Tutorial -  Powerful Practical Semantic Rules in Rulelog - Funda...
RuleML2015 - Tutorial - Powerful Practical Semantic Rules in Rulelog - Funda...
 
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...
Chris Brew - TR Discover: A Natural Language Interface for Exploring Linked D...
 
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0
DotNet 2019 | Pablo Doval - Recurrent Neural Networks with TF2.0
 
Using construction grammar in conversational systems
Using construction grammar in conversational systemsUsing construction grammar in conversational systems
Using construction grammar in conversational systems
 
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
 
Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"Thomas Wolf "Transfer learning in NLP"
Thomas Wolf "Transfer learning in NLP"
 
Aspects of NLP Practice
Aspects of NLP PracticeAspects of NLP Practice
Aspects of NLP Practice
 
NLP,expert,robotics.pptx
NLP,expert,robotics.pptxNLP,expert,robotics.pptx
NLP,expert,robotics.pptx
 
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPT
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPTAutomate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPT
Automate your Job and Business with ChatGPT #3 - Fundamentals of LLM/GPT
 
NLP pipeline in machine translation
NLP pipeline in machine translationNLP pipeline in machine translation
NLP pipeline in machine translation
 
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"
Thomas Wolf "An Introduction to Transfer Learning and Hugging Face"
 
NLP Bootcamp 2018 : Representation Learning of text for NLP
NLP Bootcamp 2018 : Representation Learning of text for NLPNLP Bootcamp 2018 : Representation Learning of text for NLP
NLP Bootcamp 2018 : Representation Learning of text for NLP
 

Recently uploaded

call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfUjwalaBharambe
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Celine George
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 
AmericanHighSchoolsprezentacijaoskolama.
AmericanHighSchoolsprezentacijaoskolama.AmericanHighSchoolsprezentacijaoskolama.
AmericanHighSchoolsprezentacijaoskolama.arsicmarija21
 
Romantic Opera MUSIC FOR GRADE NINE pptx
Romantic Opera MUSIC FOR GRADE NINE pptxRomantic Opera MUSIC FOR GRADE NINE pptx
Romantic Opera MUSIC FOR GRADE NINE pptxsqpmdrvczh
 
Judging the Relevance and worth of ideas part 2.pptx
Judging the Relevance  and worth of ideas part 2.pptxJudging the Relevance  and worth of ideas part 2.pptx
Judging the Relevance and worth of ideas part 2.pptxSherlyMaeNeri
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatYousafMalik24
 
Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Celine George
 
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxGrade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxChelloAnnAsuncion2
 
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...JhezDiaz1
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPCeline George
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17Celine George
 
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdf
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdfLike-prefer-love -hate+verb+ing & silent letters & citizenship text.pdf
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdfMr Bounab Samir
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...Nguyen Thanh Tu Collection
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Celine George
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxRaymartEstabillo3
 
Atmosphere science 7 quarter 4 .........
Atmosphere science 7 quarter 4 .........Atmosphere science 7 quarter 4 .........
Atmosphere science 7 quarter 4 .........LeaCamillePacle
 

Recently uploaded (20)

call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 
AmericanHighSchoolsprezentacijaoskolama.
AmericanHighSchoolsprezentacijaoskolama.AmericanHighSchoolsprezentacijaoskolama.
AmericanHighSchoolsprezentacijaoskolama.
 
Romantic Opera MUSIC FOR GRADE NINE pptx
Romantic Opera MUSIC FOR GRADE NINE pptxRomantic Opera MUSIC FOR GRADE NINE pptx
Romantic Opera MUSIC FOR GRADE NINE pptx
 
Judging the Relevance and worth of ideas part 2.pptx
Judging the Relevance  and worth of ideas part 2.pptxJudging the Relevance  and worth of ideas part 2.pptx
Judging the Relevance and worth of ideas part 2.pptx
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice great
 
Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17
 
Rapple "Scholarly Communications and the Sustainable Development Goals"
Rapple "Scholarly Communications and the Sustainable Development Goals"Rapple "Scholarly Communications and the Sustainable Development Goals"
Rapple "Scholarly Communications and the Sustainable Development Goals"
 
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptxGrade 9 Q4-MELC1-Active and Passive Voice.pptx
Grade 9 Q4-MELC1-Active and Passive Voice.pptx
 
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...
ENGLISH 7_Q4_LESSON 2_ Employing a Variety of Strategies for Effective Interp...
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERP
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17
 
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdf
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdfLike-prefer-love -hate+verb+ing & silent letters & citizenship text.pdf
Like-prefer-love -hate+verb+ing & silent letters & citizenship text.pdf
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
 
Atmosphere science 7 quarter 4 .........
Atmosphere science 7 quarter 4 .........Atmosphere science 7 quarter 4 .........
Atmosphere science 7 quarter 4 .........
 

Recent trends in natural language processing

  • 1. Recent trends in Natural Language Processing LLCS - School 1
  • 3. LLCS - School 3 Agenda • NLP: Methods, Tools, State of the art. • Demonstration
  • 4. LLCS - School 4 What is NLP • To analyze, understand, generate Human languages with the help of computers. • An Interface between the humans and machines. • E.g. Spell check, chat bots, Grammarly.
  • 5. LLCS - School 5 History https://www.csee.umbc.edu/courses/471/papers/turing.pdf http://www.hutchinsweb.me.uk/GU-IBM-2005.pdf Alan Turing 1950’s 1954 1966 1970’s 1980’s 1990’s 2006 2010’s 2020* Alan Turing Second paper “Computing machinery and intelligence” Georgetown experiment on fully automated Machine translation from Russian to English. ELIZA , First computer therapist Bot Conceptual dependency theory for NLP. Statistical Machine translation was developed. NLP Models to increase capabilities. IBM Watson NLP on homes – Siri, Alexa AI powered Chatbots
  • 6. LLCS - School 6 Methods in NLP • Rule based NLP • Hard code (Grammars, Patterns, Heuristics, etc) • Statistical based NLP • Learning rules from a large set of data(corpus) using statistical techniques like ML and DL.
  • 7. LLCS - School 7 Rule based NLP • Perform well in simple , specific task. But can’t be generalize well. • Some examples, • Preprocessing text • Searching for a specific pattern in a huge dataset. • Analysis of grammar rules.
  • 8. LLCS - School 8 Rule based pipeline for NLP
  • 9. LLCS - School 9 Lemmatization • Converting words into base form is called lemmatization. • Python packages – Spacy, NLTK. • e.g. Lets take word, Help Word Lemma Help Help Helping Help Helped Help Helps Help
  • 10. LLCS - School 10 Stemming • Converting words into stem word is called stemming. • Python packages – Spacy, NLTK. • e.g. Lets take few words, Word Lemma Consign Consign Adjustable Adjust Studying Study Formality Formaliti
  • 11. LLCS - School 11 Morphological Segmentation • Converting word into Morphemes. • Python packages, Spacy, NLTK, Polyglot. • e.g. Lets take few words Word Morphemes Governments Govern – ment – s Processing Process – ing Processor Process – or Invaluable In – valuable
  • 12. LLCS - School 12 Word / Sentence Segmentation • Rule based approach: Morphological analysis based on lexical and grammatical knowledge. • Corpus based approach: Learn words from corpus. Continuous set of word Word Segmentation Whatdoesthisreferto What does this refer to Paragraph Sentence Segmentation He is a programmer. He always think about his work. He is a programmer. He always think about his work.
  • 13. LLCS - School 13 POS-Tagging • Rule based approach: Specific tag given to a token, parts of speech(POS). • For example, verb, noun, pronoun, etc.
  • 14. LLCS - School 14 Rule based NLP - Demo https://colab.research.google.com/drive/1MVBJKFAAJyHjCOmuINC7IrHArNnwC8wz https://colab.research.google.com/drive/1jQ7kp_RUE0Os0b4HLB7kLEQ6S1nzWVKJ Basic NLP processing POS tagging
  • 15. LLCS - School 15 Statistical based Learning Before Deep Learning Unsupervised Learning Learning structure from un-labelled data (e.g. clustering, topic modelling) Supervised Learning Learning to predict from labelled data (e.g. regression, classification, generation, etc.)
  • 16. LLCS - School 16 Feature extraction • Manual features • Bag of words features • Tf-idf • N-grams • Word embedding
  • 17. LLCS - School 17 Types of Model Unsupervised Learning • Clustering(k-means) • Topic modeling(LDA – Latent Dirichlet Allocation ,LSA – Latent semantic Analysis) • Word Embeddings Supervised Learning • Decision trees • Bayesian algorithms ( Naive Bayes) • Regression algorithms( Linear, Logistic) • Instant based algorithms( KNN, SVM) • Neural Networks https://machinelearningmastery.com/a-tour-of-machine-learning-algorithms/
  • 18. LLCS - School 18 Statistical based Learning After Deep Learning Issues with traditional ML techniques: • Hand-engineered features are inefficient. • Representational capacity of model are limited. • Long or/ and variable length sequences are challenging.
  • 19. LLCS - School 19 • To solve we have word embeddings • Some of the models and algorithms: • Context independent (words): • Word2Vec • GloVe • FastText • Context dependent (sentence): • ELMo – Embedding from Language Model • InferSent Learning better features https://lilianweng.github.io/lil-log/2017/10/15/learning-word-embedding.html
  • 20. LLCS - School 20 Types of Neural Networks CNN Fully connected NN RNN GNN
  • 21. LLCS - School 21 RNN Improvements • LSTM – Long Short Term Memory units • Bi-Directional RNN • Attention mechanism Bi-directional RNN LSTM unit Attention mechanism
  • 22. LLCS - School 22 Current State of the Art NLP Model • LSTMs are difficult to parallelize and have challenges for longer sequences. • Transformer networks use only attention mechanisms, with some positional encoding information. • however, they are often huge models with lots of weights. http://jalammar.github.io/illustrated-transformer/ https://arxiv.org/abs/1706.03762
  • 23. LLCS - School 23 Statistical based NLP - Demo Transformers Networks https://colab.research.google.com/drive/1RFJaAa0AWVLg8cLj2 3J5bigKjv-O9mBI#scrollTo=AqwORzIUX_OI https://colab.research.google.com/drive/16uf3VAuzUIcbhpSmg INjx7wL8YdvbdNn Text classification using Bag of words model
  • 24. LLCS - School 24 Applications Group 1 Group 2 Group 3 • Tokenization • Stemming • Lemmatization • POS tagging • Query Expansion • Parsing • Topic segmentation/recognition • Morphological Segmentation(word / sentence) • Information retrieval/ extraction • Relationship extraction • Named Entity recognition • Sentiment analysis / sentence boundary disambiguation • Word sense / disambiguation • Text similarity • Coreference resolution • Discourse analysis • Machine translation • Automatic summarization and paraphrasing • Natural language generation • Reasoning over knowledge based • Question answer system • Dialog system • Image captioning and other multimodal tasks https://www.datasciencecentral.com/profiles/blogs/overview-of-artificial-intelligence-and-role-of-natural-language
  • 25. LLCS - School 25 Deep learning algorithms & NLP Deep Learning Algorithms NLP Usage Neural Network Parts of speech tagging Tokenization Named entity recognition Intent extraction Recurrent Neural Network Machine translation Question answering system Image captioning Recursive Neural Network Parsing sentences Sentiment analysis Relation classification Convolutional Neural Network Spam detection Relation extraction and classification Categorization of search queries
  • 26. LLCS - School 26 NLP tools: • NLTK • Spacy • Pattern • Stanza • Gensim • TextBlob NLP tools and resources Machine learning packages: • Pytorch • Scikit-Learn • Tensorflow Machine learning packages for NLP: • Transformers • Allen NLP https://github.com/sebastianruder/NLP-progress Links: https://paperswithcode.com/area/natural- language-processing https://github.com/sea-bass/intro-nlp (Programs taken from this repositoty)
  • 27. LLCS - School 27agenda Thanks