SlideShare una empresa de Scribd logo
1 de 106
MACHINE LEARNING AND AI:
CORE METHODS AND
APPLICATIONS
06 May 2020, 9:00 am - 11:00 am EDT
Sri Krishnamurthy, CFA
President
QuantUniversity
Richard Fernand, Moderator
Senior Director, Global Content, Professional Learning
CFA Institute
Use Q&A to submit questions for the presenters
Use CHAT to share comments and to see
what others are saying. You can also select
who you would like to send the message to
by clicking on the drop down next to To:.
Machine Learning and AI
Core methods and Applications
Part 2
2020 Copyright QuantUniversity LLC.
Presented By:
Sri Krishnamurthy, CFA, CAP
sri@quantuniversity.com
www.quantuniversity.com
05/06/2020
CFA Institute - Online
4
Speaker bio
• Advisory and Consultancy for Financial
Analytics
• Prior Experience at MathWorks, Citigroup
and Endeca and 25+ financial services and
energy customers.
• Columnist for the Wilmott Magazine
• Author of forthcoming book
“The Model-Driven Enterprise”
• Teaches AI/ML and Fintech Related topics in
the MS and MBA programs at Northeastern
University, Boston
• Reviewer: Journal of Asset Management
Sri Krishnamurthy
Founder and CEO
QuantUniversity
5
QuantUniversity
• Boston-based Data Science, Quant
Finance and Machine Learning
training and consulting advisory
• Trained more than 1000 students in
Quantitative methods, Data Science
and Big Data Technologies using
MATLAB, Python and R
• Building a platform for AI
and Machine Learning Exploration
and Experimentation
1. Key trends in AI, Machine Learning & Fintech
2. An intuitive introduction to AI and ML
3. Case study
▫ Alternative investments: Interest rate predication for Peer-to-Peer
Market places using ML techniques
▫ Scenario analysis: Synthetic VIX data generation using Neural
Networks
Recap from Part 1
Machine Learning Workflow
Data Scraping/
Ingestion
Data
Exploration
Data Cleansing
and Processing
Feature
Engineering
Model
Evaluation
& Tuning
Model
Selection
Model
Deployment/
Inference
Supervised
Unsupervised
Modeling
Data Engineer, Dev Ops Engineer
Data Scientist/QuantsSoftware/Web Engineer
• AutoML
• Model Validation
• Interpretability
Robotic Process Automation (RPA) (Microservices, Pipelines )
• SW: Web/ Rest API
• HW: GPU, Cloud
• Monitoring
• Regression
• KNN
• Decision Trees
• Naive Bayes
• Neural Networks
• Ensembles
• Clustering
• PCA
• Autoencoder
• RMS
• MAPS
• MAE
• Confusion Matrix
• Precision/Recall
• ROC
• Hyper-parameter
tuning
• Parameter Grids
Risk Management/ Compliance(All stages)
Analysts&
DecisionMakers
8
8
9
Demo 1 – Loan Data Synthesizer
(Anonymization + Data Augmentation)
10
Demo 2: Synthetic Sales data generation
What-if & Scenario analysis
11
Demo 3 : Synthetic VIX generation
Extreme scenario generation
12
Demos, slides and video available on QuAcademy
Go to https://academy.qusandbox.com
Use code ‘CFAMasterclass’ for access
12
• Machine learning
▫ Unsupervised learning – Clustering etc.
▫ Supervised machine learning - Classification
• Case studies
▫ Investments: Using Clustering for investment decision-support
▫ NLP: Building your own Sentiment Analysis Engine for EDGAR filings
• Frontier topics
▫ Anomaly detection
▫ Natural Language Processing
▫ Deep learning
▫ Risk in Machine Learning and AI
▫ Model governance, Interpretability and Model Management
Part 2: Machine Learning and AI :Core methods and
applications
Machine Learning Workflow
Data Scraping/
Ingestion
Data
Exploration
Data Cleansing
and Processing
Feature
Engineering
Model
Evaluation
& Tuning
Model
Selection
Model
Deployment/
Inference
Supervised
Unsupervised
Modeling
Data Engineer, Dev Ops Engineer
Data Scientist/QuantsSoftware/Web Engineer
• AutoML
• Model Validation
• Interpretability
Robotic Process Automation (RPA) (Microservices, Pipelines )
• SW: Web/ Rest API
• HW: GPU, Cloud
• Monitoring
• Regression
• KNN
• Decision Trees
• Naive Bayes
• Neural Networks
• Ensembles
• Clustering
• PCA
• Autoencoder
• RMS
• MAPS
• MAE
• Confusion Matrix
• Precision/Recall
• ROC
• Hyper-parameter
tuning
• Parameter Grids
Risk Management/ Compliance(All stages)
Analysts&
DecisionMakers
17
Machine Learning
Unsupervised Supervised
Reinforcement Semi-Supervised
Machine Learning
18
Goal
Descriptive
Statistics
Cross
sectional
Numerical Categorical
Numerical vs
Categorical
Categorical vs
Categorical
Numerical vs
Numerical
Time series
Predictive
Analytics
Cross-
sectional
Segmentation Prediction
Predict a
number
Predict a
category
Time-series
Machine Learning Algorithms
18
19
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
▫ Example: Given a review, is the author’s sentiment good or bad?
Machine Learning
19
x1,x2,x3… Model F(X) y
20
• Parametric models
▫ Assume some functional form
▫ Fit coefficients
• Examples : Logistic Regression, Neural Networks
Supervised Learning models - Classification
20
Logistic Regression Model Neural network Model
21
• Non-Parametric models
▫ No functional form assumed
• Examples : K-nearest Neighbors, Decision Trees
Supervised Learning models
21
K-nearest neighbor Model Decision tree Model
22
Unsupervised Algorithms
▫ Given a dataset with variables 𝑥!, build a model that captures the
similarities in different observations and assigns them to different
buckets => Clustering
▫ Example: Given a list of emerging market stocks, can we segment them
into three buckets?
Machine Learning
22
Obs1,
Obs2,Obs3
etc.
Model
Obs1- Class 1
Obs2- Class 2
Obs3- Class 1
23
• These methods partition the data into k clusters by assigning each data point to its
closest cluster centroid by minimizing the within-cluster sum of squares (WSS), which
is:
!
!"#
$
!
%∈'!
!
("#
)
(𝑥%( − 𝜇!()*
where 𝑆! is the set of observations in the kth cluster and 𝜇!( is the mean of jth
variable of the cluster center of the kth cluster.
• Then, they select the top n points that are the farthest away from their nearest
cluster centers as outliers.
K-means clustering
23
24
Euclidean distance:
Distance functions
25
Correlation distance:
Distance functions
26
Hierarchical Clustering
• Agglomerative: This is a "bottom-
up" approach: each observation
starts in its own cluster, and pairs
of clusters are merged as one
moves up the hierarchy.
• Divisive: This is a "top-down"
approach: all observations start in
one cluster, and splits are
performed recursively as one
moves down the hierarchy.
Source:
https://en.wikipedia.org/wiki/Hierarchical_cluster
ing
27
Affinity propogation
• Affinity propagation (AP) is a clustering algorithm based on
the concept of "message passing" between data points
• Affinity propagation finds "exemplars," members of the
input set that are representative of clusters
• Affinity propagation does not require the number of clusters
to be determined or estimated before running the algorithm
• Source: https://en.wikipedia.org/wiki/Affinity_propagation
28
Unsupervised Algorithms
▫ PCA->
– Dimension reduction using orthogonal linear transformations
▫ Manifold Learning ->
– Non-linear dimension reduction
▫ Association Rule Mining ->
– People who bought X also bought Y
▫ https://en.wikipedia.org/wiki/Principal_component_analysis
Machine Learning
28
29
http://www.asimovinstitute.org/neural-network-zoo/
30
Machine
Learning
Supervised
Prediction
Parametric
Linear
Regression
Neural
Networks
Non-
parametric
KNN
Decision
Trees
Classification
Parametric
Logistic
Regression
Neural
Networks
Non
Parametric
Decision
Trees KNN
Unsupervised
algorithms
K-means
Associative
rule mining
Machine Learning Algorithms
30
31
Machine Learning movers and shakers
Deep
Learning
Automatic
Machine
Learning
Ensemble
Learning
Natural
Language
Processing
Data Robot
H20.ai
Autosklearn
autokkeras
Tensorflow
Pytorch
NLTK
HuggingFace
Bagging
Boosting
DNN
CNN
LSTM
GAN
33
The Process
33
Data
ingestion
Data
cleansing
Feature
engineering
Training
and testing
Model
building
Model
selection
35
Evaluating
Machine learning
algorithms
Supervised -
Prediction
R-square RMS MAE MAPE
Supervised-
Classification
Confusion Matrix ROC Curves
Evaluation framework
35
36
• Consider a two-class case with classes 𝐶! and 𝐶"
• Classification matrix:
Classification matrix
Predicted Class
Actual Class 𝐶! 𝐶"
𝐶!
𝑛!,!= number of 𝐶! cases
classified correctly
𝑛!,"= number of 𝐶! cases
classified incorrectly as 𝐶"
𝐶"
𝑛",!= number of 𝐶" cases
classified incorrectly as 𝐶!
𝑛","= number of 𝐶" cases
classified correctly
37
• Estimated misclassification rate (overall error rate) is a main
accuracy measure
𝑒𝑟𝑟 =
𝑛!," + 𝑛",!
𝑛!,! + 𝑛!," + 𝑛",! + 𝑛","
=
𝑛!," + 𝑛",!
𝑛
• Overall accuracy:
𝐴𝑐𝑐𝑢𝑟𝑎𝑐𝑦 = 1 − 𝑒𝑟𝑟 =
𝑛!,! + 𝑛","
𝑛
Accuracy Measures
38
• The ROC curve plots the pairs {sensitivity, 1-
specificity} as the cutoff value increases from 0
and 1
• Sensitivity (also called the true positive rate, or
recall in some fields) measures the proportion of
positives that are correctly identified
▫ e.g., the percentage of COVID19 diagnosed people who
are correctly identified as having COVID19
• Specificity (also called the true negative rate)
measures the proportion of negatives that are
correctly identified as such.
▫ e.g., the percentage of healthy people who are correctly
identified as not having COVID19
• Better performance is reflected by curves that are
closer to the top left corner
ROC Curve
39
1. Data
2. Goals
3. Machine learning algorithms
4. Process
5. Performance Evaluation
Recap
Machine Learning Workflow
Data Scraping/
Ingestion
Data
Exploration
Data Cleansing
and Processing
Feature
Engineering
Model
Evaluation
& Tuning
Model
Selection
Model
Deployment/
Inference
Supervised
Unsupervised
Modeling
Data Engineer, Dev Ops Engineer
Data Scientist/QuantsSoftware/Web Engineer
• AutoML
• Model Validation
• Interpretability
Robotic Process Automation (RPA) (Microservices, Pipelines )
• SW: Web/ Rest API
• HW: GPU, Cloud
• Monitoring
• Regression
• KNN
• Decision Trees
• Naive Bayes
• Neural Networks
• Ensembles
• Clustering
• PCA
• Autoencoder
• RMS
• MAPS
• MAE
• Confusion Matrix
• Precision/Recall
• ROC
• Hyper-parameter
tuning
• Parameter Grids
Risk Management/ Compliance(All stages)
Analysts&
DecisionMakers
Investments: Clustering of stocks
43
1. Case Intro
2. Data Exploration of DOW stock data
3. Problem Definition and Machine learning
4. Deployment
Case study
44
Introduction
44
Source: https://novelinvestor.com/sector-performance/
45
Clustering stocks
• Which stocks are like each other?
• Are growth stocks behaving like growth stocks or value
stocks?
• Does the time series of prices & returns reveal which
stocks are close to each other?
46
The Data
46
https://fred.stlouisfed.org/series/DJIA
47
Clustering workflow
Data
Ingestion
Pre-
Processing
Clustering
Visualization
& analysis
Model
Deployment
Stage 1 Stage 2 Stage 3 Stage 4 Stage 5
48
• Clustering
▫ How do we define distance between stocks?
– Correlation
– 1- Correlation2 (https://arxiv.org/abs/cond-mat/9802256)
▫ Hierarchical Clustering
Methodology
49
• Clustering
▫ How do we define distance between stocks?
– Covariance Estimation - https://scikit-
learn.org/stable/modules/covariance.html#sparse-inverse-covariance
▫ Clustering: Affinity propagation - https://scikit-
learn.org/stable/modules/clustering.html#affinity-propagation
▫ Visualizing relationships with manifold learning –
https://scikit-learn.org/stable/modules/manifold.html#manifold
Methodology
50
▫ Visualizing relationships
Methodology
51
▫ Visualizing relationships
https://scikit-learn.org/stable/modules/manifold.html#manifold
Methodology
52
52
53
53
54
54
55
1. http://awesome-streamlit.org/
2. https://scikit-
learn.org/stable/auto_examples/applications/plot_stock_mar
ket.html
Acknowledgements
Natural Language Processing
58
• Understanding sentiments in Earnings call transcripts
Goal
59
• Interpreting emotions
• Labeling data
Challenges
60
What is NLP ?
AI
Linguistics
Computer
Science
61
• 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
62
NLP in Finance
63
• 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
64
• 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
65
What is NLP ?
Jumping NLP Curves
https://ieeexplore.ieee.org/document/6786458/
66
Q: What’s hard about writing programs
to understand text?
67
• 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
68
69
• 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
70
• APIs
• Human Insight
• Expert Knowledge
• Build your own
Options?
71
NLP pipeline
Data Ingestion
from Edgar
Pre-Processing
Invoking APIs to
label data
Compare APIs
Build a new
model for
sentiment
Analysis
• Frontier Topics
• 10 Things to remember
75
Machine Learning movers and shakers
Deep
Learning
Automatic
Machine
Learning
Ensemble
Learning
Natural
Language
Processing
Data Robot
H20.ai
Autosklearn
autokkeras
Tensorflow
Pytorch
NLTK
HuggingFace
Bagging
Boosting
DNN
CNN
LSTM
GAN
76
http://www.asimovinstitute.org/neural-network-zoo/
77
What is AutoML?
Automated Machine Learning provides methods and processes to
make Machine Learning available for non-Machine Learning experts,
to improve efficiency of Machine Learning and to accelerate research
on Machine Learning.
• Incarnations: DataRobot, H20.ai, Azure ML, Amazon Sagemaker
AutoPilot, Google Automl
• Check https://www.automl.org/automl/ for more details
AutoML
http://www.asimovinstitute.org/neural-network-zoo/
78
• Simple weighting (Crude but still being used!)
• Bayesian averaging
• Gradient Boosted Decision Trees, Random Forest etc.
Ensemble learning
79
• Requires lots of data
• Labeling and annotation is a big problem
• ML as-a-service is the way to go unless very specific domain
expertise and data is available
Natural Language Processing
80
• Fraud Detection
▫ Credit card fraud detection
– By owner or by operation
▫ Mobile phone fraud/anomaly detection
– Calling behavior, volume etc.
▫ Insurance claim fraud detection
– Medical malpractice
– Auto insurance
▫ Insider trading detection
▫ Pricing issues
▫ Network issues
Anomaly Detection
81
Elements of Model Risk Management
82
• Components that needs to be tracked
WHAT CONSTITUTES AN ML MODEL?
82
• Programming environment
• Execution environment
• Hardware specs
• Cloud
• GPU
• Interdependencies
• Lineage/Provenance of
individual components
• Model params
• Hyper parameters
• Pipeline specifications
• Model specific
• Tests
• Data versions
Data Model
EnvironmentProcess
83
ELEMENTS OF A MACHINE LEARNING SYSTEM
Source: Sculley et al., 2015 "Hidden Technical Debt in Machine Learning Systems"
84
The reproducibility challenge
87
1. Articulate your business problem
10 Things to Remember
88
2. The Data questions
1. Do you know what data you need ?
2. Do you know if the data is available?
3. Do you have the data ?
4. Do you have the right data?
5. Will you continue to have the data?
10 Things to Remember
89
3. Develop a data acquisition and data prep strategy
1. Do you know how to get the data ?
2. Who gets the data?
3. How do you process it?
4. How do you access it?
5. How do you version and govern the data?
10 Things to Remember
90
4. Explore and evaluate your data and get it in the right format
10 Things to Remember
91
5. Define your goal:
1. Summarization
2. Fact finding
3. Understanding relationships
4. Prediction
10 Things to Remember
92
6. Shortlist (not “Choose” ) the
techniques/methodologies/algorithms
10 Things to Remember
93
7. Evaluate/establish business constraints and narrow down your
choices of techniques/methodologies/algorithms
1. Cloud/Cost/Expertise/Cost-Value
2. Build/buy/access
10 Things to Remember
Outcomes
Time
Quality
Cost
94
8. Establish criteria to know if the methodology/models/algorithms
work
1. Is the process replicable?
2. What performance metrics do we choose?
3. Can you evaluate the performance and validate if the models meet
the criteria?
4. Does it provide business value?
10 Things to Remember
95
9. Fine tune your algorithms and algorithm selection
1. Hyper parameter tuning
2. Bias-variance tradeoff
3. Handling imbalanced class problems
4. Ensemble techniques
5. AutoML
10 Things to Remember
https://support.sas.com/resources/papers/proceedings17/SAS0514-2017.pdf
96
10. How will this process reach decision makers
1. Deployment choices (On-prem/Cloud)
2. Frequency of data/model updates
3. Governance/Role/Responsibilities
4. Speed, Scale, Availability, Disaster recovery, Rollback, Pull-Plug
10 Things to Remember
97
How do you monitor the efficacy of your solution?
1. Retuning
2. Monitoring
3. Model decay
4. Data augmentation
5. Newer innovations
10+1 Things to Remember
Machine Learning Workflow
Data Scraping/
Ingestion
Data
Exploration
Data Cleansing
and Processing
Feature
Engineering
Model
Evaluation
& Tuning
Model
Selection
Model
Deployment/
Inference
Supervised
Unsupervised
Modeling
Data Engineer, Dev Ops Engineer
Data Scientist/QuantsSoftware/Web Engineer
• AutoML
• Model Validation
• Interpretability
Robotic Process Automation (RPA) (Microservices, Pipelines )
• SW: Web/ Rest API
• HW: GPU, Cloud
• Monitoring
• Regression
• KNN
• Decision Trees
• Naive Bayes
• Neural Networks
• Ensembles
• Clustering
• PCA
• Autoencoder
• RMS
• MAPS
• MAE
• Confusion Matrix
• Precision/Recall
• ROC
• Hyper-parameter
tuning
• Parameter Grids
Risk Management/ Compliance(All stages)
Analysts&
DecisionMakers
1. Key trends in AI, Machine Learning & Fintech
2. An intuitive introduction to AI and ML
3. Case study
▫ Alternative investments: Interest rate predication for Peer-to-Peer
Market places using ML techniques
▫ Scenario analysis: Synthetic VIX data generation using Neural
Networks
Part 1
• Machine learning
▫ Unsupervised learning – Clustering etc.
▫ Supervised machine learning - Classification
• Case studies
▫ Investments: Using Clustering for investment decision-support
▫ NLP: Building your own Sentiment Analysis Engine for EDGAR filings
• Frontier topics
▫ Anomaly detection
▫ Natural Language Processing
▫ Deep learning
▫ Risk in Machine Learning and AI
▫ Model governance, Interpretability and Model Management
Part 2: Machine Learning and AI :Core methods and
applications
102
Demos, slides and video available on QuAcademy
Go to https://academy.qusandbox.com
Use code ‘CFAMasterclass’ for access
102
103
https://qupython.splashthat.com/
Register at
https://mlinfinance.splashthat.com
Classes start
May 12th
104
Use code ‘QUAffiliate’ to take $100 off
Thank you!
Sri Krishnamurthy, CFA, CAP
Founder and CEO
QuantUniversity LLC.
srikrishnamurthy
www.QuantUniversity.com
Contact
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.
106

Más contenido relacionado

La actualidad más candente

achine Learning and Model Risk
achine Learning and Model Riskachine Learning and Model Risk
achine Learning and Model Risk
QuantUniversity
 
Synthetic data generation for machine learning
Synthetic data generation for machine learningSynthetic data generation for machine learning
Synthetic data generation for machine learning
QuantUniversity
 
Synthetic Data Generation with DoppelGanger
Synthetic Data Generation with DoppelGangerSynthetic Data Generation with DoppelGanger
Synthetic Data Generation with DoppelGanger
QuantUniversity
 

La actualidad más candente (20)

Ai in finance
Ai in financeAi in finance
Ai in finance
 
QuantUniversity Machine Learning in Finance Course
QuantUniversity Machine Learning in Finance CourseQuantUniversity Machine Learning in Finance Course
QuantUniversity Machine Learning in Finance Course
 
Machine Learning Applications in Credit Risk
Machine Learning Applications in Credit RiskMachine Learning Applications in Credit Risk
Machine Learning Applications in Credit Risk
 
Nlp workshop-share
Nlp workshop-shareNlp workshop-share
Nlp workshop-share
 
QCon conference 2019
QCon conference 2019QCon conference 2019
QCon conference 2019
 
Data science in 10 steps
Data science in 10 stepsData science in 10 steps
Data science in 10 steps
 
CFA-NY Workshop - Final slides
CFA-NY Workshop - Final slidesCFA-NY Workshop - Final slides
CFA-NY Workshop - Final slides
 
achine Learning and Model Risk
achine Learning and Model Riskachine Learning and Model Risk
achine Learning and Model Risk
 
Ds for finance day1
Ds for finance day1Ds for finance day1
Ds for finance day1
 
Modular Machine Learning for Model Validation
Modular Machine Learning for Model ValidationModular Machine Learning for Model Validation
Modular Machine Learning for Model Validation
 
Python for Data science
Python for Data sciencePython for Data science
Python for Data science
 
Ml conference slides boston june 2019
Ml conference slides boston june 2019Ml conference slides boston june 2019
Ml conference slides boston june 2019
 
Machine learning for factor investing
Machine learning for factor investingMachine learning for factor investing
Machine learning for factor investing
 
Ml and AI for financial professionals
Ml and AI for financial professionalsMl and AI for financial professionals
Ml and AI for financial professionals
 
Practical model management in the age of Data science and ML
Practical model management in the age of Data science and MLPractical model management in the age of Data science and ML
Practical model management in the age of Data science and ML
 
Synthetic data generation for machine learning
Synthetic data generation for machine learningSynthetic data generation for machine learning
Synthetic data generation for machine learning
 
Model governance in the age of data science & AI
Model governance in the age of data science & AIModel governance in the age of data science & AI
Model governance in the age of data science & AI
 
Quant university MRM and machine learning
Quant university MRM and machine learningQuant university MRM and machine learning
Quant university MRM and machine learning
 
Synthetic Data Generation with DoppelGanger
Synthetic Data Generation with DoppelGangerSynthetic Data Generation with DoppelGanger
Synthetic Data Generation with DoppelGanger
 
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
 

Similar a Machine Learning and AI: Core Methods and Applications

Lessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at NetflixLessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at Netflix
Justin Basilico
 
M.tech cse 10july13 (1)
M.tech cse  10july13 (1)M.tech cse  10july13 (1)
M.tech cse 10july13 (1)
vijay707070
 

Similar a Machine Learning and AI: Core Methods and Applications (20)

Ds for finance day 3
Ds for finance day 3Ds for finance day 3
Ds for finance day 3
 
2019 GDRR: Blockchain Data Analytics - QuTrack: Model Life Cycle Management f...
2019 GDRR: Blockchain Data Analytics - QuTrack: Model Life Cycle Management f...2019 GDRR: Blockchain Data Analytics - QuTrack: Model Life Cycle Management f...
2019 GDRR: Blockchain Data Analytics - QuTrack: Model Life Cycle Management f...
 
QuTrack: Model Life Cycle Management for AI and ML models using a Blockchain ...
QuTrack: Model Life Cycle Management for AI and ML models using a Blockchain ...QuTrack: Model Life Cycle Management for AI and ML models using a Blockchain ...
QuTrack: Model Life Cycle Management for AI and ML models using a Blockchain ...
 
Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101
 
The importance of model fairness and interpretability in AI systems
The importance of model fairness and interpretability in AI systemsThe importance of model fairness and interpretability in AI systems
The importance of model fairness and interpretability in AI systems
 
Ds for finance day 2
Ds for finance day 2Ds for finance day 2
Ds for finance day 2
 
Lessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at NetflixLessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at Netflix
 
M.tech cse 10july13 (1)
M.tech cse  10july13 (1)M.tech cse  10july13 (1)
M.tech cse 10july13 (1)
 
Credit risk meetup
Credit risk meetupCredit risk meetup
Credit risk meetup
 
Unsupervised Learning: Clustering
Unsupervised Learning: Clustering Unsupervised Learning: Clustering
Unsupervised Learning: Clustering
 
Intelligent Career Guidance System.pptx
Intelligent Career Guidance System.pptxIntelligent Career Guidance System.pptx
Intelligent Career Guidance System.pptx
 
Ml master class northeastern university
Ml master class   northeastern universityMl master class   northeastern university
Ml master class northeastern university
 
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
 
Presentation by Lionel Briand
Presentation by Lionel BriandPresentation by Lionel Briand
Presentation by Lionel Briand
 
RESUME SCREENING USING LSTM
RESUME SCREENING USING LSTMRESUME SCREENING USING LSTM
RESUME SCREENING USING LSTM
 
Ml master class
Ml master classMl master class
Ml master class
 
2020 09-16-ai-engineering challanges
2020 09-16-ai-engineering challanges2020 09-16-ai-engineering challanges
2020 09-16-ai-engineering challanges
 
Data Mining 101
Data Mining 101Data Mining 101
Data Mining 101
 
2016 03-16 digital energy luncheon
2016 03-16 digital energy luncheon2016 03-16 digital energy luncheon
2016 03-16 digital energy luncheon
 
First Year Report, PhD presentation
First Year Report, PhD presentationFirst Year Report, PhD presentation
First Year Report, PhD presentation
 

Más de 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
 

Más de 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
 

Último

Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
amitlee9823
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
gajnagarg
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
karishmasinghjnh
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
gajnagarg
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
amitlee9823
 
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service BangaloreCall Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
amitlee9823
 
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
gajnagarg
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
amitlee9823
 

Último (20)

Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls kakinada Escorts ☎️9352988975 Two shot with one girl...
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
👉 Amritsar Call Girl 👉📞 6367187148 👉📞 Just📲 Call Ruhi Call Girl Phone No Amri...
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
 
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service BangaloreCall Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
 
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
 
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Nandini Layout ☎ 7737669865 🥵 Book Your One night Stand
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls Bellary Escorts ☎️9352988975 Two shot with one girl ...
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
 

Machine Learning and AI: Core Methods and Applications

  • 1. MACHINE LEARNING AND AI: CORE METHODS AND APPLICATIONS 06 May 2020, 9:00 am - 11:00 am EDT Sri Krishnamurthy, CFA President QuantUniversity Richard Fernand, Moderator Senior Director, Global Content, Professional Learning CFA Institute
  • 2. Use Q&A to submit questions for the presenters Use CHAT to share comments and to see what others are saying. You can also select who you would like to send the message to by clicking on the drop down next to To:.
  • 3. Machine Learning and AI Core methods and Applications Part 2 2020 Copyright QuantUniversity LLC. Presented By: Sri Krishnamurthy, CFA, CAP sri@quantuniversity.com www.quantuniversity.com 05/06/2020 CFA Institute - Online
  • 4. 4 Speaker bio • Advisory and Consultancy for Financial Analytics • Prior Experience at MathWorks, Citigroup and Endeca and 25+ financial services and energy customers. • Columnist for the Wilmott Magazine • Author of forthcoming book “The Model-Driven Enterprise” • Teaches AI/ML and Fintech Related topics in the MS and MBA programs at Northeastern University, Boston • Reviewer: Journal of Asset Management Sri Krishnamurthy Founder and CEO QuantUniversity
  • 5. 5 QuantUniversity • Boston-based Data Science, Quant Finance and Machine Learning training and consulting advisory • Trained more than 1000 students in Quantitative methods, Data Science and Big Data Technologies using MATLAB, Python and R • Building a platform for AI and Machine Learning Exploration and Experimentation
  • 6. 1. Key trends in AI, Machine Learning & Fintech 2. An intuitive introduction to AI and ML 3. Case study ▫ Alternative investments: Interest rate predication for Peer-to-Peer Market places using ML techniques ▫ Scenario analysis: Synthetic VIX data generation using Neural Networks Recap from Part 1
  • 7. Machine Learning Workflow Data Scraping/ Ingestion Data Exploration Data Cleansing and Processing Feature Engineering Model Evaluation & Tuning Model Selection Model Deployment/ Inference Supervised Unsupervised Modeling Data Engineer, Dev Ops Engineer Data Scientist/QuantsSoftware/Web Engineer • AutoML • Model Validation • Interpretability Robotic Process Automation (RPA) (Microservices, Pipelines ) • SW: Web/ Rest API • HW: GPU, Cloud • Monitoring • Regression • KNN • Decision Trees • Naive Bayes • Neural Networks • Ensembles • Clustering • PCA • Autoencoder • RMS • MAPS • MAE • Confusion Matrix • Precision/Recall • ROC • Hyper-parameter tuning • Parameter Grids Risk Management/ Compliance(All stages) Analysts& DecisionMakers
  • 8. 8 8
  • 9. 9 Demo 1 – Loan Data Synthesizer (Anonymization + Data Augmentation)
  • 10. 10 Demo 2: Synthetic Sales data generation What-if & Scenario analysis
  • 11. 11 Demo 3 : Synthetic VIX generation Extreme scenario generation
  • 12. 12 Demos, slides and video available on QuAcademy Go to https://academy.qusandbox.com Use code ‘CFAMasterclass’ for access 12
  • 13.
  • 14. • Machine learning ▫ Unsupervised learning – Clustering etc. ▫ Supervised machine learning - Classification • Case studies ▫ Investments: Using Clustering for investment decision-support ▫ NLP: Building your own Sentiment Analysis Engine for EDGAR filings • Frontier topics ▫ Anomaly detection ▫ Natural Language Processing ▫ Deep learning ▫ Risk in Machine Learning and AI ▫ Model governance, Interpretability and Model Management Part 2: Machine Learning and AI :Core methods and applications
  • 15. Machine Learning Workflow Data Scraping/ Ingestion Data Exploration Data Cleansing and Processing Feature Engineering Model Evaluation & Tuning Model Selection Model Deployment/ Inference Supervised Unsupervised Modeling Data Engineer, Dev Ops Engineer Data Scientist/QuantsSoftware/Web Engineer • AutoML • Model Validation • Interpretability Robotic Process Automation (RPA) (Microservices, Pipelines ) • SW: Web/ Rest API • HW: GPU, Cloud • Monitoring • Regression • KNN • Decision Trees • Naive Bayes • Neural Networks • Ensembles • Clustering • PCA • Autoencoder • RMS • MAPS • MAE • Confusion Matrix • Precision/Recall • ROC • Hyper-parameter tuning • Parameter Grids Risk Management/ Compliance(All stages) Analysts& DecisionMakers
  • 16.
  • 18. 18 Goal Descriptive Statistics Cross sectional Numerical Categorical Numerical vs Categorical Categorical vs Categorical Numerical vs Numerical Time series Predictive Analytics Cross- sectional Segmentation Prediction Predict a number Predict a category Time-series Machine Learning Algorithms 18
  • 19. 19 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 ▫ Example: Given a review, is the author’s sentiment good or bad? Machine Learning 19 x1,x2,x3… Model F(X) y
  • 20. 20 • Parametric models ▫ Assume some functional form ▫ Fit coefficients • Examples : Logistic Regression, Neural Networks Supervised Learning models - Classification 20 Logistic Regression Model Neural network Model
  • 21. 21 • Non-Parametric models ▫ No functional form assumed • Examples : K-nearest Neighbors, Decision Trees Supervised Learning models 21 K-nearest neighbor Model Decision tree Model
  • 22. 22 Unsupervised Algorithms ▫ Given a dataset with variables 𝑥!, build a model that captures the similarities in different observations and assigns them to different buckets => Clustering ▫ Example: Given a list of emerging market stocks, can we segment them into three buckets? Machine Learning 22 Obs1, Obs2,Obs3 etc. Model Obs1- Class 1 Obs2- Class 2 Obs3- Class 1
  • 23. 23 • These methods partition the data into k clusters by assigning each data point to its closest cluster centroid by minimizing the within-cluster sum of squares (WSS), which is: ! !"# $ ! %∈'! ! ("# ) (𝑥%( − 𝜇!()* where 𝑆! is the set of observations in the kth cluster and 𝜇!( is the mean of jth variable of the cluster center of the kth cluster. • Then, they select the top n points that are the farthest away from their nearest cluster centers as outliers. K-means clustering 23
  • 26. 26 Hierarchical Clustering • Agglomerative: This is a "bottom- up" approach: each observation starts in its own cluster, and pairs of clusters are merged as one moves up the hierarchy. • Divisive: This is a "top-down" approach: all observations start in one cluster, and splits are performed recursively as one moves down the hierarchy. Source: https://en.wikipedia.org/wiki/Hierarchical_cluster ing
  • 27. 27 Affinity propogation • Affinity propagation (AP) is a clustering algorithm based on the concept of "message passing" between data points • Affinity propagation finds "exemplars," members of the input set that are representative of clusters • Affinity propagation does not require the number of clusters to be determined or estimated before running the algorithm • Source: https://en.wikipedia.org/wiki/Affinity_propagation
  • 28. 28 Unsupervised Algorithms ▫ PCA-> – Dimension reduction using orthogonal linear transformations ▫ Manifold Learning -> – Non-linear dimension reduction ▫ Association Rule Mining -> – People who bought X also bought Y ▫ https://en.wikipedia.org/wiki/Principal_component_analysis Machine Learning 28
  • 31. 31 Machine Learning movers and shakers Deep Learning Automatic Machine Learning Ensemble Learning Natural Language Processing Data Robot H20.ai Autosklearn autokkeras Tensorflow Pytorch NLTK HuggingFace Bagging Boosting DNN CNN LSTM GAN
  • 32.
  • 34.
  • 35. 35 Evaluating Machine learning algorithms Supervised - Prediction R-square RMS MAE MAPE Supervised- Classification Confusion Matrix ROC Curves Evaluation framework 35
  • 36. 36 • Consider a two-class case with classes 𝐶! and 𝐶" • Classification matrix: Classification matrix Predicted Class Actual Class 𝐶! 𝐶" 𝐶! 𝑛!,!= number of 𝐶! cases classified correctly 𝑛!,"= number of 𝐶! cases classified incorrectly as 𝐶" 𝐶" 𝑛",!= number of 𝐶" cases classified incorrectly as 𝐶! 𝑛","= number of 𝐶" cases classified correctly
  • 37. 37 • Estimated misclassification rate (overall error rate) is a main accuracy measure 𝑒𝑟𝑟 = 𝑛!," + 𝑛",! 𝑛!,! + 𝑛!," + 𝑛",! + 𝑛"," = 𝑛!," + 𝑛",! 𝑛 • Overall accuracy: 𝐴𝑐𝑐𝑢𝑟𝑎𝑐𝑦 = 1 − 𝑒𝑟𝑟 = 𝑛!,! + 𝑛"," 𝑛 Accuracy Measures
  • 38. 38 • The ROC curve plots the pairs {sensitivity, 1- specificity} as the cutoff value increases from 0 and 1 • Sensitivity (also called the true positive rate, or recall in some fields) measures the proportion of positives that are correctly identified ▫ e.g., the percentage of COVID19 diagnosed people who are correctly identified as having COVID19 • Specificity (also called the true negative rate) measures the proportion of negatives that are correctly identified as such. ▫ e.g., the percentage of healthy people who are correctly identified as not having COVID19 • Better performance is reflected by curves that are closer to the top left corner ROC Curve
  • 39. 39 1. Data 2. Goals 3. Machine learning algorithms 4. Process 5. Performance Evaluation Recap
  • 40. Machine Learning Workflow Data Scraping/ Ingestion Data Exploration Data Cleansing and Processing Feature Engineering Model Evaluation & Tuning Model Selection Model Deployment/ Inference Supervised Unsupervised Modeling Data Engineer, Dev Ops Engineer Data Scientist/QuantsSoftware/Web Engineer • AutoML • Model Validation • Interpretability Robotic Process Automation (RPA) (Microservices, Pipelines ) • SW: Web/ Rest API • HW: GPU, Cloud • Monitoring • Regression • KNN • Decision Trees • Naive Bayes • Neural Networks • Ensembles • Clustering • PCA • Autoencoder • RMS • MAPS • MAE • Confusion Matrix • Precision/Recall • ROC • Hyper-parameter tuning • Parameter Grids Risk Management/ Compliance(All stages) Analysts& DecisionMakers
  • 41.
  • 43. 43 1. Case Intro 2. Data Exploration of DOW stock data 3. Problem Definition and Machine learning 4. Deployment Case study
  • 45. 45 Clustering stocks • Which stocks are like each other? • Are growth stocks behaving like growth stocks or value stocks? • Does the time series of prices & returns reveal which stocks are close to each other?
  • 48. 48 • Clustering ▫ How do we define distance between stocks? – Correlation – 1- Correlation2 (https://arxiv.org/abs/cond-mat/9802256) ▫ Hierarchical Clustering Methodology
  • 49. 49 • Clustering ▫ How do we define distance between stocks? – Covariance Estimation - https://scikit- learn.org/stable/modules/covariance.html#sparse-inverse-covariance ▫ Clustering: Affinity propagation - https://scikit- learn.org/stable/modules/clustering.html#affinity-propagation ▫ Visualizing relationships with manifold learning – https://scikit-learn.org/stable/modules/manifold.html#manifold Methodology
  • 52. 52 52
  • 53. 53 53
  • 54. 54 54
  • 56.
  • 58. 58 • Understanding sentiments in Earnings call transcripts Goal
  • 59. 59 • Interpreting emotions • Labeling data Challenges
  • 60. 60 What is NLP ? AI Linguistics Computer Science
  • 61. 61 • 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
  • 63. 63 • 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
  • 64. 64 • 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
  • 65. 65 What is NLP ? Jumping NLP Curves https://ieeexplore.ieee.org/document/6786458/
  • 66. 66 Q: What’s hard about writing programs to understand text?
  • 67. 67 • 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
  • 68. 68
  • 69. 69 • 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
  • 70. 70 • APIs • Human Insight • Expert Knowledge • Build your own Options?
  • 71. 71 NLP pipeline Data Ingestion from Edgar Pre-Processing Invoking APIs to label data Compare APIs Build a new model for sentiment Analysis
  • 72.
  • 73.
  • 74. • Frontier Topics • 10 Things to remember
  • 75. 75 Machine Learning movers and shakers Deep Learning Automatic Machine Learning Ensemble Learning Natural Language Processing Data Robot H20.ai Autosklearn autokkeras Tensorflow Pytorch NLTK HuggingFace Bagging Boosting DNN CNN LSTM GAN
  • 77. 77 What is AutoML? Automated Machine Learning provides methods and processes to make Machine Learning available for non-Machine Learning experts, to improve efficiency of Machine Learning and to accelerate research on Machine Learning. • Incarnations: DataRobot, H20.ai, Azure ML, Amazon Sagemaker AutoPilot, Google Automl • Check https://www.automl.org/automl/ for more details AutoML http://www.asimovinstitute.org/neural-network-zoo/
  • 78. 78 • Simple weighting (Crude but still being used!) • Bayesian averaging • Gradient Boosted Decision Trees, Random Forest etc. Ensemble learning
  • 79. 79 • Requires lots of data • Labeling and annotation is a big problem • ML as-a-service is the way to go unless very specific domain expertise and data is available Natural Language Processing
  • 80. 80 • Fraud Detection ▫ Credit card fraud detection – By owner or by operation ▫ Mobile phone fraud/anomaly detection – Calling behavior, volume etc. ▫ Insurance claim fraud detection – Medical malpractice – Auto insurance ▫ Insider trading detection ▫ Pricing issues ▫ Network issues Anomaly Detection
  • 81. 81 Elements of Model Risk Management
  • 82. 82 • Components that needs to be tracked WHAT CONSTITUTES AN ML MODEL? 82 • Programming environment • Execution environment • Hardware specs • Cloud • GPU • Interdependencies • Lineage/Provenance of individual components • Model params • Hyper parameters • Pipeline specifications • Model specific • Tests • Data versions Data Model EnvironmentProcess
  • 83. 83 ELEMENTS OF A MACHINE LEARNING SYSTEM Source: Sculley et al., 2015 "Hidden Technical Debt in Machine Learning Systems"
  • 85.
  • 86.
  • 87. 87 1. Articulate your business problem 10 Things to Remember
  • 88. 88 2. The Data questions 1. Do you know what data you need ? 2. Do you know if the data is available? 3. Do you have the data ? 4. Do you have the right data? 5. Will you continue to have the data? 10 Things to Remember
  • 89. 89 3. Develop a data acquisition and data prep strategy 1. Do you know how to get the data ? 2. Who gets the data? 3. How do you process it? 4. How do you access it? 5. How do you version and govern the data? 10 Things to Remember
  • 90. 90 4. Explore and evaluate your data and get it in the right format 10 Things to Remember
  • 91. 91 5. Define your goal: 1. Summarization 2. Fact finding 3. Understanding relationships 4. Prediction 10 Things to Remember
  • 92. 92 6. Shortlist (not “Choose” ) the techniques/methodologies/algorithms 10 Things to Remember
  • 93. 93 7. Evaluate/establish business constraints and narrow down your choices of techniques/methodologies/algorithms 1. Cloud/Cost/Expertise/Cost-Value 2. Build/buy/access 10 Things to Remember Outcomes Time Quality Cost
  • 94. 94 8. Establish criteria to know if the methodology/models/algorithms work 1. Is the process replicable? 2. What performance metrics do we choose? 3. Can you evaluate the performance and validate if the models meet the criteria? 4. Does it provide business value? 10 Things to Remember
  • 95. 95 9. Fine tune your algorithms and algorithm selection 1. Hyper parameter tuning 2. Bias-variance tradeoff 3. Handling imbalanced class problems 4. Ensemble techniques 5. AutoML 10 Things to Remember https://support.sas.com/resources/papers/proceedings17/SAS0514-2017.pdf
  • 96. 96 10. How will this process reach decision makers 1. Deployment choices (On-prem/Cloud) 2. Frequency of data/model updates 3. Governance/Role/Responsibilities 4. Speed, Scale, Availability, Disaster recovery, Rollback, Pull-Plug 10 Things to Remember
  • 97. 97 How do you monitor the efficacy of your solution? 1. Retuning 2. Monitoring 3. Model decay 4. Data augmentation 5. Newer innovations 10+1 Things to Remember
  • 98. Machine Learning Workflow Data Scraping/ Ingestion Data Exploration Data Cleansing and Processing Feature Engineering Model Evaluation & Tuning Model Selection Model Deployment/ Inference Supervised Unsupervised Modeling Data Engineer, Dev Ops Engineer Data Scientist/QuantsSoftware/Web Engineer • AutoML • Model Validation • Interpretability Robotic Process Automation (RPA) (Microservices, Pipelines ) • SW: Web/ Rest API • HW: GPU, Cloud • Monitoring • Regression • KNN • Decision Trees • Naive Bayes • Neural Networks • Ensembles • Clustering • PCA • Autoencoder • RMS • MAPS • MAE • Confusion Matrix • Precision/Recall • ROC • Hyper-parameter tuning • Parameter Grids Risk Management/ Compliance(All stages) Analysts& DecisionMakers
  • 99.
  • 100. 1. Key trends in AI, Machine Learning & Fintech 2. An intuitive introduction to AI and ML 3. Case study ▫ Alternative investments: Interest rate predication for Peer-to-Peer Market places using ML techniques ▫ Scenario analysis: Synthetic VIX data generation using Neural Networks Part 1
  • 101. • Machine learning ▫ Unsupervised learning – Clustering etc. ▫ Supervised machine learning - Classification • Case studies ▫ Investments: Using Clustering for investment decision-support ▫ NLP: Building your own Sentiment Analysis Engine for EDGAR filings • Frontier topics ▫ Anomaly detection ▫ Natural Language Processing ▫ Deep learning ▫ Risk in Machine Learning and AI ▫ Model governance, Interpretability and Model Management Part 2: Machine Learning and AI :Core methods and applications
  • 102. 102 Demos, slides and video available on QuAcademy Go to https://academy.qusandbox.com Use code ‘CFAMasterclass’ for access 102
  • 104. Register at https://mlinfinance.splashthat.com Classes start May 12th 104 Use code ‘QUAffiliate’ to take $100 off
  • 105.
  • 106. Thank you! Sri Krishnamurthy, CFA, CAP Founder and CEO QuantUniversity LLC. srikrishnamurthy www.QuantUniversity.com Contact 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. 106