SlideShare a Scribd company logo
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
How Spark Speedup AI
Mike Tang
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
Outline
● Spark ecosystem
● Spark ML and XGBoost
● Spark Deep Learning pipeline
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Big data
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
What is machine learning or AI ?
⬢ Database, Big data, Machine Learning, AI ?
⬢ “using algorithms to understand the pattern in data”
Prediction
insight
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
History of big data
⬢ Application driven
○ Billions of web pages
○ New system requirements
■ Cheap
■ Robust
■ Efficient
○ 2004 Google
○ 2007 Yahoo
○ Hadoop ecosystem
■ HDFS
■ MAPR
■ Yarn
○ 2012 Hortonworks
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Applications driven for big data
⬢ Ecosystem of Hadoop
○ How Facebook use Hadoop?
■ Hive for OLAP query processing
■ HBase for for billion users activities tracking
○ How Twitter use Hadoop?
■ Storm: streaming data processing for twitter
stream data
○ How LinkedIn use Hadoop?
■ Kafaka to subscribe users streaming data
○ When Hadoop come together?
■ Ambari: for node management and deploy
different components
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
The leading data science platform for big data
Apache Spark
Hadoop
Interactive Streaming Batch
Nosql Tensor
flow
⬢ Apache Spark
○ Machine learning
application driven
○ The leading computation
engine for big data
processing
○ Data pipeline for
different data source
and other computation
engine
○ Uniform data processing
object RDD and
DataFrame
○ Memory based
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Data pipeline for machine learning
Resilient Distributed Dataset
server server server server
ETL Exploration Machine
learning
Structural
data
RAW data
processing
Interactive,
OLAP,
Spark SQL
Feature
engineering
Model
training
Data
Product
Visualization
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
ML is only a small part of real-word ML system
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Bring Data Science to Big Data
Retraining
History
data
Feedback
data
Data scientist
Continuous updating
Deploying
Operational
data
ML
Model
Feature engineering
Model selection
Model tuning
ML
Pipeline
Scoring
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
Outline
● Spark ecosystem
● Spark XGBoost
● Spark Deep Learning pipeline
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ Machine learning for big data
⬢ Application lists
○ House price prediction
○ CTR prediction
○ ….
○ Products recommendation
⬢ ML job categories
○ Regression
○ Classification
○ Clustering
○ Etc.
⬢ XGBoost is good at
○ Regression and Classification
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ XGBoost is the start-of-art approach in Kaggle for structural data
○ 80% teams win the competition based on XGBoost
○ A tree based model
○ Excellent at classification and regression
○ Ref: http://xgboost.readthedocs.io/en/latest/model.html
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ Ensemble and Boosting is time consuming for training model
○ Ensemble
○ An ensemble is a combination of predication model that output a final result
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ Ensemble and Boosting is time consuming for training model
○ Gradient Boosting
○ Multiple round (1…M) iterations to correct the errors of previous round mistake
○ Ref: https://www.slideshare.net/LonghowLam/machine-learning-overview
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ Train XGBoost is time consuming
Training
data
XGBoost
Model
B: Model EvaluationTesting
data
Model
Evaluation
A: Training algorithm
C: Model tuning
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ What should we do ?
Training
data
XGBoost
Model
B: Model Evaluation
with Spark ML
Testing
data
Model
Evaluatio
n
A: Speedup Training
1. Parallel and GPU
C: AUTO Model
Tuning with Spark ML
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Motivation
⬢ From single machine to parallel computation
○ Distributed training
○ GPU supported
○ Cowork with big data ecosystem
⬢ How to provide the end-end solution for DS?
○ Front-end
■ Easy and efficient way for parallel XGBoost computation
■ Notebook front end for model visualization
○ Backend
■ Yarn to allocate the resource for application (CPU, Memory, GPU)
■ Docker support
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
How Spark enhance XGBoost
⬢ Efficient distributed training and Spark ML pipeline
○ Dataframe and RDD support for efficient data preprocessing
⬢ Ref: http://dmlc.ml/2016/10/26/a-full-integration-of-xgboost-and-spark.html
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
How Spark enhance XGBoost
⬢ Each node of XGBoost need Rabit to communicate with each others
○ Efficient but not easy to manage Rabit
XGBoost
worker2
XGBoost
worker3
XGBoost
worker4
Training data
Partition 1 XGBoost
worker1
Training data
Partition 2
Training data
Partition 3
Training data
Partition 4
Statistic sync:
optimal split value
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
XGBoost on Spark ML pipeline
⬢ Distributed XGBoost inside Spark ML pipeline
⬢ XGBoost estimator
○ Extend from Spark ML estimator
⬢ XGBoost model
○ Extend from Spark ML pipelineModel
○ Naturally work inside Spark ML Pipeline for model materialization
⬢ XGBoost parameter
○ Extend from Spark ML parameter
○ Enable automatically parameter tuning
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
XGBoost on Spark ML pipeline
⬢ Distributed XGBoost
○ Parameter:
○ val paramMap = List( "eta" -> 0.1f, "max_depth" -> 2, "objective" -> "binary:logistic").toMap
○ training
○ val xgboostModelRDD = XGBoost.train(trainRDD, paramMap, 1, 4, useExternalMemory=true)
○ val xgboostModelDF = XGBoost.trainWithDataFrame(trainDF, paramMap, 1, 4, useExternalMemory = true)
○ Prediction
○ val xgboostPredictionRDD = xgboostModelRDD.predict(trainRDD.map{x => x.features})
○ XGBoost inside ML pipeline
○ val xgboostEstimator = new XGBoostEstimator( Map[String, Any]("num_round" -> 30, "nworkers" -> 10, "objective" ->
"reg:linear", "eta" -> 0.3, "max_depth" -> 6, "early_stopping_rounds" -> 10))
val pipeline = new Pipeline() .setStages(Array(assembler, xgboostEstimator))
○ val pipelineData = dataset.withColumnRenamed("PE","label")
○ val pipelineModel = pipeline.fit(pipelineData)
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
GPU speedup XGBoost
⬢ Where to improve the tree building procedure?
⬢ Procedure to build a tree
○ for each feature of input data
■ for each leaf of current tree
● find the best spilt
■ split the leaf node
A
Y N
A
Y N
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
GPU speedup XGBoost
⬢ GPU speedup XGBoost in the single machine
○ Processing all nodes in the same level concurrently
○ Optimizing splitting point selection
○ Optimize memory usage for data sparsity
⬢ Algorithm to speedup XGBoost via GPU
○ Phase 1: Find splits
○ Phase 2: Update node positions
○ Phase 3: Sort node buckets
○ Ref: https://peerj.com/articles/cs-127/
Instance ID 1 4 3 2
Feature
value
0.1 0.2 0.4 0.5
Gradient 0.3 0.5 0.3 0.3
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
GPU speedup XGBoost
⬢ XGBoost with GPU wins 4.x speedup vs CPU based
⬢ Ref: https://devblogs.nvidia.com/gradient-boosting-decision-trees-xgboost-cuda/
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
GPU speedup XGBoost
⬢ GPU is good but manage GPU cluster is not easy
○ Different versions of drivers for GPUs
○ Users have to build XGBoost for GPU supported
○ Hard to manage the resources of GPU
○ GPU resource cannot be shared
⬢ An idle environment is everything included
○ Spark is an efficient distributed engine for data processing
○ Spark ML pipeline for model tuning
○ GPU is used to speedup the XGBoost training
○ Yarn is able to manage the resources of cluster
○ Notebook is used for end users
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
What you can learn from this notebook
⬢ Combine Spark, and XGBoost together
○ Train and deploy XGBoost model in a unified data platform
○ Automatically tune the XGBoost model based on Spark ML pipeline
○ Speedup XGBoost training based on distributed computation and GPU
○ Multiple users can share the same cluster with GPU and Spark
⬢ Benefits
○ End to end solution for ML pipeline with XGBoost support
○ Do not need to care about GPU management
○ Train the XGBoost with Spark ML APIs
○ Visualize the predication results on notebook
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Spark and Xgboost for Fintech
⬢ Lending club data
⬢ Spark Dataframe for ETL
⬢ Spark SQL for OLAP
⬢ Spark ML for auto modeling tuning and model serving
⬢ Notebook link: (use databricks community edition)
○ Part1: (https://bit.ly/2QuLQ9b) https://databricks-prod-
cloudfront.cloud.databricks.com/public/4027ec902e239c93eaaa8714f173bcfc/49999
72933037924/27242371102049/8135547933712821/latest.html
○ Part2:(https://bit.ly/2AZJI3Z)
https://databricks-prod-
cloudfront.cloud.databricks.com/public/4027ec902e239c93eaaa8714f173bcfc/49999
72933037924/27242371102070/8135547933712821/latest.html
⬢ Acknowledgment: https://databricks.com/blog/2018/08/09/loan-risk-analysis-
with-xgboost-and-databricks-runtime-for-machine-learning.html
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
Outline
● Spark ecosystem
● Spark XGBoost
● Spark Deep Learning pipeline
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
Why Deep Learning
Data explosion
Computation explosion
An AI-driven world
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
Why Deep Learning
Data explosion
Computation explosion
An AI-driven world
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
What is deep learning
⬢ A set of machine learning techniques that can learn useful representations of
features directly from images, text and sound.
⬢ Achievements
○ ImageNet
○ Google Neural Machine
Translation
○ AlphaGo/AlphaZero
⬢ Benefit from big data and GPU
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
A typical Deep Learning workflow
Load data Select neural network architecture, optimize the parameters
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Build your own deep learning model
Model Images(#) Classes(#)
ImageNet 14M 20K
Skin cancer 129,450 757
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Transfer Learning Pipeline
Pre-trained CNN
model
Softmax classification
(Trainable parameters)
Load data as
DataFrame
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Deep Learning in Spark MLlib Pipeline
⬢ Spark MLlib pipeline
○ Sequence of Transformers and Estimators
○ Simple, concise API and ease of use
⬢ Integrates with Spark APIs
○ Spark is great at scaling out computations
○ Image representation and reader in Spark DataFrame/Dataset (new in Spark 2.3)
⬢ Spark Deep Learning Pipelines (github.com/databricks/spark-deep-learning)
○ Plugin your own TensorFlow Graph or Keras Model as Transformers
○ Open source under Apache 2.0 license
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Auto ML in Spark ML pipeline
⬢ Spark to prepare the data
○ Spark streaming
○ Spark SQL
⬢ Spark for model parameter tuning
○ Hyper parameter
○ Save memory usage
⬢ TensorFlow auto network structure tuning
○ Reinforce learning
○ Transfer learning
⬢ Model deploy as a service
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
Case study
⬢ Car damage estimation ⬢ Intelligence agent
⬢ X-Ray Image analysis ⬢ Anti-Terrorism
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
What you can learn this section
⬢ How to combine deep learning and Spark together
⬢ Take DL as a operator in Spark ML pipeline
⬢ Transfer learning with DL model
⬢ DL model parameter tuning
⬢ Apply DL model into Spark SQL
⬢ Notebook: https://databricks-prod-
cloudfront.cloud.databricks.com/public/4027ec902e239c93eaaa8714f173bcfc/4999972933037924/4
324977500035919/8135547933712821/latest.html
⬢ Acknowledgment: https://docs.databricks.com/applications/deep-learning/deep-learning-
pipelines.html
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
了解更多CS求职信息
扫描二维码关注微信
www.laioffer.comlaiofferhelper2
resources:
https://drive.google.com/drive/folders/1wGKNGq7w75YKYazMZ7ytgaAtfTCgvsE
D?usp=sharing

More Related Content

PPTX
Jay Yagnik at AI Frontiers : A History Lesson on AI
PDF
MLConf 2016 SigOpt Talk by Scott Clark
PDF
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
PPTX
Misha Bilenko, Principal Researcher, Microsoft at MLconf SEA - 5/01/15
PDF
QCon Rio - Machine Learning for Everyone
PPTX
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
PDF
Funda Gunes, Senior Research Statistician Developer & Patrick Koch, Principal...
PDF
GDG PDX - An Intro to Google Cloud AutoML Vision
Jay Yagnik at AI Frontiers : A History Lesson on AI
MLConf 2016 SigOpt Talk by Scott Clark
Nikhil Garg, Engineering Manager, Quora at MLconf SF 2016
Misha Bilenko, Principal Researcher, Microsoft at MLconf SEA - 5/01/15
QCon Rio - Machine Learning for Everyone
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Funda Gunes, Senior Research Statistician Developer & Patrick Koch, Principal...
GDG PDX - An Intro to Google Cloud AutoML Vision

What's hot (20)

PDF
Online Machine Learning: introduction and examples
PPTX
An introduction to Machine Learning with scikit-learn (October 2018)
PPTX
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
PPTX
Using druid for interactive count distinct queries at scale @ nmc
PDF
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
PPTX
Production ready big ml workflows from zero to hero daniel marcous @ waze
PPTX
Anima Anandkumar at AI Frontiers : Modern ML : Deep, distributed, Multi-dimen...
PDF
Training Large-scale Ad Ranking Models in Spark
PDF
10 more lessons learned from building Machine Learning systems
PDF
Automated Hyperparameter Tuning, Scaling and Tracking
PDF
Scikit-Learn: Machine Learning in Python
PPTX
Tom Peters, Software Engineer, Ufora at MLconf ATL 2016
PDF
Scott Clark, CEO, SigOpt, at The AI Conference 2017
PDF
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
PDF
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
PDF
Highly-scalable Reinforcement Learning RLlib for Real-world Applications
PPTX
StackNet Meta-Modelling framework
PPTX
Venkatesh Ramanathan, Data Scientist, PayPal at MLconf ATL 2017
PPT
Intro to scikit-learn
PDF
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Online Machine Learning: introduction and examples
An introduction to Machine Learning with scikit-learn (October 2018)
Jean-François Puget, Distinguished Engineer, Machine Learning and Optimizatio...
Using druid for interactive count distinct queries at scale @ nmc
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Production ready big ml workflows from zero to hero daniel marcous @ waze
Anima Anandkumar at AI Frontiers : Modern ML : Deep, distributed, Multi-dimen...
Training Large-scale Ad Ranking Models in Spark
10 more lessons learned from building Machine Learning systems
Automated Hyperparameter Tuning, Scaling and Tracking
Scikit-Learn: Machine Learning in Python
Tom Peters, Software Engineer, Ufora at MLconf ATL 2016
Scott Clark, CEO, SigOpt, at The AI Conference 2017
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Highly-scalable Reinforcement Learning RLlib for Real-world Applications
StackNet Meta-Modelling framework
Venkatesh Ramanathan, Data Scientist, PayPal at MLconf ATL 2017
Intro to scikit-learn
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Ad

Similar to Training at AI Frontiers 2018 - LaiOffer Data Session: How Spark Speedup AI (20)

PDF
Updates from Project Hydrogen: Unifying State-of-the-Art AI and Big Data in A...
PDF
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
PDF
chapter1.pdf
PDF
Web Traffic Time Series Forecasting
PDF
Scalable Acceleration of XGBoost Training on Apache Spark GPU Clusters
PDF
Spark Meetup
PDF
Kaggle Lyft Motion Prediction for Autonomous Vehicles 4th Place Solution
PDF
Auto-Pilot for Apache Spark Using Machine Learning
PPTX
Machine learning using TensorFlow on DSX
PDF
Using Bayesian Optimization to Tune Machine Learning Models
PDF
Using Bayesian Optimization to Tune Machine Learning Models
PPTX
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
PDF
Monitoring of GPU Usage with Tensorflow Models Using Prometheus
PDF
BlazingSQL + RAPIDS AI at GTC San Jose 2019
PDF
Very large scale distributed deep learning on BigDL
PDF
XGBoost & LightGBM
PDF
Data Analysis with TensorFlow in PostgreSQL
 
PDF
How Coupang Leverages Distributed Cache to Accelerate ML Model Training
PDF
FL Studio Crack FREE Download 2025 link latest
PDF
Big Data, Bigger Analytics
Updates from Project Hydrogen: Unifying State-of-the-Art AI and Big Data in A...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
chapter1.pdf
Web Traffic Time Series Forecasting
Scalable Acceleration of XGBoost Training on Apache Spark GPU Clusters
Spark Meetup
Kaggle Lyft Motion Prediction for Autonomous Vehicles 4th Place Solution
Auto-Pilot for Apache Spark Using Machine Learning
Machine learning using TensorFlow on DSX
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning Models
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Monitoring of GPU Usage with Tensorflow Models Using Prometheus
BlazingSQL + RAPIDS AI at GTC San Jose 2019
Very large scale distributed deep learning on BigDL
XGBoost & LightGBM
Data Analysis with TensorFlow in PostgreSQL
 
How Coupang Leverages Distributed Cache to Accelerate ML Model Training
FL Studio Crack FREE Download 2025 link latest
Big Data, Bigger Analytics
Ad

More from AI Frontiers (20)

PPTX
Divya Jain at AI Frontiers : Video Summarization
PDF
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-Lecture 1: Heuristi...
PDF
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
PDF
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-lecture 2: Incremen...
PDF
Training at AI Frontiers 2018 - Udacity: Enhancing NLP with Deep Neural Networks
PDF
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-Lecture 3: Any-Angl...
PDF
Training at AI Frontiers 2018 - Lukasz Kaiser: Sequence to Sequence Learning ...
PDF
Percy Liang at AI Frontiers : Pushing the Limits of Machine Learning
PDF
Ilya Sutskever at AI Frontiers : Progress towards the OpenAI mission
PDF
Mark Moore at AI Frontiers : Uber Elevate
PPTX
Mario Munich at AI Frontiers : Consumer robotics: embedding affordable AI in ...
PPTX
Arnaud Thiercelin at AI Frontiers : AI in the Sky
PPTX
Wei Xu at AI Frontiers : Language Learning in an Interactive and Embodied Set...
PPTX
Sumit Gupta at AI Frontiers : AI for Enterprise
PPTX
Yuandong Tian at AI Frontiers : Planning in Reinforcement Learning
PPTX
Alex Ermolaev at AI Frontiers : Major Applications of AI in Healthcare
PPTX
Long Lin at AI Frontiers : AI in Gaming
PDF
Melissa Goldman at AI Frontiers : AI & Finance
PPTX
Li Deng at AI Frontiers : From Modeling Speech/Language to Modeling Financial...
PPTX
Ashok Srivastava at AI Frontiers : Using AI to Solve Complex Economic Problems
Divya Jain at AI Frontiers : Video Summarization
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-Lecture 1: Heuristi...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-lecture 2: Incremen...
Training at AI Frontiers 2018 - Udacity: Enhancing NLP with Deep Neural Networks
Training at AI Frontiers 2018 - LaiOffer Self-Driving-Car-Lecture 3: Any-Angl...
Training at AI Frontiers 2018 - Lukasz Kaiser: Sequence to Sequence Learning ...
Percy Liang at AI Frontiers : Pushing the Limits of Machine Learning
Ilya Sutskever at AI Frontiers : Progress towards the OpenAI mission
Mark Moore at AI Frontiers : Uber Elevate
Mario Munich at AI Frontiers : Consumer robotics: embedding affordable AI in ...
Arnaud Thiercelin at AI Frontiers : AI in the Sky
Wei Xu at AI Frontiers : Language Learning in an Interactive and Embodied Set...
Sumit Gupta at AI Frontiers : AI for Enterprise
Yuandong Tian at AI Frontiers : Planning in Reinforcement Learning
Alex Ermolaev at AI Frontiers : Major Applications of AI in Healthcare
Long Lin at AI Frontiers : AI in Gaming
Melissa Goldman at AI Frontiers : AI & Finance
Li Deng at AI Frontiers : From Modeling Speech/Language to Modeling Financial...
Ashok Srivastava at AI Frontiers : Using AI to Solve Complex Economic Problems

Recently uploaded (20)

PDF
KodekX | Application Modernization Development
PDF
Per capita expenditure prediction using model stacking based on satellite ima...
PDF
Chapter 3 Spatial Domain Image Processing.pdf
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
PDF
Machine learning based COVID-19 study performance prediction
PDF
Electronic commerce courselecture one. Pdf
PDF
Unlocking AI with Model Context Protocol (MCP)
PDF
Encapsulation theory and applications.pdf
PDF
Diabetes mellitus diagnosis method based random forest with bat algorithm
PDF
Network Security Unit 5.pdf for BCA BBA.
PPTX
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
PPTX
Effective Security Operations Center (SOC) A Modern, Strategic, and Threat-In...
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PPTX
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
PDF
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Modernizing your data center with Dell and AMD
PDF
Blue Purple Modern Animated Computer Science Presentation.pdf.pdf
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
KodekX | Application Modernization Development
Per capita expenditure prediction using model stacking based on satellite ima...
Chapter 3 Spatial Domain Image Processing.pdf
Advanced methodologies resolving dimensionality complications for autism neur...
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
Machine learning based COVID-19 study performance prediction
Electronic commerce courselecture one. Pdf
Unlocking AI with Model Context Protocol (MCP)
Encapsulation theory and applications.pdf
Diabetes mellitus diagnosis method based random forest with bat algorithm
Network Security Unit 5.pdf for BCA BBA.
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
Effective Security Operations Center (SOC) A Modern, Strategic, and Threat-In...
Building Integrated photovoltaic BIPV_UPV.pdf
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
Dropbox Q2 2025 Financial Results & Investor Presentation
Modernizing your data center with Dell and AMD
Blue Purple Modern Animated Computer Science Presentation.pdf.pdf
Build a system with the filesystem maintained by OSTree @ COSCUP 2025

Training at AI Frontiers 2018 - LaiOffer Data Session: How Spark Speedup AI