SlideShare a Scribd company logo
1 of 94
Download to read offline
A PRIMER ON NEURAL NETWORK MODELS FOR
NATURAL LANGUAGE PROCESSING
2018 Copyright QuantUniversity LLC.
Sri Krishnamurthy, CFA, CAP
sri@quantuniversity.com
www.analyticscertificate.com
2
QuantUniversity
• Analytics and Fintech Advisory
• Trained more than 1000 students in
Quantitative methods, Data Science
and Big Data & Fintech
• Programs
▫ Analytics Certificate Program
▫ Fintech Certification program
• Solutions
• Founder of QuantUniversity LLC. and
www.analyticscertificate.com
• Advisory and Consultancy for Financial Analytics
• Prior Experience at MathWorks, Citigroup and Endeca and
25+ financial services and energy customers.
• Regular Columnist for the Wilmott Magazine
• Charted Financial Analyst and Certified Analytics
Professional
• Teaches Analytics in the Babson College MBA program and
at Northeastern University, Boston
Sri Krishnamurthy
Founder and CEO
3
4
Code and slides for today’s
workshop:
Request at:
https://tinyurl.com/QUNLP2018
5
• Intro to Natural Language Processing
• Intro to Neural Networks and Deep Neural Networks
• Networks that “understand” language!
• Embeddings: clever representation of words
• Recurrent Neural Networks: remembering history
• Encoder-Decoder architectures
• So many models! So little time! - QuSandbox
In this session
6
Why NLP?
7
What is NLP ?
AI
Linguistics
Computer
Science
8
• Q/A
• Dialog systems - Chatbots
• Topic summarization
• Sentiment analysis
• Classification
• Keyword extraction - Search
• Information extraction – Prices, Dates, People etc.
• Tone Analysis
• Machine Translation
• Document comparison – Similar/Dissimilar
Sample applications
9
NLP in Finance
10
• If computers can understand language, opens huge possibilities
▫ Read and summarize
▫ Translate
▫ Describe what’s happening
▫ Understand commands
▫ Answer questions
▫ Respond in plain language
Language allows understanding
11
• Describe rules of grammar
• Describe meanings of words and their
relationships
• …including all the special cases
• ...and idioms
• ...and special cases for the idioms
• ...
• ...understand language!
Traditional language AI
https://en.wikipedia.org/wiki/Formal_language
12
What is NLP ?
Jumping NLP Curves
https://ieeexplore.ieee.org/document/6786458/
13
Q: What’s hard about writing programs
to understand text?
14
• Ambiguity:
▫ “ground”
▫ “jaguar”
▫ “The car hit the pole while it was moving”
▫ “One morning I shot an elephant in my pajamas. How he got into my
pajamas, I’ll never know.”
▫ “The tank is full of soldiers.”
“The tank is full of nitrogen.”
Language is hard to deal with
15
16
• Many ways to say the same thing
▫ “the same thing can be said in many ways”
▫ “language is versatile”
▫ “The same words can be arranged in many different ways to express
the same idea”
▫ …
Language is hard to deal with
17
• Context matters: “I pressed a suit”
Language is hard to deal with
Images: wikipedia and pixabay
18
Why are these funny?
“Time to do my homework #yay”
“It's a small world...
...but I wouldn't want to have to paint it.”
“Time flies like an arrow. Fruit flies like a banana.”
19
• Learn by “reading” lots of text, some labeled.
• Less precise
• Deals with ambiguity better
Neural networks and other statistical approaches
20
• Unsupervised Algorithms
▫ Given a dataset with variables 𝑥𝑖, build a model that captures the
similarities in different observations and assigns them to different
buckets => Clustering, etc.
▫ Create a transformed representation of the original data=> PCA
Machine Learning
Obs1,
Obs2,Obs3
etc.
Model
Obs1- Class 1
Obs2- Class 2
Obs3- Class 1
21
• Supervised Algorithms
▫ Given a set of variables 𝑥𝑖, predict the value of another variable 𝑦 in a
given data set such that
▫ If y is numeric => Prediction
▫ If y is categorical => Classification
Machine Learning
x1,x2,x3… Model F(X) y
22
Start with labeled pairs (Xi, Yi)
( ,“kitten”),( ,“puppy”)
…
23
Success: predict new examples
( ,?)
24
https://commons.wikimedia.org/wiki/Neural_network
“kitten”
“puppy”
“has fur?”
“pointy ears?”
“dangerously cute?”
Neural Networks
25
http://stackoverflow.com/questions/40537503/deep-neural-networks-precision-for-image-recognition-float-or-double
Linear regression
1
Weighted sum
26
http://stackoverflow.com/questions/40537503/deep-neural-networks-precision-for-image-recognition-float-or-double
Linear regression
1
Learning = “find good weights”
27
http://stackoverflow.com/questions/40537503/deep-neural-networks-precision-for-image-recognition-float-or-double
Binary linear classifier
1
To classify: Y > 0?
28
http://stackoverflow.com/questions/40537503/deep-neural-networks-precision-for-image-recognition-float-or-double
Binary linear classifier
1
Bias weight
29
30
Hardware
31
Data
http://www.theneweconomy.com/strategy/big-data-is-not-without-its-problems
32
New Approaches
http://deeplearning.net/reading-list/
33
Given (lots of) data, DNNs learn a good representation
automatically.
34
http://www.asimovinstitute.org/neural-network-zoo/
35
• MLP:
▫ Work with fixed sized inputs ; Networks learn to combine inputs in
a meaningful way
• CNNs:
▫ Specialized feed-forward architectures that extracts local patterns
in the data
• RNNs:
▫ Takes as input a sequence of items, and produce a fixed size
vector that summarizes that sequence
Key NN architectures for NLP
36
MLP
37
• Can be used with fixed/variable input sizes
• Can be used wherever linear models were used
• Useful in integrating pre-trained word embeddings
MLP in NLP
38
Convolutional Neural Networks
Convolution
Specialized feed-forward architectures that excel at extracting local
patterns in the data
39
Max pooling
40
Convolutional Neural Networks
easily integrate pre-trained word embeddings
41
▫ Specialized feed-forward architectures that extracts local patterns
in the data
▫ Fixed/Variable sized inputs
▫ Works well in identifying phrases/idioms
CNNs in NLP
42
Recurrent Neural Networks
• A recurrent neural network can be thought of as multiple copies of
the same network, each passing a message to a successor. 1
http://colah.github.io/posts/2015-08-Understanding-LSTMs/
43
Used to generate representations that are typically used in
conjunction with MLPs
Great for sequences
Addresses many challenges in language modeling (markov
assumptions, sparsity etc.)
RNNs in NLP
44
• Sequence-to-sequence models (Encoder-Decoder) for machine
translation
• Learning from external, unannotated data (Semi-supervised models)
Other NN model applications
45
• Input: posts, labels as positive / negative.
• Goal: build a classifier to classify new posts
• IMDB Dataset: http://ai.stanford.edu/~amaas/data/sentiment/
• 25,000 highly polar movie reviews for training, and 25,000 for
testing.
Sample application: sentiment detection
46
• Goal: get familiar with the problem and establish a simple baseline.
• Overview:
▫ Load the data
▫ Look at a sample of positive and negative reviews
▫ Look at some distributional data
• Code: 08-imdb-explore.ipynb
Demo: IMDB dataset exploration
47
48
• Can’t learn them all individually…
• Instead, want to have a representation that encodes relationships
between words, so we can learn e.g. that all “negative” words make
it more likely the review is negative.
Challenge: many ways to say same thing
49
• Want computer to understand word relationships
▫ Man : King; Woman : ???
▫ Fish : Ocean; Gazelle : ???
• Goals:
▫ Encode semantic relationship between words: similarity, differences,
etc.
▫ Represent each word in a concise way
Let’s start “simple”: understanding individual words
50
• An embedding is a map word -> vector that makes similar words
have similar vectors, and encodes semantic relationships.
• Creating an embedding:
▫ Look at a lot of text.
 “there was a frog in the swamp”
 “artificial intelligence has a long way to go”
 “whether ’tis nobler in the mind to suffer the slings and arrows of
outrageous fortune”
▫ Learn what words tend to go together, which don’t.
Approach: embeddings
51
• Learn to predict neighbors of a word.
• Compute co-occurrence counts:
• “there was a frog in a swamp”
• P(swamp,frog) = …
• P(artificial,frog) = …
• …
• Train a model word -> vector to minimize d(v1,v2) where P(w1,w2) is
high.
Creating an embedding
52
Frog:
Swamp:
Computer:
…
Compute error in predicting P(w1,w2) given d(v1,v2).
Update weights:
Frog:
Swamp:
Computer:
Creating an embedding
[0.2, 0.7, 0.11, …, 0.52]
[0.9, 0.55, 0.4, …, 0.8]
[0.3, 0.6, 0.01, …, 0.7]
[0.3, 0.65, 0.3, …, 0.6]
[0.7, 0.6, 0.4, …, 0.7]
[0.5, 0.3, 0.02, …, 0.4]
1)
2)
3)
53
http://multithreaded.stitchfix.com/assets/images/blog/vectors.gif
Embeddings capture conceptual relationships
54
http://nlp.yvespeirsman.be/blog/visualizing-word-embeddings-with-tsne/
55
http://nlp.yvespeirsman.be/blog/visualizing-word-embeddings-with-tsne/
56
• Pre-trained embeddings are available:
▫ Google News (100B words)
▫ Twitter (27B words)
▫ Wikipedia + Gigaword (newswire corpus) (6B words)
• It’s better to train/fine-tune for your specific application, but these
are a good place to start
▫ Especially if you don’t have much data
You don’t have to train your own embedding
List from https://github.com/3Top/word2vec-api
57
• Let’s apply the approaches we already know to our movie review
sentiment task
Ok, now we have a reasonable way to represent words
58
• Goal: use familiar network architectures for text classification
• Overview:
▫ Prepare the dataset
▫ Use a pre-trained embedding
▫ Train a MLP
▫ Train a 1D CNN
• Code: 09-imdb-mlp-cnn.ipynb
Demo: MLPs and CNNs for sentiment analysis
59
60
“In 2009, I went to Nepal”
“I went to Nepal in 2009”
“I had high expectations, and this movie exceeded them.”
• Need to remember what we saw earlier.
• Time series → predict next element
Challenge: the state-time continuum
61
Solution: let the network represent the past
62
Our networks so far
Hidden
layers
Input
Output
63
Recurrent Neural Networks (RNNs)
Hidden
layers
Input
Recurrent connection
Output
64
Another view of RNNs
Hidden
layers
Input 1
Output
Hidden
layers
Input N
Output
…
This
Recurrent
connection
Recurrent
connection
Recurrent
connection
movie monkeys…
Hidden
layers
Input 2
Output
65
Variant: one output
Hidden
layers
Input 1
Hidden
layers
Input 2
…
This
Recurrent
connection
Recurrent
connection
Recurrent
connection
movie monkeys…
Hidden
layers
Input N
Output
66
New parameters:
Hidden
layers
Input
Output
Hidden-to-hidden weights
Input-to-hidden weights
Hidden-to-output weights
67
New parameters:
Hidden
layers
Input
Output
Hidden-to-hidden weights
Input-to-hidden weights
Hidden-to-output weightsHow to combine two arrows
leading to hidden state?
Add contribution of input +
previous hidden state
68
• The same state transformation for each time step
Question: where is the parameter sharing in an RNN?
Hidden
layers
Input 1
Hidden
layers
Input 2
…
Same parameters!
Hidden
layers
Input N
Output
Same parameters!
69
• Again, backpropagation just works!
• In theory…
• Long-term dependencies are a problem
▫ Vanishing gradients
▫ Exploding gradients
• Solutions:
▫ Careful initialization
▫ Short sequences
▫ More advanced techniques, such as LSTM
Training RNNs
70
• As mentioned RNNs have a problem: long-term dependencies
▫ Gradients disappear or blow up
• One solution: LSTM – let network learn when to remember, when to
forget
• Used in practice
LSTM – Long Short-Term Memory networks
71
Demo: simple RNN for text generation
72
• https://github.com/fchollet/keras/blob/master/examples/imdb_lst
m.py
Demo: RNN for sentiment classification
73
74
• Translate (seq2seq)
• Caption (vec2seq)
• Visualize or classify text (seq2vec)
What if input + output have different length, or type?
75
Encoder-decoder architecture
Hidden
layers
Input 1
Hidden
layers
Input 2
Hidden
layers
Input N
…
Hidden
layers
Output 1
Hidden
layers
Output 2
Hidden
layers
Output M
…
Encoding
“Thought vector”
76
Encoder-decoder variant: vec2seq
Hidden
layers
Input 1
Hidden
layers
Hidden
layers
…
Hidden
layers
Output 1
Hidden
layers
Output 2
Hidden
layers
Output M
…
Encoding
“Thought vector”
77
• Goal: learn to caption images
• Overview:
▫ Learn abstract representations of images using a CNN
▫ Learn to map those abstract representations to sentences
▫ Train the system end-to-end
• Code sketch: 10-image-captioning.ipynb
Demo: captioning images
QuSandbox
79
• Code + Environment
• Dynamic scalability
• Enterprise collaboration
• Model Management
• One platform for all your analytical needs
Why QuSandbox?
Create Projects
➢ Instructors can create projects using AMIs, DockerHub, Github as resources.
➢ Additional information such as the project type (JNS , Jupyter Lab etc) , description and name can be
specified here.
Run Projects
➢ QuSandbox allows users to run a
wide variety of projects hosted
on various platforms such as
AMIs, Docker Hub, Git repos.
➢ While launching the user can
configure specifications like the
project source, the machine
type, duration and the credits
used for this session.
➢ Users are allowed to run more
than 1 project at a time.
Launch Labs
On launching the lab users can :
- Modify and run jupyter notebook files, labs and other components linked to the project.
- Explore the project structure, create new files and keep track of work from previous sessions.
➢ Set up account information
username, personal details
and password.
➢ Specify courses that user
wants to registered for .
➢ Multi-role profiles allows
user to register as one or
more roles using the same
account.
Enterprise features – User and Roles
Enterprise features – Credential management
Amazon Credentials
- Update aws keys and pem file to grant permission to
use ec2 services for running, stopping , terminating
and extending instances.
Github Credentials
- Update the github username and password to allow
saving project work on github.
* All credentials are securely encrypted and stored in the
database.
Admin tools - Manage Tasks
- Running projects can be managed on the Tasks page. Information such as task and instance status, time
remaining as well as past projects information can be viewed here.
- The core project features (LAUNCH, EXTEND, STOP and KILL) can be performed by the designated buttons in
actions field of the task.
Academic use case - Courses
Instructors can use the course page to create and edit
lecture components such as slides, reading materials and
quizzes.
Students can view the uploaded material and submit
assignments for the lectures if they are registered for the
respective courses.
Command Line Interface on QuSandbox
The Command Line Interface is a unified tool that provides a consistent interface for interacting with all parts of
QuSandbox.
Run a specific project defined by Json file. After completing configuration, an
IP address will be given and user can use the public ip address to run the
project.
PythonJavaScrip
t
More Features on CLI
use >Qusandbox -help to get more features’ detail
Research Hub on QuSandbox
The research hub on QUSandbox allows group of people working on a project to share and run it seamlessly .
https://researchhub.herokuapp.com/homepage
1. Button linking the project to QUSandbox. 2. View the project on QUSandbox.
Research Hub on QuSandbox
The research hub on QUSandbox allows group of people working on a project to share and run it seamlessly.
➢ Each project associated
with a unique
ProjectName.
➢ Create embed link for
each project.
➢ Use the link from
anywhere to hit
QUSandbox.
Coming soon!
92
Logistics:
When: June 14,15th
Where: Boston MA
Registration: http://qu-nlp.eventbrite.com/
Code: 25% off all ticket levels
QU25 till 5/4/2018
Code and slides for today’s workshop:
Request at: https://tinyurl.com/QUNLP2018
93
Coming soon!
94
Logistics:
When: June 14,15th
Where: Boston MA
Registration: http://qu-nlp.eventbrite.com/
Code: 25% off all ticket levels
QU25 till 5/4/2018
Code and slides for today’s workshop:
Request at: https://tinyurl.com/QUNLP2018
Thank you!
Presentations will be posted here:
www.analyticscertificate.com
Sri Krishnamurthy, CFA, CAP
Founder and CEO
QuantUniversity LLC.
srikrishnamurthy
www.QuantUniversity.com
Information, data and drawings embodied in this presentation are strictly a property of QuantUniversity LLC. and shall not be
distributed or used in any other publication without the prior written consent of QuantUniversity LLC.
95

More Related Content

What's hot

Machine Learning for Finance Master Class
Machine Learning for Finance Master Class Machine Learning for Finance Master Class
Machine Learning for Finance Master Class QuantUniversity
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learningPruet Boonma
 
Machine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsMachine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsQuantUniversity
 
Introduction to Machine learning
Introduction to Machine learningIntroduction to Machine learning
Introduction to Machine learningKnoldus Inc.
 
Machine learning on Hadoop data lakes
Machine learning on Hadoop data lakesMachine learning on Hadoop data lakes
Machine learning on Hadoop data lakesDataWorks Summit
 
Visual concept learning
Visual concept learningVisual concept learning
Visual concept learningVaibhav Singh
 
Synthetic VIX Data Generation Using ML Techniques
Synthetic VIX Data Generation Using ML TechniquesSynthetic VIX Data Generation Using ML Techniques
Synthetic VIX Data Generation Using ML TechniquesQuantUniversity
 
Barga Data Science lecture 4
Barga Data Science lecture 4Barga Data Science lecture 4
Barga Data Science lecture 4Roger Barga
 
Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Salesforce Engineering
 
Multi Task Learning for Recommendation Systems
Multi Task Learning for Recommendation SystemsMulti Task Learning for Recommendation Systems
Multi Task Learning for Recommendation SystemsVaibhav Singh
 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9Roger Barga
 
Machine Learning: Understanding the Invisible Force Changing Our World
Machine Learning: Understanding the Invisible Force Changing Our WorldMachine Learning: Understanding the Invisible Force Changing Our World
Machine Learning: Understanding the Invisible Force Changing Our WorldKen Tabor
 
H2O World - Top 10 Data Science Pitfalls - Mark Landry
H2O World - Top 10 Data Science Pitfalls - Mark LandryH2O World - Top 10 Data Science Pitfalls - Mark Landry
H2O World - Top 10 Data Science Pitfalls - Mark LandrySri Ambati
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learningKoundinya Desiraju
 
Barga DIDC'14 Invited Talk
Barga DIDC'14 Invited TalkBarga DIDC'14 Invited Talk
Barga DIDC'14 Invited TalkRoger Barga
 

What's hot (20)

Machine Learning for Finance Master Class
Machine Learning for Finance Master Class Machine Learning for Finance Master Class
Machine Learning for Finance Master Class
 
Managing machine learning
Managing machine learningManaging machine learning
Managing machine learning
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Machine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and ApplicationsMachine Learning and AI: Core Methods and Applications
Machine Learning and AI: Core Methods and Applications
 
Anomaly detection
Anomaly detectionAnomaly detection
Anomaly detection
 
Introduction to Machine learning
Introduction to Machine learningIntroduction to Machine learning
Introduction to Machine learning
 
Machine learning on Hadoop data lakes
Machine learning on Hadoop data lakesMachine learning on Hadoop data lakes
Machine learning on Hadoop data lakes
 
Visual concept learning
Visual concept learningVisual concept learning
Visual concept learning
 
Oa 4 month exp
Oa 4 month expOa 4 month exp
Oa 4 month exp
 
Synthetic VIX Data Generation Using ML Techniques
Synthetic VIX Data Generation Using ML TechniquesSynthetic VIX Data Generation Using ML Techniques
Synthetic VIX Data Generation Using ML Techniques
 
Barga Data Science lecture 4
Barga Data Science lecture 4Barga Data Science lecture 4
Barga Data Science lecture 4
 
Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?
 
Multi Task Learning for Recommendation Systems
Multi Task Learning for Recommendation SystemsMulti Task Learning for Recommendation Systems
Multi Task Learning for Recommendation Systems
 
Machine Learning for Dummies
Machine Learning for DummiesMachine Learning for Dummies
Machine Learning for Dummies
 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9
 
Machine Learning: Understanding the Invisible Force Changing Our World
Machine Learning: Understanding the Invisible Force Changing Our WorldMachine Learning: Understanding the Invisible Force Changing Our World
Machine Learning: Understanding the Invisible Force Changing Our World
 
Optimization
OptimizationOptimization
Optimization
 
H2O World - Top 10 Data Science Pitfalls - Mark Landry
H2O World - Top 10 Data Science Pitfalls - Mark LandryH2O World - Top 10 Data Science Pitfalls - Mark Landry
H2O World - Top 10 Data Science Pitfalls - Mark Landry
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Barga DIDC'14 Invited Talk
Barga DIDC'14 Invited TalkBarga DIDC'14 Invited Talk
Barga DIDC'14 Invited Talk
 

Similar to Nlp and Neural Networks workshop

Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with KerasQuantUniversity
 
Eye-catching science: free tools to create data visualizations and infographics
Eye-catching science: free tools to create data visualizations and infographicsEye-catching science: free tools to create data visualizations and infographics
Eye-catching science: free tools to create data visualizations and infographicsFuture Earth
 
Real World NLP, ML, and Big Data
Real World NLP, ML, and Big DataReal World NLP, ML, and Big Data
Real World NLP, ML, and Big DataDevin Bost
 
OWF14 - Big Data : The State of Machine Learning in 2014
OWF14 - Big Data : The State of Machine  Learning in 2014OWF14 - Big Data : The State of Machine  Learning in 2014
OWF14 - Big Data : The State of Machine Learning in 2014Paris Open Source Summit
 
Knowledge graphs for knowing more and knowing for sure
Knowledge graphs for knowing more and knowing for sureKnowledge graphs for knowing more and knowing for sure
Knowledge graphs for knowing more and knowing for sureSteffen Staab
 
Splunk September 2023 User Group PDX.pdf
Splunk September 2023 User Group PDX.pdfSplunk September 2023 User Group PDX.pdf
Splunk September 2023 User Group PDX.pdfAmanda Richardson
 
Adopting Data Science and Machine Learning in the financial enterprise
Adopting Data Science and Machine Learning in the financial enterpriseAdopting Data Science and Machine Learning in the financial enterprise
Adopting Data Science and Machine Learning in the financial enterpriseQuantUniversity
 
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Web
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic WebESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Web
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Webeswcsummerschool
 
Deep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersDeep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersRoelof Pieters
 
Basics of Computer Coding: Understanding Coding Languages
Basics of Computer Coding: Understanding Coding LanguagesBasics of Computer Coding: Understanding Coding Languages
Basics of Computer Coding: Understanding Coding LanguagesBrian Pichman
 
Breaking Through The Challenges of Scalable Deep Learning for Video Analytics
Breaking Through The Challenges of Scalable Deep Learning for Video AnalyticsBreaking Through The Challenges of Scalable Deep Learning for Video Analytics
Breaking Through The Challenges of Scalable Deep Learning for Video AnalyticsJason Anderson
 
Get connected with python
Get connected with pythonGet connected with python
Get connected with pythonJan Kroon
 
Understanding Research 2.0 from a Socio-technical Perspective
Understanding Research 2.0 from a Socio-technical PerspectiveUnderstanding Research 2.0 from a Socio-technical Perspective
Understanding Research 2.0 from a Socio-technical PerspectiveYuwei Lin
 
Complex Networks: Science, Programming, and Databases
Complex Networks: Science, Programming, and DatabasesComplex Networks: Science, Programming, and Databases
Complex Networks: Science, Programming, and DatabasesS.M. Mahdi Seyednezhad, Ph.D.
 
02 naive bays classifier and sentiment analysis
02 naive bays classifier and sentiment analysis02 naive bays classifier and sentiment analysis
02 naive bays classifier and sentiment analysisSubhas Kumar Ghosh
 
The Magical Art of Extracting Meaning From Data
The Magical Art of Extracting Meaning From DataThe Magical Art of Extracting Meaning From Data
The Magical Art of Extracting Meaning From Datalmrei
 
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014The Hive
 
Mark Tortoricci - Talent42 2015
Mark Tortoricci - Talent42 2015Mark Tortoricci - Talent42 2015
Mark Tortoricci - Talent42 2015Talent42
 

Similar to Nlp and Neural Networks workshop (20)

Nlp workshop-share
Nlp workshop-shareNlp workshop-share
Nlp workshop-share
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with Keras
 
Eye-catching science: free tools to create data visualizations and infographics
Eye-catching science: free tools to create data visualizations and infographicsEye-catching science: free tools to create data visualizations and infographics
Eye-catching science: free tools to create data visualizations and infographics
 
Real World NLP, ML, and Big Data
Real World NLP, ML, and Big DataReal World NLP, ML, and Big Data
Real World NLP, ML, and Big Data
 
OWF14 - Big Data : The State of Machine Learning in 2014
OWF14 - Big Data : The State of Machine  Learning in 2014OWF14 - Big Data : The State of Machine  Learning in 2014
OWF14 - Big Data : The State of Machine Learning in 2014
 
Knowledge graphs for knowing more and knowing for sure
Knowledge graphs for knowing more and knowing for sureKnowledge graphs for knowing more and knowing for sure
Knowledge graphs for knowing more and knowing for sure
 
Splunk September 2023 User Group PDX.pdf
Splunk September 2023 User Group PDX.pdfSplunk September 2023 User Group PDX.pdf
Splunk September 2023 User Group PDX.pdf
 
Adopting Data Science and Machine Learning in the financial enterprise
Adopting Data Science and Machine Learning in the financial enterpriseAdopting Data Science and Machine Learning in the financial enterprise
Adopting Data Science and Machine Learning in the financial enterprise
 
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Web
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic WebESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Web
ESWC SS 2013 - Monday Tutorial Aidan Hogan: Intro to Semantic Web
 
Deep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersDeep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ers
 
Basics of Computer Coding: Understanding Coding Languages
Basics of Computer Coding: Understanding Coding LanguagesBasics of Computer Coding: Understanding Coding Languages
Basics of Computer Coding: Understanding Coding Languages
 
Breaking Through The Challenges of Scalable Deep Learning for Video Analytics
Breaking Through The Challenges of Scalable Deep Learning for Video AnalyticsBreaking Through The Challenges of Scalable Deep Learning for Video Analytics
Breaking Through The Challenges of Scalable Deep Learning for Video Analytics
 
Get connected with python
Get connected with pythonGet connected with python
Get connected with python
 
Hexlet Deck
Hexlet DeckHexlet Deck
Hexlet Deck
 
Understanding Research 2.0 from a Socio-technical Perspective
Understanding Research 2.0 from a Socio-technical PerspectiveUnderstanding Research 2.0 from a Socio-technical Perspective
Understanding Research 2.0 from a Socio-technical Perspective
 
Complex Networks: Science, Programming, and Databases
Complex Networks: Science, Programming, and DatabasesComplex Networks: Science, Programming, and Databases
Complex Networks: Science, Programming, and Databases
 
02 naive bays classifier and sentiment analysis
02 naive bays classifier and sentiment analysis02 naive bays classifier and sentiment analysis
02 naive bays classifier and sentiment analysis
 
The Magical Art of Extracting Meaning From Data
The Magical Art of Extracting Meaning From DataThe Magical Art of Extracting Meaning From Data
The Magical Art of Extracting Meaning From Data
 
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
 
Mark Tortoricci - Talent42 2015
Mark Tortoricci - Talent42 2015Mark Tortoricci - Talent42 2015
Mark Tortoricci - Talent42 2015
 

More from QuantUniversity

EU Artificial Intelligence Act 2024 passed !
EU Artificial Intelligence Act 2024 passed !EU Artificial Intelligence Act 2024 passed !
EU Artificial Intelligence Act 2024 passed !QuantUniversity
 
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdf
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdfManaging-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdf
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdfQuantUniversity
 
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALS
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALSPYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALS
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALSQuantUniversity
 
Qu for India - QuantUniversity FundRaiser
Qu for India  - QuantUniversity FundRaiserQu for India  - QuantUniversity FundRaiser
Qu for India - QuantUniversity FundRaiserQuantUniversity
 
Ml master class for CFA Dallas
Ml master class for CFA DallasMl master class for CFA Dallas
Ml master class for CFA DallasQuantUniversity
 
Algorithmic auditing 1.0
Algorithmic auditing 1.0Algorithmic auditing 1.0
Algorithmic auditing 1.0QuantUniversity
 
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...QuantUniversity
 
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...Machine Learning: Considerations for Fairly and Transparently Expanding Acces...
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...QuantUniversity
 
Seeing what a gan cannot generate: paper review
Seeing what a gan cannot generate: paper reviewSeeing what a gan cannot generate: paper review
Seeing what a gan cannot generate: paper reviewQuantUniversity
 
AI Explainability and Model Risk Management
AI Explainability and Model Risk ManagementAI Explainability and Model Risk Management
AI Explainability and Model Risk ManagementQuantUniversity
 
Algorithmic auditing 1.0
Algorithmic auditing 1.0Algorithmic auditing 1.0
Algorithmic auditing 1.0QuantUniversity
 
Machine Learning in Finance: 10 Things You Need to Know in 2021
Machine Learning in Finance: 10 Things You Need to Know in 2021Machine Learning in Finance: 10 Things You Need to Know in 2021
Machine Learning in Finance: 10 Things You Need to Know in 2021QuantUniversity
 
Bayesian Portfolio Allocation
Bayesian Portfolio AllocationBayesian Portfolio Allocation
Bayesian Portfolio AllocationQuantUniversity
 
Constructing Private Asset Benchmarks
Constructing Private Asset BenchmarksConstructing Private Asset Benchmarks
Constructing Private Asset BenchmarksQuantUniversity
 
Machine Learning Interpretability
Machine Learning InterpretabilityMachine Learning Interpretability
Machine Learning InterpretabilityQuantUniversity
 
Responsible AI in Action
Responsible AI in ActionResponsible AI in Action
Responsible AI in ActionQuantUniversity
 
Qu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQuantUniversity
 

More from QuantUniversity (20)

EU Artificial Intelligence Act 2024 passed !
EU Artificial Intelligence Act 2024 passed !EU Artificial Intelligence Act 2024 passed !
EU Artificial Intelligence Act 2024 passed !
 
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdf
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdfManaging-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdf
Managing-the-Risks-of-LLMs-in-FS-Industry-Roundtable-TruEra-QuantU.pdf
 
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALS
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALSPYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALS
PYTHON AND DATA SCIENCE FOR INVESTMENT PROFESSIONALS
 
Qu for India - QuantUniversity FundRaiser
Qu for India  - QuantUniversity FundRaiserQu for India  - QuantUniversity FundRaiser
Qu for India - QuantUniversity FundRaiser
 
Ml master class for CFA Dallas
Ml master class for CFA DallasMl master class for CFA Dallas
Ml master class for CFA Dallas
 
Algorithmic auditing 1.0
Algorithmic auditing 1.0Algorithmic auditing 1.0
Algorithmic auditing 1.0
 
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...
Towards Fairer Datasets: Filtering and Balancing the Distribution of the Peop...
 
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...Machine Learning: Considerations for Fairly and Transparently Expanding Acces...
Machine Learning: Considerations for Fairly and Transparently Expanding Acces...
 
Seeing what a gan cannot generate: paper review
Seeing what a gan cannot generate: paper reviewSeeing what a gan cannot generate: paper review
Seeing what a gan cannot generate: paper review
 
AI Explainability and Model Risk Management
AI Explainability and Model Risk ManagementAI Explainability and Model Risk Management
AI Explainability and Model Risk Management
 
Algorithmic auditing 1.0
Algorithmic auditing 1.0Algorithmic auditing 1.0
Algorithmic auditing 1.0
 
Machine Learning in Finance: 10 Things You Need to Know in 2021
Machine Learning in Finance: 10 Things You Need to Know in 2021Machine Learning in Finance: 10 Things You Need to Know in 2021
Machine Learning in Finance: 10 Things You Need to Know in 2021
 
Bayesian Portfolio Allocation
Bayesian Portfolio AllocationBayesian Portfolio Allocation
Bayesian Portfolio Allocation
 
The API Jungle
The API JungleThe API Jungle
The API Jungle
 
Explainable AI Workshop
Explainable AI WorkshopExplainable AI Workshop
Explainable AI Workshop
 
Constructing Private Asset Benchmarks
Constructing Private Asset BenchmarksConstructing Private Asset Benchmarks
Constructing Private Asset Benchmarks
 
Machine Learning Interpretability
Machine Learning InterpretabilityMachine Learning Interpretability
Machine Learning Interpretability
 
Responsible AI in Action
Responsible AI in ActionResponsible AI in Action
Responsible AI in Action
 
Qu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in Finance
 
Qwafafew meeting 5
Qwafafew meeting 5Qwafafew meeting 5
Qwafafew meeting 5
 

Recently uploaded

Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一ffjhghh
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Delhi Call girls
 
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...Suhani Kapoor
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptSonatrach
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Industrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfIndustrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfLars Albertsson
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998YohFuh
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptxthyngster
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationshipsccctableauusergroup
 

Recently uploaded (20)

Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
 
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
 
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...
VIP High Class Call Girls Bikaner Anushka 8250192130 Independent Escort Servi...
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
 
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
 
Industrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdfIndustrialised data - the key to AI success.pdf
Industrialised data - the key to AI success.pdf
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptxEMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM  TRACKING WITH GOOGLE ANALYTICS.pptx
EMERCE - 2024 - AMSTERDAM - CROSS-PLATFORM TRACKING WITH GOOGLE ANALYTICS.pptx
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships
 

Nlp and Neural Networks workshop

  • 1. A PRIMER ON NEURAL NETWORK MODELS FOR NATURAL LANGUAGE PROCESSING 2018 Copyright QuantUniversity LLC. Sri Krishnamurthy, CFA, CAP sri@quantuniversity.com www.analyticscertificate.com
  • 2. 2 QuantUniversity • Analytics and Fintech Advisory • Trained more than 1000 students in Quantitative methods, Data Science and Big Data & Fintech • Programs ▫ Analytics Certificate Program ▫ Fintech Certification program • Solutions
  • 3. • Founder of QuantUniversity LLC. and www.analyticscertificate.com • Advisory and Consultancy for Financial Analytics • Prior Experience at MathWorks, Citigroup and Endeca and 25+ financial services and energy customers. • Regular Columnist for the Wilmott Magazine • Charted Financial Analyst and Certified Analytics Professional • Teaches Analytics in the Babson College MBA program and at Northeastern University, Boston Sri Krishnamurthy Founder and CEO 3
  • 4. 4 Code and slides for today’s workshop: Request at: https://tinyurl.com/QUNLP2018
  • 5. 5 • Intro to Natural Language Processing • Intro to Neural Networks and Deep Neural Networks • Networks that “understand” language! • Embeddings: clever representation of words • Recurrent Neural Networks: remembering history • Encoder-Decoder architectures • So many models! So little time! - QuSandbox In this session
  • 7. 7 What is NLP ? AI Linguistics Computer Science
  • 8. 8 • Q/A • Dialog systems - Chatbots • Topic summarization • Sentiment analysis • Classification • Keyword extraction - Search • Information extraction – Prices, Dates, People etc. • Tone Analysis • Machine Translation • Document comparison – Similar/Dissimilar Sample applications
  • 10. 10 • If computers can understand language, opens huge possibilities ▫ Read and summarize ▫ Translate ▫ Describe what’s happening ▫ Understand commands ▫ Answer questions ▫ Respond in plain language Language allows understanding
  • 11. 11 • Describe rules of grammar • Describe meanings of words and their relationships • …including all the special cases • ...and idioms • ...and special cases for the idioms • ... • ...understand language! Traditional language AI https://en.wikipedia.org/wiki/Formal_language
  • 12. 12 What is NLP ? Jumping NLP Curves https://ieeexplore.ieee.org/document/6786458/
  • 13. 13 Q: What’s hard about writing programs to understand text?
  • 14. 14 • Ambiguity: ▫ “ground” ▫ “jaguar” ▫ “The car hit the pole while it was moving” ▫ “One morning I shot an elephant in my pajamas. How he got into my pajamas, I’ll never know.” ▫ “The tank is full of soldiers.” “The tank is full of nitrogen.” Language is hard to deal with
  • 15. 15
  • 16. 16 • Many ways to say the same thing ▫ “the same thing can be said in many ways” ▫ “language is versatile” ▫ “The same words can be arranged in many different ways to express the same idea” ▫ … Language is hard to deal with
  • 17. 17 • Context matters: “I pressed a suit” Language is hard to deal with Images: wikipedia and pixabay
  • 18. 18 Why are these funny? “Time to do my homework #yay” “It's a small world... ...but I wouldn't want to have to paint it.” “Time flies like an arrow. Fruit flies like a banana.”
  • 19. 19 • Learn by “reading” lots of text, some labeled. • Less precise • Deals with ambiguity better Neural networks and other statistical approaches
  • 20. 20 • Unsupervised Algorithms ▫ Given a dataset with variables 𝑥𝑖, build a model that captures the similarities in different observations and assigns them to different buckets => Clustering, etc. ▫ Create a transformed representation of the original data=> PCA Machine Learning Obs1, Obs2,Obs3 etc. Model Obs1- Class 1 Obs2- Class 2 Obs3- Class 1
  • 21. 21 • Supervised Algorithms ▫ Given a set of variables 𝑥𝑖, predict the value of another variable 𝑦 in a given data set such that ▫ If y is numeric => Prediction ▫ If y is categorical => Classification Machine Learning x1,x2,x3… Model F(X) y
  • 22. 22 Start with labeled pairs (Xi, Yi) ( ,“kitten”),( ,“puppy”) …
  • 23. 23 Success: predict new examples ( ,?)
  • 29. 29
  • 33. 33 Given (lots of) data, DNNs learn a good representation automatically.
  • 35. 35 • MLP: ▫ Work with fixed sized inputs ; Networks learn to combine inputs in a meaningful way • CNNs: ▫ Specialized feed-forward architectures that extracts local patterns in the data • RNNs: ▫ Takes as input a sequence of items, and produce a fixed size vector that summarizes that sequence Key NN architectures for NLP
  • 37. 37 • Can be used with fixed/variable input sizes • Can be used wherever linear models were used • Useful in integrating pre-trained word embeddings MLP in NLP
  • 38. 38 Convolutional Neural Networks Convolution Specialized feed-forward architectures that excel at extracting local patterns in the data
  • 40. 40 Convolutional Neural Networks easily integrate pre-trained word embeddings
  • 41. 41 ▫ Specialized feed-forward architectures that extracts local patterns in the data ▫ Fixed/Variable sized inputs ▫ Works well in identifying phrases/idioms CNNs in NLP
  • 42. 42 Recurrent Neural Networks • A recurrent neural network can be thought of as multiple copies of the same network, each passing a message to a successor. 1 http://colah.github.io/posts/2015-08-Understanding-LSTMs/
  • 43. 43 Used to generate representations that are typically used in conjunction with MLPs Great for sequences Addresses many challenges in language modeling (markov assumptions, sparsity etc.) RNNs in NLP
  • 44. 44 • Sequence-to-sequence models (Encoder-Decoder) for machine translation • Learning from external, unannotated data (Semi-supervised models) Other NN model applications
  • 45. 45 • Input: posts, labels as positive / negative. • Goal: build a classifier to classify new posts • IMDB Dataset: http://ai.stanford.edu/~amaas/data/sentiment/ • 25,000 highly polar movie reviews for training, and 25,000 for testing. Sample application: sentiment detection
  • 46. 46 • Goal: get familiar with the problem and establish a simple baseline. • Overview: ▫ Load the data ▫ Look at a sample of positive and negative reviews ▫ Look at some distributional data • Code: 08-imdb-explore.ipynb Demo: IMDB dataset exploration
  • 47. 47
  • 48. 48 • Can’t learn them all individually… • Instead, want to have a representation that encodes relationships between words, so we can learn e.g. that all “negative” words make it more likely the review is negative. Challenge: many ways to say same thing
  • 49. 49 • Want computer to understand word relationships ▫ Man : King; Woman : ??? ▫ Fish : Ocean; Gazelle : ??? • Goals: ▫ Encode semantic relationship between words: similarity, differences, etc. ▫ Represent each word in a concise way Let’s start “simple”: understanding individual words
  • 50. 50 • An embedding is a map word -> vector that makes similar words have similar vectors, and encodes semantic relationships. • Creating an embedding: ▫ Look at a lot of text.  “there was a frog in the swamp”  “artificial intelligence has a long way to go”  “whether ’tis nobler in the mind to suffer the slings and arrows of outrageous fortune” ▫ Learn what words tend to go together, which don’t. Approach: embeddings
  • 51. 51 • Learn to predict neighbors of a word. • Compute co-occurrence counts: • “there was a frog in a swamp” • P(swamp,frog) = … • P(artificial,frog) = … • … • Train a model word -> vector to minimize d(v1,v2) where P(w1,w2) is high. Creating an embedding
  • 52. 52 Frog: Swamp: Computer: … Compute error in predicting P(w1,w2) given d(v1,v2). Update weights: Frog: Swamp: Computer: Creating an embedding [0.2, 0.7, 0.11, …, 0.52] [0.9, 0.55, 0.4, …, 0.8] [0.3, 0.6, 0.01, …, 0.7] [0.3, 0.65, 0.3, …, 0.6] [0.7, 0.6, 0.4, …, 0.7] [0.5, 0.3, 0.02, …, 0.4] 1) 2) 3)
  • 56. 56 • Pre-trained embeddings are available: ▫ Google News (100B words) ▫ Twitter (27B words) ▫ Wikipedia + Gigaword (newswire corpus) (6B words) • It’s better to train/fine-tune for your specific application, but these are a good place to start ▫ Especially if you don’t have much data You don’t have to train your own embedding List from https://github.com/3Top/word2vec-api
  • 57. 57 • Let’s apply the approaches we already know to our movie review sentiment task Ok, now we have a reasonable way to represent words
  • 58. 58 • Goal: use familiar network architectures for text classification • Overview: ▫ Prepare the dataset ▫ Use a pre-trained embedding ▫ Train a MLP ▫ Train a 1D CNN • Code: 09-imdb-mlp-cnn.ipynb Demo: MLPs and CNNs for sentiment analysis
  • 59. 59
  • 60. 60 “In 2009, I went to Nepal” “I went to Nepal in 2009” “I had high expectations, and this movie exceeded them.” • Need to remember what we saw earlier. • Time series → predict next element Challenge: the state-time continuum
  • 61. 61 Solution: let the network represent the past
  • 62. 62 Our networks so far Hidden layers Input Output
  • 63. 63 Recurrent Neural Networks (RNNs) Hidden layers Input Recurrent connection Output
  • 64. 64 Another view of RNNs Hidden layers Input 1 Output Hidden layers Input N Output … This Recurrent connection Recurrent connection Recurrent connection movie monkeys… Hidden layers Input 2 Output
  • 65. 65 Variant: one output Hidden layers Input 1 Hidden layers Input 2 … This Recurrent connection Recurrent connection Recurrent connection movie monkeys… Hidden layers Input N Output
  • 67. 67 New parameters: Hidden layers Input Output Hidden-to-hidden weights Input-to-hidden weights Hidden-to-output weightsHow to combine two arrows leading to hidden state? Add contribution of input + previous hidden state
  • 68. 68 • The same state transformation for each time step Question: where is the parameter sharing in an RNN? Hidden layers Input 1 Hidden layers Input 2 … Same parameters! Hidden layers Input N Output Same parameters!
  • 69. 69 • Again, backpropagation just works! • In theory… • Long-term dependencies are a problem ▫ Vanishing gradients ▫ Exploding gradients • Solutions: ▫ Careful initialization ▫ Short sequences ▫ More advanced techniques, such as LSTM Training RNNs
  • 70. 70 • As mentioned RNNs have a problem: long-term dependencies ▫ Gradients disappear or blow up • One solution: LSTM – let network learn when to remember, when to forget • Used in practice LSTM – Long Short-Term Memory networks
  • 71. 71 Demo: simple RNN for text generation
  • 73. 73
  • 74. 74 • Translate (seq2seq) • Caption (vec2seq) • Visualize or classify text (seq2vec) What if input + output have different length, or type?
  • 75. 75 Encoder-decoder architecture Hidden layers Input 1 Hidden layers Input 2 Hidden layers Input N … Hidden layers Output 1 Hidden layers Output 2 Hidden layers Output M … Encoding “Thought vector”
  • 76. 76 Encoder-decoder variant: vec2seq Hidden layers Input 1 Hidden layers Hidden layers … Hidden layers Output 1 Hidden layers Output 2 Hidden layers Output M … Encoding “Thought vector”
  • 77. 77 • Goal: learn to caption images • Overview: ▫ Learn abstract representations of images using a CNN ▫ Learn to map those abstract representations to sentences ▫ Train the system end-to-end • Code sketch: 10-image-captioning.ipynb Demo: captioning images
  • 79. 79 • Code + Environment • Dynamic scalability • Enterprise collaboration • Model Management • One platform for all your analytical needs Why QuSandbox?
  • 80. Create Projects ➢ Instructors can create projects using AMIs, DockerHub, Github as resources. ➢ Additional information such as the project type (JNS , Jupyter Lab etc) , description and name can be specified here.
  • 81. Run Projects ➢ QuSandbox allows users to run a wide variety of projects hosted on various platforms such as AMIs, Docker Hub, Git repos. ➢ While launching the user can configure specifications like the project source, the machine type, duration and the credits used for this session. ➢ Users are allowed to run more than 1 project at a time.
  • 82. Launch Labs On launching the lab users can : - Modify and run jupyter notebook files, labs and other components linked to the project. - Explore the project structure, create new files and keep track of work from previous sessions.
  • 83. ➢ Set up account information username, personal details and password. ➢ Specify courses that user wants to registered for . ➢ Multi-role profiles allows user to register as one or more roles using the same account. Enterprise features – User and Roles
  • 84. Enterprise features – Credential management Amazon Credentials - Update aws keys and pem file to grant permission to use ec2 services for running, stopping , terminating and extending instances. Github Credentials - Update the github username and password to allow saving project work on github. * All credentials are securely encrypted and stored in the database.
  • 85. Admin tools - Manage Tasks - Running projects can be managed on the Tasks page. Information such as task and instance status, time remaining as well as past projects information can be viewed here. - The core project features (LAUNCH, EXTEND, STOP and KILL) can be performed by the designated buttons in actions field of the task.
  • 86. Academic use case - Courses Instructors can use the course page to create and edit lecture components such as slides, reading materials and quizzes. Students can view the uploaded material and submit assignments for the lectures if they are registered for the respective courses.
  • 87. Command Line Interface on QuSandbox The Command Line Interface is a unified tool that provides a consistent interface for interacting with all parts of QuSandbox. Run a specific project defined by Json file. After completing configuration, an IP address will be given and user can use the public ip address to run the project. PythonJavaScrip t
  • 88. More Features on CLI use >Qusandbox -help to get more features’ detail
  • 89. Research Hub on QuSandbox The research hub on QUSandbox allows group of people working on a project to share and run it seamlessly . https://researchhub.herokuapp.com/homepage 1. Button linking the project to QUSandbox. 2. View the project on QUSandbox.
  • 90. Research Hub on QuSandbox The research hub on QUSandbox allows group of people working on a project to share and run it seamlessly. ➢ Each project associated with a unique ProjectName. ➢ Create embed link for each project. ➢ Use the link from anywhere to hit QUSandbox.
  • 91. Coming soon! 92 Logistics: When: June 14,15th Where: Boston MA Registration: http://qu-nlp.eventbrite.com/ Code: 25% off all ticket levels QU25 till 5/4/2018 Code and slides for today’s workshop: Request at: https://tinyurl.com/QUNLP2018
  • 92. 93
  • 93. Coming soon! 94 Logistics: When: June 14,15th Where: Boston MA Registration: http://qu-nlp.eventbrite.com/ Code: 25% off all ticket levels QU25 till 5/4/2018 Code and slides for today’s workshop: Request at: https://tinyurl.com/QUNLP2018
  • 94. Thank you! Presentations will be posted here: www.analyticscertificate.com Sri Krishnamurthy, CFA, CAP Founder and CEO QuantUniversity LLC. srikrishnamurthy www.QuantUniversity.com Information, data and drawings embodied in this presentation are strictly a property of QuantUniversity LLC. and shall not be distributed or used in any other publication without the prior written consent of QuantUniversity LLC. 95